[docs]defremove_observer_from_actor(actor,id):"""Remove the observer with the given id from the actor. Parameters ---------- actor : vtkActor id : int id of the observer to remove """ifnothasattr(actor,"GetMapper"):raiseValueError("Invalid actor")mapper=actor.GetMapper()ifnothasattr(mapper,"RemoveObserver"):raiseValueError("Invalid mapper")mapper.RemoveObserver(id)
[docs]defset_input(vtk_object,inp):"""Set Generic input function which takes into account VTK 5 or 6. Parameters ---------- vtk_object: vtk object inp: vtkPolyData or vtkImageData or vtkAlgorithmOutput Returns ------- vtk_object Notes ----- This can be used in the following way:: from fury.utils import set_input poly_mapper = set_input(PolyDataMapper(), poly_data) """ifisinstance(inp,(PolyData,ImageData)):vtk_object.SetInputData(inp)elifisinstance(inp,AlgorithmOutput):vtk_object.SetInputConnection(inp)vtk_object.Update()returnvtk_object
[docs]defnumpy_to_vtk_points(points):"""Convert Numpy points array to a vtk points array. Parameters ---------- points : ndarray Returns ------- vtk_points : vtkPoints() """vtk_points=Points()vtk_points.SetData(numpy_support.numpy_to_vtk(np.asarray(points),deep=True))returnvtk_points
[docs]defnumpy_to_vtk_colors(colors):"""Convert Numpy color array to a vtk color array. Parameters ---------- colors: ndarray Returns ------- vtk_colors : vtkDataArray Notes ----- If colors are not already in UNSIGNED_CHAR you may need to multiply by 255. Examples -------- >>> import numpy as np >>> from fury.utils import numpy_to_vtk_colors >>> rgb_array = np.random.rand(100, 3) >>> vtk_colors = numpy_to_vtk_colors(255 * rgb_array) """vtk_colors=numpy_support.numpy_to_vtk(np.asarray(colors),deep=True,array_type=VTK_UNSIGNED_CHAR)returnvtk_colors
[docs]@warn_on_args_to_kwargs()defnumpy_to_vtk_cells(data,*,is_coords=True):"""Convert numpy array to a vtk cell array. Parameters ---------- data : ndarray points coordinate or connectivity array (e.g triangles). is_coords : ndarray Select the type of array. default: True. Returns ------- vtk_cell : vtkCellArray connectivity + offset information """ifisinstance(data,(list,np.ndarray)):offsets_dtype=np.int64else:offsets_dtype=np.dtype(data._offsets.dtype)ifoffsets_dtype.kind=="u":offsets_dtype=np.dtype(offsets_dtype.name[1:])data=np.array(data,dtype=object)nb_cells=len(data)# Get lines_array in vtk input formatconnectivity=data.flatten()ifnotis_coordselse[]offset=[0,]current_position=0cell_array=CellArray()foriinrange(nb_cells):current_len=len(data[i])offset.append(offset[-1]+current_len)ifis_coords:end_position=current_position+current_lenconnectivity+=list(range(current_position,end_position))current_position=end_positionconnectivity=np.array(connectivity,offsets_dtype)offset=np.array(offset,dtype=offsets_dtype)vtk_array_type=numpy_support.get_vtk_array_type(offsets_dtype)cell_array.SetData(numpy_support.numpy_to_vtk(offset,deep=True,array_type=vtk_array_type),numpy_support.numpy_to_vtk(connectivity,deep=True,array_type=vtk_array_type),)cell_array.SetNumberOfCells(nb_cells)returncell_array
[docs]@warn_on_args_to_kwargs()defnumpy_to_vtk_image_data(array,*,spacing=(1.0,1.0,1.0),origin=(0.0,0.0,0.0),deep=True):"""Convert numpy array to a vtk image data. Parameters ---------- array : ndarray pixel coordinate and colors values. spacing : (float, float, float) (optional) sets the size of voxel (unit of space in each direction x,y,z) origin : (float, float, float) (optional) sets the origin at the given point deep : bool (optional) decides the type of copy(ie. deep or shallow) Returns ------- vtk_image : vtkImageData """ifarray.ndimnotin[2,3]:raiseIOError("only 2D (L, RGB, RGBA) or 3D image available")vtk_image=ImageData()depth=1ifarray.ndim==2elsearray.shape[2]vtk_image.SetDimensions(array.shape[1],array.shape[0],depth)vtk_image.SetExtent(0,array.shape[1]-1,0,array.shape[0]-1,0,0)vtk_image.SetSpacing(spacing)vtk_image.SetOrigin(origin)temp_arr=np.flipud(array)temp_arr=temp_arr.reshape(array.shape[1]*array.shape[0],depth)temp_arr=np.ascontiguousarray(temp_arr,dtype=array.dtype)vtk_array_type=numpy_support.get_vtk_array_type(array.dtype)uchar_array=numpy_support.numpy_to_vtk(temp_arr,deep=deep,array_type=vtk_array_type)vtk_image.GetPointData().SetScalars(uchar_array)returnvtk_image
[docs]defmap_coordinates_3d_4d(input_array,indices):"""Evaluate input_array at the given indices using trilinear interpolation. Parameters ---------- input_array : ndarray, 3D or 4D array indices : ndarray Returns ------- output : ndarray 1D or 2D array """ifinput_array.ndim<=2orinput_array.ndim>=5:raiseValueError("Input array can only be 3d or 4d")ifinput_array.ndim==3:returnmap_coordinates(input_array,indices.T,order=1)ifinput_array.ndim==4:values_4d=[]foriinrange(input_array.shape[-1]):values_tmp=map_coordinates(input_array[...,i],indices.T,order=1)values_4d.append(values_tmp)returnnp.ascontiguousarray(np.array(values_4d).T)
[docs]@warn_on_args_to_kwargs()deflines_to_vtk_polydata(lines,*,colors=None):"""Create a vtkPolyData with lines and colors. Parameters ---------- lines : list list of N curves represented as 2D ndarrays colors : array (N, 3), list of arrays, tuple (3,), array (K,) If None or False, a standard orientation colormap is used for every line. If one tuple of color is used. Then all streamlines will have the same colour. If an array (N, 3) is given, where N is equal to the number of lines. Then every line is coloured with a different RGB color. If a list of RGB arrays is given then every point of every line takes a different color. If an array (K, 3) is given, where K is the number of points of all lines then every point is colored with a different RGB color. If an array (K,) is given, where K is the number of points of all lines then these are considered as the values to be used by the colormap. If an array (L,) is given, where L is the number of streamlines then these are considered as the values to be used by the colormap per streamline. If an array (X, Y, Z) or (X, Y, Z, 3) is given then the values for the colormap are interpolated automatically using trilinear interpolation. Returns ------- poly_data : vtkPolyData color_is_scalar : bool, true if the color array is a single scalar Scalar array could be used with a colormap lut None if no color was used """# Get the 3d points_arrayiflines.__class__.__name__=="ArraySequence":points_array=lines._dataelse:points_array=np.vstack(lines)ifpoints_array.size==0:raiseValueError("Empty lines/streamlines data.")# Set Points to vtk array formatvtk_points=numpy_to_vtk_points(points_array)# Set Lines to vtk array formatvtk_cell_array=numpy_to_vtk_cells(lines)# Create the poly_datapoly_data=PolyData()poly_data.SetPoints(vtk_points)poly_data.SetLines(vtk_cell_array)# Get colors_array (reformat to have colors for each points)# - if/else tested and work in normal simple casenb_points=len(points_array)nb_lines=len(lines)lines_range=range(nb_lines)points_per_line=[len(lines[i])foriinlines_range]points_per_line=np.array(points_per_line,np.intp)color_is_scalar=Falseifpoints_array.size:ifcolorsisNoneorcolorsisFalse:# set automatic rgb colorscols_arr=line_colors(lines)colors_mapper=np.repeat(lines_range,points_per_line,axis=0)vtk_colors=numpy_to_vtk_colors(255*cols_arr[colors_mapper])else:cols_arr=np.asarray(colors)ifcols_arr.dtype==object:# colors is a list of colorsvtk_colors=numpy_to_vtk_colors(255*np.vstack(colors))else:iflen(cols_arr)==nb_points:ifcols_arr.ndim==1:# values for every pointvtk_colors=numpy_support.numpy_to_vtk(cols_arr,deep=True)color_is_scalar=Trueelifcols_arr.ndim==2:# map color to each pointvtk_colors=numpy_to_vtk_colors(255*cols_arr)elifcols_arr.ndim==1:iflen(cols_arr)==nb_lines:# values for every streamlinecols_arrx=[]fori,valueinenumerate(colors):cols_arrx+=lines[i].shape[0]*[value]cols_arrx=np.array(cols_arrx)vtk_colors=numpy_support.numpy_to_vtk(cols_arrx,deep=True)color_is_scalar=Trueelse:# the same colors for all pointsvtk_colors=numpy_to_vtk_colors(np.tile(255*cols_arr,(nb_points,1)))elifcols_arr.ndim==2:# map color to each linecolors_mapper=np.repeat(lines_range,points_per_line,axis=0)vtk_colors=numpy_to_vtk_colors(255*cols_arr[colors_mapper])else:# colormap# get colors for each vertexcols_arr=map_coordinates_3d_4d(cols_arr,points_array)vtk_colors=numpy_support.numpy_to_vtk(cols_arr,deep=True)color_is_scalar=Truevtk_colors.SetName("colors")poly_data.GetPointData().SetScalars(vtk_colors)returnpoly_data,color_is_scalar
[docs]defget_polydata_lines(line_polydata):"""Convert vtk polydata to a list of lines ndarrays. Parameters ---------- line_polydata : vtkPolyData Returns ------- lines : list List of N curves represented as 2D ndarrays """lines_vertices=numpy_support.vtk_to_numpy(line_polydata.GetPoints().GetData())lines_idx=numpy_support.vtk_to_numpy(line_polydata.GetLines().GetData())lines=[]current_idx=0whilecurrent_idx<len(lines_idx):line_len=lines_idx[current_idx]next_idx=current_idx+line_len+1line_range=lines_idx[current_idx+1:next_idx]lines+=[lines_vertices[line_range]]current_idx=next_idxreturnlines
[docs]defget_polydata_triangles(polydata):"""Get triangles (ndarrays Nx3 int) from a vtk polydata. Parameters ---------- polydata : vtkPolyData Returns ------- output : array (N, 3) triangles """vtk_polys=numpy_support.vtk_to_numpy(polydata.GetPolys().GetData())# test if its really trianglesifnot(vtk_polys[::4]==3).all():raiseAssertionError("Shape error: this is not triangles")returnnp.vstack([vtk_polys[1::4],vtk_polys[2::4],vtk_polys[3::4]]).T
[docs]defget_polydata_vertices(polydata):"""Get vertices (ndarrays Nx3 int) from a vtk polydata. Parameters ---------- polydata : vtkPolyData Returns ------- output : array (N, 3) points, represented as 2D ndarrays """returnnumpy_support.vtk_to_numpy(polydata.GetPoints().GetData())
[docs]defget_polydata_tcoord(polydata):"""Get texture coordinates (ndarrays Nx2 float) from a vtk polydata. Parameters ---------- polydata : vtkPolyData Returns ------- output : array (N, 2) Tcoords, represented as 2D ndarrays. None if there are no texture in the vtk polydata. """vtk_tcoord=polydata.GetPointData().GetTCoords()ifvtk_tcoordisNone:returnNonereturnnumpy_support.vtk_to_numpy(vtk_tcoord)
[docs]defget_polydata_normals(polydata):"""Get vertices normal (ndarrays Nx3 int) from a vtk polydata. Parameters ---------- polydata : vtkPolyData Returns ------- output : array (N, 3) Normals, represented as 2D ndarrays (Nx3). None if there are no normals in the vtk polydata. """vtk_normals=polydata.GetPointData().GetNormals()ifvtk_normalsisNone:returnNonereturnnumpy_support.vtk_to_numpy(vtk_normals)
[docs]defget_polydata_tangents(polydata):"""Get vertices tangent (ndarrays Nx3 int) from a vtk polydata. Parameters ---------- polydata : vtkPolyData Returns ------- output : array (N, 3) Tangents, represented as 2D ndarrays (Nx3). None if there are no tangents in the vtk polydata. """vtk_tangents=polydata.GetPointData().GetTangents()ifvtk_tangentsisNone:returnNonereturnnumpy_support.vtk_to_numpy(vtk_tangents)
[docs]defget_polydata_colors(polydata):"""Get points color (ndarrays Nx3 int) from a vtk polydata. Parameters ---------- polydata : vtkPolyData Returns ------- output : array (N, 3) Colors. None if no normals in the vtk polydata. """vtk_colors=polydata.GetPointData().GetScalars()ifvtk_colorsisNone:returnNonereturnnumpy_support.vtk_to_numpy(vtk_colors)
[docs]@warn_on_args_to_kwargs()defget_polydata_field(polydata,field_name,*,as_vtk=False):"""Get a field from a vtk polydata. Parameters ---------- polydata : vtkPolyData field_name : str as_vtk : optional By default, ndarray is returned. Returns ------- output : ndarray or vtkDataArray Field data. The return type depends on the value of the as_vtk parameter. None if the field is not found. """vtk_field_data=polydata.GetFieldData().GetArray(field_name)ifvtk_field_dataisNone:returnNoneifas_vtk:returnvtk_field_datareturnnumpy_support.vtk_to_numpy(vtk_field_data)
[docs]@warn_on_args_to_kwargs()defadd_polydata_numeric_field(polydata,field_name,field_data,*,array_type=VTK_INT):"""Add a field to a vtk polydata. Parameters ---------- polydata : vtkPolyData field_name : str field_data : bool, int, float, double, numeric array or ndarray array_type : vtkArrayType """vtk_field_data=numpy_support.numpy_to_vtk(field_data,deep=True,array_type=array_type)vtk_field_data.SetName(field_name)polydata.GetFieldData().AddArray(vtk_field_data)returnpolydata
[docs]defset_polydata_primitives_count(polydata,primitives_count):"""Add primitives count to polydata. Parameters ---------- polydata: vtkPolyData primitives_count : int """add_polydata_numeric_field(polydata,"prim_count",primitives_count,array_type=VTK_INT)
[docs]defget_polydata_primitives_count(polydata):"""Get primitives count from actor's polydata. Parameters ---------- polydata: vtkPolyData Returns ------- primitives count : int """returnget_polydata_field(polydata,"prim_count")[0]
[docs]defprimitives_count_to_actor(actor,primitives_count):"""Add primitives count to actor's polydata. Parameters ---------- actor: :class: `UI` or `vtkProp3D` actor primitives_count : int """polydata=actor.GetMapper().GetInput()set_polydata_primitives_count(polydata,primitives_count)
[docs]defprimitives_count_from_actor(actor):"""Get primitives count from actor's polydata. Parameters ---------- actor: :class: `UI` or `vtkProp3D` actor Returns ------- primitives count : int """polydata=actor.GetMapper().GetInput()returnget_polydata_primitives_count(polydata)
[docs]defset_polydata_triangles(polydata,triangles):"""Set polydata triangles with a numpy array (ndarrays Nx3 int). Parameters ---------- polydata : vtkPolyData triangles : array (N, 3) triangles, represented as 2D ndarrays (Nx3) """vtk_cells=CellArray()vtk_cells=numpy_to_vtk_cells(triangles,is_coords=False)polydata.SetPolys(vtk_cells)returnpolydata
[docs]defset_polydata_vertices(polydata,vertices):"""Set polydata vertices with a numpy array (ndarrays Nx3 int). Parameters ---------- polydata : vtkPolyData vertices : vertices, represented as 2D ndarrays (Nx3) """vtk_points=Points()vtk_points.SetData(numpy_support.numpy_to_vtk(vertices,deep=True))polydata.SetPoints(vtk_points)returnpolydata
[docs]defset_polydata_normals(polydata,normals):"""Set polydata normals with a numpy array (ndarrays Nx3 int). Parameters ---------- polydata : vtkPolyData normals : normals, represented as 2D ndarrays (Nx3) (one per vertex) """vtk_normals=numpy_support.numpy_to_vtk(normals,deep=True)# VTK does not require a specific name for the normals array, however, for# readability purposes, we set it to "Normals"vtk_normals.SetName("Normals")polydata.GetPointData().SetNormals(vtk_normals)returnpolydata
[docs]defset_polydata_tangents(polydata,tangents):"""Set polydata tangents with a numpy array (ndarrays Nx3 int). Parameters ---------- polydata : vtkPolyData tangents : tangents, represented as 2D ndarrays (Nx3) (one per vertex) """vtk_tangents=numpy_support.numpy_to_vtk(tangents,deep=True,array_type=VTK_FLOAT)# VTK does not require a specific name for the tangents array, however, for# readability purposes, we set it to "Tangents"vtk_tangents.SetName("Tangents")polydata.GetPointData().SetTangents(vtk_tangents)returnpolydata
[docs]@warn_on_args_to_kwargs()defset_polydata_colors(polydata,colors,*,array_name="colors"):"""Set polydata colors with a numpy array (ndarrays Nx3 int). Parameters ---------- polydata : vtkPolyData colors : colors, represented as 2D ndarrays (Nx3) colors are uint8 [0,255] RGB for each points """vtk_colors=numpy_support.numpy_to_vtk(colors,deep=True,array_type=VTK_UNSIGNED_CHAR)nb_components=colors.shape[1]vtk_colors.SetNumberOfComponents(nb_components)vtk_colors.SetName(array_name)polydata.GetPointData().SetScalars(vtk_colors)returnpolydata
[docs]defset_polydata_tcoords(polydata,tcoords):""" Set polydata texture coordinates with a numpy array (ndarrays Nx2 float). Parameters ---------- polydata : vtkPolyData tcoords : texture coordinates, represented as 2D ndarrays (Nx2) (one per vertex range (0, 1)) """vtk_tcoords=numpy_support.numpy_to_vtk(tcoords,deep=True,array_type=VTK_FLOAT)polydata.GetPointData().SetTCoords(vtk_tcoords)returnpolydata
[docs]defget_polymapper_from_polydata(polydata):"""Get vtkPolyDataMapper from a vtkPolyData. Parameters ---------- polydata : vtkPolyData Returns ------- poly_mapper : vtkPolyDataMapper """poly_mapper=set_input(PolyDataMapper(),polydata)poly_mapper.ScalarVisibilityOn()poly_mapper.InterpolateScalarsBeforeMappingOn()poly_mapper.Update()poly_mapper.StaticOn()returnpoly_mapper
[docs]defget_actor_from_polymapper(poly_mapper):"""Get actor from a vtkPolyDataMapper. Parameters ---------- poly_mapper : vtkPolyDataMapper Returns ------- actor : actor """actor=Actor()actor.SetMapper(poly_mapper)actor.GetProperty().BackfaceCullingOn()actor.GetProperty().SetInterpolationToPhong()returnactor
[docs]defget_actor_from_polydata(polydata):"""Get actor from a vtkPolyData. Parameters ---------- polydata : vtkPolyData Returns ------- actor : actor """poly_mapper=get_polymapper_from_polydata(polydata)returnget_actor_from_polymapper(poly_mapper)
[docs]@warn_on_args_to_kwargs()defget_actor_from_primitive(vertices,triangles,*,colors=None,normals=None,backface_culling=True,prim_count=1,):"""Get actor from a vtkPolyData. Parameters ---------- vertices : (Mx3) ndarray XYZ coordinates of the object triangles: (Nx3) ndarray Indices into vertices; forms triangular faces. colors: (Nx3) or (Nx4) ndarray RGB or RGBA (for opacity) R, G, B and A should be at the range [0, 1] N is equal to the number of vertices. normals: (Nx3) ndarray normals, represented as 2D ndarrays (Nx3) (one per vertex) backface_culling: bool culling of polygons based on orientation of normal with respect to camera. If backface culling is True, polygons facing away from camera are not drawn. Default: True prim_count: int, optional primitives count to be associated with the actor Returns ------- actor : actor """# Create a Polydatapd=PolyData()set_polydata_vertices(pd,vertices)set_polydata_triangles(pd,triangles)set_polydata_primitives_count(pd,prim_count)ifisinstance(colors,np.ndarray):iflen(colors)!=len(vertices):msg="Vertices and Colors should have the same size."msg+=" Please, update your color array or use the function "msg+="``fury.primitive.repeat_primitives`` to normalize your "msg+="color array before calling this function. e.g."raiseValueError(msg)set_polydata_colors(pd,colors,array_name="colors")ifisinstance(normals,np.ndarray):set_polydata_normals(pd,normals)current_actor=get_actor_from_polydata(pd)current_actor.GetProperty().SetBackfaceCulling(backface_culling)returncurrent_actor
[docs]@warn_on_args_to_kwargs()defrepeat_sources(centers,colors,*,active_scalars=1.0,directions=None,source=None,vertices=None,faces=None,orientation=None,):"""Transform a vtksource to glyph."""ifsourceisNoneandfacesisNone:raiseIOError("A source or faces should be defined")ifnp.array(colors).ndim==1:colors=np.tile(colors,(len(centers),1))pts=numpy_to_vtk_points(np.ascontiguousarray(centers))cols=numpy_to_vtk_colors(255*np.ascontiguousarray(colors))cols.SetName("colors")ifisinstance(active_scalars,(float,int)):active_scalars=np.tile(active_scalars,(len(centers),1))ifisinstance(active_scalars,np.ndarray):ascalars=numpy_support.numpy_to_vtk(np.asarray(active_scalars),deep=True,array_type=VTK_DOUBLE)ascalars.SetName("active_scalars")ifdirectionsisnotNone:directions_fa=numpy_support.numpy_to_vtk(np.asarray(directions),deep=True,array_type=VTK_DOUBLE)directions_fa.SetName("directions")polydata_centers=PolyData()polydata_geom=PolyData()iffacesisnotNone:set_polydata_vertices(polydata_geom,vertices)set_polydata_triangles(polydata_geom,faces)polydata_centers.SetPoints(pts)polydata_centers.GetPointData().AddArray(cols)set_polydata_primitives_count(polydata_centers,len(centers))ifdirectionsisnotNone:polydata_centers.GetPointData().AddArray(directions_fa)polydata_centers.GetPointData().SetActiveVectors("directions")ifisinstance(active_scalars,np.ndarray):polydata_centers.GetPointData().AddArray(ascalars)polydata_centers.GetPointData().SetActiveScalars("active_scalars")glyph=Glyph3D()iffacesisNone:iforientationisnotNone:transform=Transform()transform.SetMatrix(numpy_to_vtk_matrix(orientation))rtrans=TransformPolyDataFilter()rtrans.SetInputConnection(source.GetOutputPort())rtrans.SetTransform(transform)source=rtransglyph.SetSourceConnection(source.GetOutputPort())else:glyph.SetSourceData(polydata_geom)glyph.SetInputData(polydata_centers)glyph.SetOrient(True)glyph.SetScaleModeToScaleByScalar()glyph.SetVectorModeToUseVector()glyph.Update()mapper=PolyDataMapper()mapper.SetInputData(glyph.GetOutput())mapper.SetScalarModeToUsePointFieldData()mapper.SelectColorArray("colors")actor=Actor()actor.SetMapper(mapper)returnactor
[docs]defapply_affine_to_actor(act,affine):"""Apply affine matrix `affine` to the actor `act`. Parameters ---------- act: Actor affine: (4, 4) array-like Homogeneous affine, for 3D object. Returns ------- transformed_act: Actor """act.SetUserMatrix(numpy_to_vtk_matrix(affine))returnact
[docs]defapply_affine(aff,pts):"""Apply affine matrix `aff` to points `pts`. Returns result of application of `aff` to the *right* of `pts`. The coordinate dimension of `pts` should be the last. For the 3D case, `aff` will be shape (4,4) and `pts` will have final axis length 3 - maybe it will just be N by 3. The return value is the transformed points, in this case:: res = np.dot(aff[:3,:3], pts.T) + aff[:3,3:4] transformed_pts = res.T This routine is more general than 3D, in that `aff` can have any shape (N,N), and `pts` can have any shape, as long as the last dimension is for the coordinates, and is therefore length N-1. Parameters ---------- aff : (N, N) array-like Homogeneous affine, for 3D points, will be 4 by 4. Contrary to first appearance, the affine will be applied on the left of `pts`. pts : (..., N-1) array-like Points, where the last dimension contains the coordinates of each point. For 3D, the last dimension will be length 3. Returns ------- transformed_pts : (..., N-1) array transformed points Notes ----- Copied from nibabel to remove dependency. Examples -------- >>> aff = np.array([[0,2,0,10],[3,0,0,11],[0,0,4,12],[0,0,0,1]]) >>> pts = np.array([[1,2,3],[2,3,4],[4,5,6],[6,7,8]]) >>> apply_affine(aff, pts) #doctest: +ELLIPSIS array([[14, 14, 24], [16, 17, 28], [20, 23, 36], [24, 29, 44]]...) >>> # Just to show that in the simple 3D case, it is equivalent to: >>> (np.dot(aff[:3,:3], pts.T) + aff[:3,3:4]).T #doctest: +ELLIPSIS array([[14, 14, 24], [16, 17, 28], [20, 23, 36], [24, 29, 44]]...) >>> # But `pts` can be a more complicated shape: >>> pts = pts.reshape((2,2,3)) >>> apply_affine(aff, pts) #doctest: +ELLIPSIS array([[[14, 14, 24], [16, 17, 28]], <BLANKLINE> [[20, 23, 36], [24, 29, 44]]]...) """aff=np.asarray(aff)pts=np.asarray(pts)shape=pts.shapepts=pts.reshape((-1,shape[-1]))# rzs == rotations, zooms, shearsrzs=aff[:-1,:-1]trans=aff[:-1,-1]res=np.dot(pts,rzs.T)+trans[None,:]returnres.reshape(shape)
[docs]defvtk_matrix_to_numpy(matrix):"""Convert VTK matrix to numpy array."""ifmatrixisNone:returnNonesize=(4,4)ifisinstance(matrix,Matrix3x3):size=(3,3)mat=np.zeros(size)foriinrange(mat.shape[0]):forjinrange(mat.shape[1]):mat[i,j]=matrix.GetElement(i,j)returnmat
[docs]defnumpy_to_vtk_matrix(array):"""Convert a numpy array to a VTK matrix."""ifarrayisNone:returnNoneifarray.shape==(4,4):matrix=Matrix4x4()elifarray.shape==(3,3):matrix=Matrix3x3()else:raiseValueError("Invalid matrix shape: {0}".format(array.shape))foriinrange(array.shape[0]):forjinrange(array.shape[1]):matrix.SetElement(i,j,array[i,j])returnmatrix
[docs]defget_bounding_box_sizes(actor):"""Get the bounding box sizes of an actor."""X1,X2,Y1,Y2,Z1,Z2=actor.GetBounds()return(X2-X1,Y2-Y1,Z2-Z1)
[docs]@warn_on_args_to_kwargs()defget_grid_cells_position(shapes,*,aspect_ratio=16/9.0,dim=None):"""Construct a XY-grid based on the cells content shape. This function generates the coordinates of every grid cell. The width and height of every cell correspond to the largest width and the largest height respectively. The grid dimensions will automatically be adjusted to respect the given aspect ratio unless they are explicitly specified. The grid follows a row-major order with the top left corner being at coordinates (0,0,0) and the bottom right corner being at coordinates (nb_cols*cell_width, -nb_rows*cell_height, 0). Note that the X increases while the Y decreases. Parameters ---------- shapes : list of tuple of int The shape (width, height) of every cell content. aspect_ratio : float (optional) Aspect ratio of the grid (width/height). Default: 16:9. dim : tuple of int (optional) Dimension (nb_rows, nb_cols) of the grid, if provided. Returns ------- ndarray 3D coordinates of every grid cell. """cell_shape=np.r_[np.max(shapes,axis=0),0]cell_aspect_ratio=cell_shape[0]/cell_shape[1]count=len(shapes)ifdimisNone:# Compute the number of rows and columns.n_cols=np.ceil(np.sqrt(count*aspect_ratio/cell_aspect_ratio))n_rows=np.ceil(count/n_cols)else:n_rows,n_cols=dimifn_cols*n_rows<count:msg="Size is too small, it cannot contain at least {} elements."raiseValueError(msg.format(count))# Use indexing="xy" so the cells are in row-major (C-order). Also,# the Y coordinates are negative so the cells are order from top to bottom.X,Y,Z=np.meshgrid(np.arange(n_cols),-np.arange(n_rows),[0],indexing="xy")returncell_shape*np.array([X.flatten(),Y.flatten(),Z.flatten()]).T
[docs]defshallow_copy(vtk_object):"""Create a shallow copy of a given `vtkObject` object."""copy=vtk_object.NewInstance()copy.ShallowCopy(vtk_object)returncopy
[docs]@warn_on_args_to_kwargs()defrotate(actor,*,rotation=(90,1,0,0)):"""Rotate actor around axis by angle. Parameters ---------- actor : actor or other prop rotation : tuple Rotate with angle w around axis x, y, z. Needs to be provided in the form (w, x, y, z). """prop3D=actorcenter=np.array(prop3D.GetCenter())oldMatrix=prop3D.GetMatrix()orig=np.array(prop3D.GetOrigin())newTransform=Transform()newTransform.PostMultiply()ifprop3D.GetUserMatrix()isnotNone:newTransform.SetMatrix(prop3D.GetUserMatrix())else:newTransform.SetMatrix(oldMatrix)newTransform.Translate(*(-center))newTransform.RotateWXYZ(*rotation)newTransform.Translate(*center)# now try to get the composite of translate, rotate, and scalenewTransform.Translate(*(-orig))newTransform.PreMultiply()newTransform.Translate(*orig)ifprop3D.GetUserMatrix()isnotNone:newTransform.GetMatrix(prop3D.GetUserMatrix())else:prop3D.SetPosition(newTransform.GetPosition())prop3D.SetScale(newTransform.GetScale())prop3D.SetOrientation(newTransform.GetOrientation())
[docs]defrgb_to_vtk(data):"""RGB or RGBA images to VTK arrays. Parameters ---------- data : ndarray Shape can be (X, Y, 3) or (X, Y, 4) Returns ------- vtkImageData """grid=ImageData()grid.SetDimensions(data.shape[1],data.shape[0],1)nd=data.shape[-1]vtkarr=numpy_support.numpy_to_vtk(np.flip(data.swapaxes(0,1),axis=1).reshape((-1,nd),order="F"))vtkarr.SetName("Image")grid.GetPointData().AddArray(vtkarr)grid.GetPointData().SetActiveScalars("Image")grid.GetPointData().Update()returngrid
[docs]defnormals_from_v_f(vertices,faces):"""Calculate normals from vertices and faces. Parameters ---------- verices : ndarray faces : ndarray Returns ------- normals : ndarray Shape same as vertices """norm=np.zeros(vertices.shape,dtype=vertices.dtype)tris=vertices[faces]n=np.cross(tris[::,1]-tris[::,0],tris[::,2]-tris[::,0])normalize_v3(n)norm[faces[:,0]]+=nnorm[faces[:,1]]+=nnorm[faces[:,2]]+=nnormalize_v3(norm)returnnorm
[docs]deftangents_from_direction_of_anisotropy(normals,direction):"""Calculate tangents from normals and a 3D vector representing the direction of anisotropy. Parameters ---------- normals : normals, represented as 2D ndarrays (Nx3) (one per vertex) direction : tuple (3,) or array (3,) Returns ------- output : array (N, 3) Tangents, represented as 2D ndarrays (Nx3). """tangents=np.cross(normals,direction)binormals=normalize_v3(np.cross(normals,tangents))returnnormalize_v3(np.cross(normals,binormals))
[docs]deftriangle_order(vertices,faces):"""Determine the winding order of a given set of vertices and a triangle. Parameters ---------- vertices : ndarray array of vertices making up a shape faces : ndarray array of triangles Returns ------- order : int If the order is counter clockwise (CCW), returns True. Otherwise, returns False. """v1=vertices[faces[0]]v2=vertices[faces[1]]v3=vertices[faces[2]]# https://stackoverflow.com/questions/40454789/computing-face-normals-and-windingm_orient=np.ones((4,4))m_orient[0,:3]=v1m_orient[1,:3]=v2m_orient[2,:3]=v3m_orient[3,:3]=0val=np.linalg.det(m_orient)returnbool(val>0)
[docs]defchange_vertices_order(triangle):"""Change the vertices order of a given triangle. Parameters ---------- triangle : ndarray, shape(1, 3) array of 3 vertices making up a triangle Returns ------- new_triangle : ndarray, shape(1, 3) new array of vertices making up a triangle in the opposite winding order of the given parameter """returnnp.array([triangle[2],triangle[1],triangle[0]])
[docs]@warn_on_args_to_kwargs()deffix_winding_order(vertices,triangles,*,clockwise=False):"""Return corrected triangles. Given an ordering of the triangle's three vertices, a triangle can appear to have a clockwise winding or counter-clockwise winding. Clockwise means that the three vertices, in order, rotate clockwise around the triangle's center. Parameters ---------- vertices : ndarray array of vertices corresponding to a shape triangles : ndarray array of triangles corresponding to a shape clockwise : bool triangle order type: clockwise (default) or counter-clockwise. Returns ------- corrected_triangles : ndarray The corrected order of the vert parameter """corrected_triangles=triangles.copy()desired_order=clockwisefornb,faceinenumerate(triangles):current_order=triangle_order(vertices,face)ifdesired_order!=current_order:corrected_triangles[nb]=change_vertices_order(face)returncorrected_triangles
[docs]@warn_on_args_to_kwargs()defvertices_from_actor(actor,*,as_vtk=False):"""Access to vertices from actor. Parameters ---------- actor : actor as_vtk: bool, optional by default, ndarray is returned. Returns ------- vertices : ndarray """vtk_array=actor.GetMapper().GetInput().GetPoints().GetData()ifas_vtk:returnvtk_arrayreturnnumpy_support.vtk_to_numpy(vtk_array)
[docs]@warn_on_args_to_kwargs()defcolors_from_actor(actor,*,array_name="colors",as_vtk=False):"""Access colors from actor which uses polydata. Parameters ---------- actor : actor array_name: str as_vtk: bool, optional by default, numpy array is returned. Returns ------- output : array (N, 3) Colors """returnarray_from_actor(actor,array_name=array_name,as_vtk=as_vtk)
[docs]defnormals_from_actor(act):"""Access normals from actor which uses polydata. Parameters ---------- act : actor Returns ------- output : array (N, 3) Normals """polydata=act.GetMapper().GetInput()returnget_polydata_normals(polydata)
[docs]deftangents_from_actor(act):"""Access tangents from actor which uses polydata. Parameters ---------- act : actor Returns ------- output : array (N, 3) Tangents """polydata=act.GetMapper().GetInput()returnget_polydata_tangents(polydata)
[docs]@warn_on_args_to_kwargs()defarray_from_actor(actor,array_name,*,as_vtk=False):"""Access array from actor which uses polydata. Parameters ---------- actor : actor array_name: str as_vtk_type: bool, optional by default, ndarray is returned. Returns ------- output : array (N, 3) """vtk_array=actor.GetMapper().GetInput().GetPointData().GetArray(array_name)ifvtk_arrayisNone:returnNoneifas_vtk:returnvtk_arrayreturnnumpy_support.vtk_to_numpy(vtk_array)
[docs]defnormals_to_actor(act,normals):"""Set normals to actor which uses polydata. Parameters ---------- act : actor normals : normals, represented as 2D ndarrays (Nx3) (one per vertex) Returns ------- actor """polydata=act.GetMapper().GetInput()set_polydata_normals(polydata,normals)returnact
[docs]deftangents_to_actor(act,tangents):"""Set tangents to actor which uses polydata. Parameters ---------- act : actor tangents : tangents, represented as 2D ndarrays (Nx3) (one per vertex) """polydata=act.GetMapper().GetInput()set_polydata_tangents(polydata,tangents)returnact
[docs]defcompute_bounds(actor):"""Compute Bounds of actor. Parameters ---------- actor : actor """actor.GetMapper().GetInput().ComputeBounds()
[docs]@warn_on_args_to_kwargs()defupdate_actor(actor,*,all_arrays=True):"""Update actor. Parameters ---------- actor : actor all_arrays: bool, optional if False, only vertices are updated if True, all arrays associated to the actor are updated Default: True """pd=actor.GetMapper().GetInput()pd.GetPoints().GetData().Modified()ifall_arrays:nb_array=pd.GetPointData().GetNumberOfArrays()foriinrange(nb_array):pd.GetPointData().GetArray(i).Modified()
[docs]defget_bounds(actor):"""Return Bounds of actor. Parameters ---------- actor : actor Returns ------- vertices : ndarray """returnactor.GetMapper().GetInput().GetBounds()
[docs]defrepresent_actor_as_wireframe(actor):"""Returns the actor wireframe. Parameters ---------- actor : actor Returns ------- actor : actor """returnactor.GetProperty().SetRepresentationToWireframe()
[docs]defupdate_surface_actor_colors(actor,colors):"""Update colors of a surface actor. Parameters ---------- actor : surface actor colors : ndarray of shape (N, 3) having colors. The colors should be in the range [0, 1]. """actor.GetMapper().GetInput().GetPointData().SetScalars(numpy_to_vtk_colors(255*colors))
[docs]@warn_on_args_to_kwargs()defcolor_check(pts_len,*,colors=None):"""Returns a VTK scalar array containing colors information for each one of the points according to the policy defined by the parameter colors. Parameters ---------- pts_len : int length of points ndarray colors : None or tuple (3D or 4D) or array/ndarray (N, 3 or 4) If None a predefined color is used for each point. If a tuple of color is used. Then all points will have the same color. If an array (N, 3 or 4) is given, where N is equal to the number of points. Then every point is colored with a different RGB(A) color. Returns ------- color_array : vtkDataArray vtk scalar array with name 'colors'. global_opacity : float returns 1 if the colors array doesn't contain opacity otherwise -1. If colors array has 4 dimensions, it checks values of the fourth dimension. If the value is the same, then assign it to global_opacity. """global_opacity=1ifcolorsisNone:# Automatic RGB colorscolors=np.asarray((1,1,1))color_array=numpy_to_vtk_colors(np.tile(255*colors,(pts_len,1)))eliftype(colors)istuple:global_opacity=1iflen(colors)==3elsecolors[3]colors=np.asarray(colors)color_array=numpy_to_vtk_colors(np.tile(255*colors,(pts_len,1)))elifisinstance(colors,np.ndarray):colors=np.asarray(colors)ifcolors.shape[1]==4:opacities=np.unique(colors[:,3])global_opacity=opacities[0]iflen(opacities)==1else-1color_array=numpy_to_vtk_colors(255*colors)color_array.SetName("colors")returncolor_array,global_opacity
[docs]defis_ui(actor):"""Method to check if the passed actor is `UI` or `vtkProp3D` Parameters ---------- actor: :class: `UI` or `vtkProp3D` actor that is to be checked """returnall(hasattr(actor,attr)forattrin["add_to_scene","_setup"])
[docs]@warn_on_args_to_kwargs()defset_actor_origin(actor,*,center=None):"""Change the origin of an actor to a custom position. Parameters ---------- actor: Actor The actor object to change origin for. center: ndarray, optional, default: None The new center position. If `None`, the origin will be set to the mean of the actor's vertices. """vertices=vertices_from_actor(actor)ifcenterisNone:center=np.mean(vertices)vertices[:]-=centerupdate_actor(actor)
[docs]defminmax_norm(data,axis=1):"""Returns the min-max normalization of data along an axis. Parameters ---------- data: ndarray 2D array axis: int, optional axis for the function to be applied on Returns ------- output : ndarray """ifnotisinstance(data,np.ndarray):data=np.array(data)ifdata.ndim==1:data=np.array([data])elifdata.ndim>2:raiseValueError("the dimension of the array dimension must be 2.")minimum=data.min(axis=axis)maximum=data.max(axis=axis)ifnp.array_equal(minimum,maximum):returndataifaxis==0:return(data-minimum)/(maximum-minimum)ifaxis==1:return(data-minimum[:,None])/(maximum-minimum)[:,None]