本文整理汇总了Python中fos.Window类的典型用法代码示例。如果您正苦于以下问题:Python Window类的具体用法?Python Window怎么用?Python Window使用的例子?那么恭喜您, 这里精选的类代码示例或许可以为您提供帮助。
在下文中一共展示了Window类的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的Python代码示例。
示例1: test_picking_trajectories
def test_picking_trajectories():
curves=[100*np.random.rand(10,3),100*np.random.rand(5,3),100*np.random.rand(3,3)]
#curves=[100*np.array([[0,0,0],[1,0,0]]), 100*np.array([[0,1,0],[0,1,3]]),100*np.array([[0,2,0],[0,2,3]])]
'''
from nibabel import trackvis as tv
#fname='/home/eg309/Data/PROC_MR10032/subj_01/101/1312211075232351192010091419011391228126452ep2dadvdiffDSI25x25x25b4000s003a001_FA_warp.trk'
fname='/home/eg309/Data/fibers.trk'
streams,hdr=tv.read(fname)
T=[s[0] for s in streams]
curves=T[:200000]
fname='/home/eg309/Data/PROC_MR10032/subj_02/101/1312211075232351192010091708112071055601107ep2dadvdiffDSI10125x25x25STs002a001_QA_native.dpy'
from dipy.io.dpy import Dpy
dpr=Dpy(fname,'r')
T=dpr.read_indexed(range(20000))
from dipy.core.track_metrics import length
curves=[t for t in T if length(t) > 20]
dpr.close()
'''
#colors=np.random.rand(len(curves),4).astype('f4')
colors=0.5*np.ones((len(curves),4)).astype('f4')
for (i,c) in enumerate(curves):
orient=c[0]-c[-1]
orient=np.abs(orient/np.linalg.norm(orient))
colors[i,:3]=orient
c=InteractiveCurves(curves,colors=colors)
w=World()
w.add(c)
wi=Window()
wi.attach(w)
示例2: visualize
def visualize(pos, parents, offset, colors):
wi = Window()
w = wi.get_world()
act = NeuronRegion(vertices=pos, connectivity=parents, offset=offset, colors=colors, force_centering=True)
w.add(act)
return act
示例3: show_tracks
def show_tracks(tracks,alpha=1.,lw=2.,bg=(1.,1.,1.,1)):
colors=compute_colors(tracks,alpha=alpha)
ax = Line(tracks,colors,line_width=lw)
w=World()
w.add(ax)
wi = Window(caption=" Curve plotting (fos.me)",\
bgcolor=bg,width=1200,height=1000)
#(0,0.,0.2,1)
wi.attach(w)
wm = WindowManager()
wm.add(wi)
wm.run()
示例4: load_tracks
def load_tracks(method="pmt"):
from nibabel import trackvis as tv
dname = "/home/eg309/Data/orbital_phantoms/dwi_dir/subject1/"
if method == "pmt":
fname = "/home/eg309/Data/orbital_phantoms/dwi_dir/workflow/tractography/_subject_id_subject1/cam2trk_pico_twoten/data_fit_pdfs_tracked.trk"
streams, hdr = tv.read(fname, points_space="voxel")
tracks = [s[0] for s in streams]
if method == "dti":
fname = dname + "dti_tracks.dpy"
if method == "dsi":
fname = dname + "dsi_tracks.dpy"
if method == "gqs":
fname = dname + "gqi_tracks.dpy"
if method == "eit":
fname = dname + "eit_tracks.dpy"
if method in ["dti", "dsi", "gqs", "eit"]:
dpr_linear = Dpy(fname, "r")
tracks = dpr_linear.read_tracks()
dpr_linear.close()
if method != "pmt":
tracks = [t - np.array([96 / 2.0, 96 / 2.0, 55 / 2.0]) for t in tracks if track_range(t, 100 / 2.5, 150 / 2.5)]
tracks = [t for t in tracks if track_range(t, 100 / 2.5, 150 / 2.5)]
print "final no of tracks ", len(tracks)
qb = QuickBundles(tracks, 25.0 / 2.5, 18)
# from dipy.viz import fvtk
# r=fvtk.ren()
# fvtk.add(r,fvtk.line(qb.virtuals(),fvtk.red))
# fvtk.show(r)
# show_tracks(tracks)#qb.exemplars()[0])
# qb.remove_small_clusters(40)
del tracks
# load
tl = TrackLabeler(qb, qb.downsampled_tracks(), vol_shape=None, tracks_line_width=3.0, tracks_alpha=1)
# return tracks
w = World()
w.add(tl)
# create window
wi = Window(caption="Fos", bgcolor=(1.0, 1.0, 1.0, 1.0), width=1600, height=900)
wi.attach(w)
# create window manager
wm = WindowManager()
wm.add(wi)
wm.run()
示例5: load_PX_tracks
def load_PX_tracks():
roi = "LH_premotor"
dn = "/home/hadron/from_John_mon12thmarch"
dname = "/extra_probtrackX_analyses/_subject_id_subj05_101_32/particle2trackvis_" + roi + "_native/"
fname = dn + dname + "tract_samples.trk"
from nibabel import trackvis as tv
points_space = [None, "voxel", "rasmm"]
streamlines, hdr = tv.read(fname, as_generator=True, points_space="voxel")
tracks = [s[0] for s in streamlines]
del streamlines
# return tracks
qb = QuickBundles(tracks, 25.0 / 2.5, 18)
# tl=Line(qb.exemplars()[0],line_width=1)
del tracks
qb.remove_small_clusters(20)
tl = TrackLabeler(qb, qb.downsampled_tracks(), vol_shape=None, tracks_line_width=3.0, tracks_alpha=1)
# put the seeds together
# seeds=np.vstack((seeds,seeds2))
# shif the seeds
# seeds=np.dot(mat[:3,:3],seeds.T).T + mat[:3,3]
# seeds=seeds-shift
# seeds2=np.dot(mat[:3,:3],seeds2.T).T + mat[:3,3]
# seeds2=seeds2-shift
# msk = Point(seeds,colors=(1,0,0,1.),pointsize=2.)
# msk2 = Point(seeds2,colors=(1,0,.ppppp2,1.),pointsize=2.)
w = World()
w.add(tl)
# w.add(msk)
# w.add(msk2)
# w.add(sl)
# create window
wi = Window(caption="Fos", bgcolor=(0.3, 0.3, 0.6, 1.0), width=1600, height=900)
wi.attach(w)
# create window manager
wm = WindowManager()
wm.add(wi)
wm.run()
示例6: Line
if __name__ == '__main__':
tracks=[100*np.random.rand(100,3),100*np.random.rand(20,3)]
colors=np.ones((120,4))
colors[0:100,:3]=np.array([1,0,0.])
colors[100:120,:3]=np.array([0,1,0])
import nibabel as nib
from os import path as op
a=nib.trackvis.read( op.join(op.dirname(fos.__file__), "data", "tracks300.trk") )
g=np.array(a[0], dtype=np.object)
tracks = [tr[0] for tr in a[0]]
#tracks = tracks-np.concatenate(tracks,axis=0)
lentra = [len(t) for t in tracks]
colors = np.ones((np.sum(lentra),4))
#colors[:,3]=0.9
ax = Line(tracks,colors,line_width=2)
w=World()
w.add(ax)
wi = Window(caption=" Line plotting (fos.me)",\
bgcolor=(0,0.,0.2,1),width=800,height=600)
wi.attach(w)
wm = WindowManager()
wm.add(wi)
wm.run()
示例7: Init
if __name__ == '__main__':
import nibabel as nib
dname = '/usr/share/fsl/data/standard/'
fname = dname + 'FMRIB58_FA_1mm.nii.gz'
fname = '/home/eg309/Data/trento_processed/subj_01/MPRAGE_32/rawbet.nii.gz'
img=nib.load(fname)
data = img.get_data()
data = np.interp(data, [data.min(), data.max()], [0, 255])
from fos import Init, Run
Init()
window = Window(caption="[F]OS", bgcolor=(0.4, 0.4, 0.9))
scene = Scene(activate_aabb=False)
guil = Guillotine('VolumeSlicer', data)
scene.add_actor(guil)
window.add_scene(scene)
window.refocus_camera()
#window = Window()
window.show()
#print get_ipython()
Run()
示例8: multisampling
from euclid import *
import fos.lib.pyglet as pyglet
from fos.lib.pyglet.gl import *
from fos.lib.pyglet.window import key
from fos.actor.tree import Tree
import numpy as np
from fos import Window
try:
# Try and create a window with multisampling (antialiasing)
config = Config(sample_buffers=1, samples=4,depth_size=16, double_buffer=True,)
window = Window(resizable=True, config=config, vsync=False, width=1000, height=800) # "vsync=False" to check the framerate
except pyglet.window.NoSuchConfigException:
# Fall back to no multisampling for old hardware
window = Window(resizable=True)
fps_display = pyglet.clock.ClockDisplay() # see programming guide pg 48
@window.event
def on_resize(width, height):
print "newsize ", width, height
if height==0: height=1
# Override the default on_resize handler to create a 3D projection
glViewport(0, 0, width, height)
glMatrixMode(GL_PROJECTION)
glLoadIdentity()
示例9: multisampling
#!/usr/bin/env python
import numpy as np
import pyglet as pyglet
from pyglet.gl import *
from fos import World, Window, WindowManager
from fos.actor.treeregion import TreeRegion
from fos.actor.axes import Axes
mycpt = "TreeRegion Demo - Fos.me"
try:
# Try and create a window with multisampling (antialiasing)
config = Config(sample_buffers=1, samples=4,depth_size=16, double_buffer=True,)
window = Window(resizable=True, config=config, vsync=False, width=1000, height=800, caption = mycpt) # "vsync=False" to check the framerate
except pyglet.window.NoSuchConfigException:
# Fall back to no multisampling for old hardware
window = Window(resizable=True, caption = mycpt)
# sample tree data
# ####
vert = np.array( [ [0,0,0],
[5,5,0],
[5,10,0],
[10,5,0]], dtype = np.float32 )
conn = np.array( [ 0, 1, 1, 2, 1, 3 ], dtype = np.uint32 )
cols = np.array( [ [0, 0, 1, 1],
[1, 0, 1, 1],
示例10: SphereCloud
import numpy as np
from fos import Window
from fos.actor.spherecloud import SphereCloud
n = 100
# the positions for the sphere
positions = np.random.random( (n,3) ).astype( np.float32 ) * 500
# the radii for the spheres
radii = np.random.random( (n,) ).astype( np.float32 ) * 10
# the color for the spheres
colors = np.random.random( (n,4) ).astype( np.float32 ) * 10
colors[:,3] = 1.0
sc = SphereCloud( positions = positions, radii=radii, colors=colors )
wi = Window()
w = wi.get_world()
w.add(sc)
示例11: multisampling
parents = f["neurons/localtopology"].value
labeling = f["neurons/labeling"].value
colors = f["neurons/segmentcolors"].value
f.close()
print pos
print parents
print labeling
print colors
mycpt = "Treedemo - Fos.me"
try:
# Try and create a window with multisampling (antialiasing)
config = Config(sample_buffers=1, samples=4, depth_size=16, double_buffer=True)
window = Window(
resizable=True, config=config, vsync=False, width=1000, height=800, caption=mycpt
) # "vsync=False" to check the framerate
except fos.lib.pyglet.window.NoSuchConfigException:
# Fall back to no multisampling for old hardware
print "fallback"
window = Window(resizable=True, caption=mycpt)
ac = []
s = 500
# tune it up
# this is very inefficient, because it copies the position arrays
for i in range(1000):
pos2 = pos.copy()
pos2[:, 0] = pos2[:, 0] + (randn() - 0.5) * s
pos2[:, 1] = pos2[:, 1] + (randn() - 0.5) * s
# random width array
示例12: Window
""" Create an empty Fos world and attach a window to it """
from fos import World, Window, DefaultCamera, WindowManager
# create the first window
wi = Window(caption = "My Window 1", bgcolor = (1,1,1,1) )
# return the default empty world of this window
w = World()
# add a new camera to this world
cam2 = DefaultCamera()
w.add(cam2)
# create the second window
wi2 = Window(caption = "My Window 2", bgcolor = (0,0,0,1) )
# we want to look at the same world as window 1, thus drop
# the default world and attach the window to our world with the second camera
wi2.attach(w)
# set the camera for the second window to the second camera
wi2.set_current_camera(cam2)
# Create the window manager, add the windows, and go!
wm = WindowManager()
wm.add(wi)
wm.add(wi2)
wm.run()
示例13: Line
g=np.array(a[0], dtype=np.object)
tracks = [tr[0] for tr in a[0]]
#tracks = tracks-np.concatenate(tracks,axis=0)
lentra = [len(t) for t in tracks]
colors = np.random.rand(np.sum(lentra),4)
#colors[:,3]=0.9
"""
streamlines = Line('fornix',tracks,colors,line_width=2)
from fos import Window, Scene
from fos.actor.axes import Axes
from fos.actor.text import Text3D
title='Bundle Picker'
w = Window(caption = title,
width = 1200,
height = 800,
bgcolor = (0.,0.,0.2) )
scene = Scene( scenename = 'Main',
extent_min = np.array([-5.0, -5, -5]),
extent_max = np.array([5, 5 ,5]))
ax = Axes(name = "3 axes", linewidth=2.0)
vert = np.array( [[2.0,3.0,0.0]], dtype = np.float32 )
ptr = np.array( [[.2,.2,.2]], dtype = np.float32 )
tex = Text3D( "Text3D", vert, "Reg", 10, 2, ptr)
scene.add_actor(ax)
scene.add_actor(tex)
scene.add_actor(streamlines)
#w.screenshot( 'red.png' )
示例14: Window
""" Create an empty Fos world and attach a window to it """
from fos import World, Window, DefaultCamera, WindowManager
# create the first window
wi = Window(caption = "My Window 1", bgcolor = (1,1,1,1) )
# return the default empty world of this window
w = wi.get_world()
# add a new camera to this world
cam2 = DefaultCamera()
w.add(cam2)
# create the second window
wi2 = Window(caption = "My Window 2", bgcolor = (0,0,0,1) )
# we want to look at the same world as window 1, thus drop
# the default world and attach the window to our world with the second camera
wi2.attach(w)
# set the camera for the second window to the second camera
wi2.set_current_camera(cam2)
# Create the window manager, add the windows, and go!
wm = WindowManager()
wm.add(wi)
wm.add(wi2)
wm.run()
示例15: Window
"""
affine = None
data = np.zeros((256, 128, 32), np.uint8)
volume = np.zeros(data.shape+(3,))
volume[...,0] = data.copy()
volume[...,1] = data.copy()
volume[...,2] = data.copy()
volume = volume.astype(np.ubyte)
volume[..., :] = (255, 0 , 0)
#volume[] =
print volume.shape, volume.min(), volume.max()
window = Window()
region = Region()
#volume = data
tex = Texture3D('Buzz', volume, affine)
w, h, d = volume.shape[:-1]
depindex = 100
dep = (0.5 + depindex) / np.float(d)
texcoords = np.array([ [dep, 0, 0],
[dep, 0, 1],
[dep, 1, 1],
[dep, 1, 0] ])
vertcoords = np.array( [ [-w/2., -h/2., 0.],
[-w/2., h/2., 0.],
[w/2., h/2., 0.],
[w/2, -h/2., 0] ])