Main Page   Groups   Namespace List   Class Hierarchy   Alphabetical List   Compound List   File List   Namespace Members   Compound Members   File Members   Concepts

ITK Compound List

Here are the classes, structs, unions and interfaces with brief descriptions:
itk::Functor::AccessorFunctor< TInput, TAccessor >Convert an accessor to a functor so that it can be used in a UnaryFunctorImageFilter
itk::Functor::Acos< TInput, TOutput >
itk::AcosImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the acos() of its pixels
itk::AcosImageFilter< TInputImage, TOutputImage >Computes the acos(x) pixel-wise
itk::Accessor::AcosPixelAccessor< TInternalType, TExternalType >Give access to the acos() function of a value
itk::AdaptImageFilter< TInputImage, TOutputImage, TAccessor >Convert an image to another pixel type using the specified data accessor
itk::Functor::Add1< TInput, TOutput >
itk::Functor::Add2< TInput1, TInput2, TOutput >
itk::Function::Add3< TInput1, TInput2, TInput3, TOutput >
itk::AddImageAdaptor< TImage >Presents an image as being composed of the log() of its pixels
itk::AddImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements an operator for pixel-wise addition of two images
itk::Concept::AdditiveOperators< T >
itk::Concept::AdditiveOperators< T >::Constraints
itk::Accessor::AddPixelAccessor< TPixel >Simulates the effect of adding a constant value to all pixels
itk::AffineTransform< TScalarType, NDimensions >
alist
itk::AmoebaOptimizerWrap of the vnl_amoeba algorithm
itk::AnalyzeImageIOClass that defines how to read Analyze file format
itk::AnalyzeImageIOFactoryCreate instances of AnalyzeImageIO objects using an object factory
itk::AnisotropicDiffusionFunction< TImage >
itk::AnisotropicDiffusionImageFilter< TInputImage, TOutputImage >
itk::AntiAliasBinaryImageFilter< TInputImage, TOutputImage >
itk::Array< TValueType >Array class with size defined at construction time
itk::Array2D< TValueType >Array2D class representing a 2D array with size defined at construction time
itk::Functor::Asin< TInput, TOutput >
itk::AsinImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the asin() of its pixels
itk::AsinImageFilter< TInputImage, TOutputImage >Computes the asin(x) pixel-wise
itk::Accessor::AsinPixelAccessor< TInternalType, TExternalType >Give access to the asin() function of a value
itk::Concept::Assignable< T >
itk::Concept::Assignable< T >::Constraints
itk::Functor::Atan< TInput, TOutput >
itk::Functor::Atan2< TInput1, TInput2, TOutput >
itk::Atan2ImageFilter< TInputImage1, TInputImage2, TOutputImage >Computes arctangent pixel-wise from two images
itk::AtanImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the atan() of its pixels
itk::AtanImageFilter< TInputImage, TOutputImage >Computes the atan(x) pixel-wise
itk::Accessor::AtanPixelAccessor< TInternalType, TExternalType >Give access to the atan() function of a value
itk::AutoPointer< TObjectType >Implements an Automatic Pointer to an object
itk::AuxVarTypeDefault< TPixel, VAuxDimension, VSetDimension >Level set auxiliary variables type information. AuxVarTypeDefault is a simple class that holds type information for auxiliary variables in some level set algorithms. This class is templated over the auxiliary variable data type, the number of auxiliary variables and the level set dimension
itk::AzimuthElevationToCartesianTransform< TScalarType, NDimensions >
itk::BackwardDifferenceOperator< TPixel, VDimension, TAllocator >Operator whose inner product with a neighborhood returns a "half" derivative at the center of the neighborhood
itk::BalloonForce3DFilter< TInputMesh, TOutputMesh >
itk::BalloonForceFilter< TInputMesh, TOutputMesh >
itk::BarycentricCombination< TPointContainer, TWeightContainer >
itk::BilateralImageFilter< TInputImage, TOutputImage >Blurs an image while preserving edges
itk::BinaryBallStructuringElement< TPixel, VDimension, TAllocator >A Neighborhood that represents a ball structuring element (ellipsoid) with binary elements
itk::ImageToImageFilterDetail::BinaryBooleanDispatch< B1, B2 >Templated class to produce a unique type for a pairing of booleans
itk::BinaryDilateImageFilter< TInputImage, TOutputImage, TKernel >Binary dilation of an image
itk::BinaryErodeImageFilter< TInputImage, TOutputImage, TKernel >Binary erosion of an image
itk::BinaryFunctorImageFilter< TInputImage1, TInputImage2, TOutputImage, TFunction >Implements pixel-wise generic operation of two images
itk::ImageToImageFilterDetail::BinaryIntDispatch< D1, D2 >Templated class to produce a unique type for a pairing of integers
itk::BinaryMagnitudeImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements pixel-wise the computation of square root of the sum of squares
itk::BinaryMask3DMeshSource< TOutputMesh >
itk::BinaryMedianImageFilter< TInputImage, TOutputImage >Applies an version of the median filter optimized for binary images
itk::BinaryMinMaxCurvatureFlowFunction< TImage >
itk::BinaryMinMaxCurvatureFlowImageFilter< TInputImage, TOutputImage >Denoise a binary image using min/max curvature flow
itk::Functor::BinaryThreshold< TInput, TOutput >
itk::BinaryThresholdImageFilter< TInputImage, TOutputImage >Binarize an input image by thresholding
itk::BinaryThresholdImageFunction< TInputImage, TCoordRep >Returns true is the value of an image lies within a range of thresholds This ImageFunction returns true (or false) if the pixel value lies within (outside) a lower and upper threshold value. The threshold range can be set with the ThresholdBelow, ThresholdBetween or ThresholdAbove methods. The input image is set via method SetInputImage()
itk::ImageToImageFilterDetail::BinaryUnsignedIntDispatch< D1, D2 >Templated class to produce a unique type for a pairing of unsigned integers (usually two dimensions)
itk::BinomialBlurImageFilter< TInputImage, TOutputImage >Performs a separable blur on each dimension of an image
itk::BlobSpatialObject< TDimension >Representation of a Blob based on the spatial object classes
itk::BloxBoundaryPointImage< VImageDimension >Templated n-dimensional image class used to store linked lists
itk::BloxBoundaryPointImageToBloxBoundaryProfileImageFilter< TSourceImage >Converts a BloxImage of BloxBoundaryPoints to a BloxImage of BloxBoundaryProfiles
itk::BloxBoundaryPointItem< VImageDimension >A boundary point, stored in a BloxPixel
itk::BloxBoundaryPointPixel< NDimensions >Holds a linked list of itk::BloxBoundaryPointItem's
itk::BloxBoundaryPointToCoreAtomImageFilter< dim >Converts a gradient image to an BloxImage of BloxBoundaryPoints
itk::BloxBoundaryProfileImage< VImageDimension >N-dimensional image class which handles BloxBoundaryProfileItems
itk::BloxBoundaryProfileItem< VImageDimension >
itk::BloxBoundaryProfilePixel< NDimensions >
itk::BloxCoreAtomImage< dim >N-dimensional image class which handles BloxCoreAtomItems
itk::BloxCoreAtomItem< VImageDimension >A core atom object, stored in a BloxPixel
itk::BloxCoreAtomPixel< NDimensions >Holds a linked list of itk::BloxCoreAtomItem's
itk::BloxImage< TBloxPixelType, VImageDimension >Templated n-dimensional image class used to store linked lists
itk::BloxItemAn entry in the BloxPixel linked list
itk::BloxPixel< TItemType >Holds a linked list of BloxItem's
itk::BluePixelAccessor< T >Give access to the Blue component of a RGBPixel type
itk::ImageToImageFilterDetail::BooleanDispatch<>Templated class to produce a unique type "true" and "false"
itk::watershed::Boundary< TScalarType, TDimension >
itk::watershed::Boundary< TScalarType, TDimension >::face_pixel_t
itk::watershed::Boundary< TScalarType, TDimension >::flat_region_t
itk::watershed::BoundaryResolver< TPixelType, TDimension >
itk::BoundingBox< TPointIdentifier, VPointDimension, TCoordRep, TPointsContainer >Represent and compute information about bounding boxes
itk::BSplineCenteredL2ResampleImageFilterBase< TInputImage, TOutputImage >
itk::BSplineCenteredResampleImageFilterBase< TInputImage, TOutputImage >Evaluates the Centered B-Spline interpolation of an image. Spline order may be from 0 to 5
itk::BSplineDecompositionImageFilter< TInputImage, TOutputImage >
itk::BSplineDeformableTransform< TScalarType, NDimensions, VSplineOrder >Deformable transform using a BSpline representation
itk::BSplineDerivativeKernelFunction< VSplineOrder >Derivative of a BSpline kernel used for density estimation and nonparameteric regression
itk::BSplineDownsampleImageFilter< TInputImage, TOutputImage, ResamplerType >Down-samples an image by a factor of 2 using B-Spline filter interpolation
itk::BSplineInterpolateImageFunction< TImageType, TCoordRep, TCoefficientType >Evaluates the B-Spline interpolation of an image. Spline order may be from 0 to 5
itk::BSplineInterpolationWeightFunction< TCoordRep, VSpaceDimension, VSplineOrder >Returns the weights over the support region used for B-spline interpolation/reconstruction
itk::BSplineKernelFunction< VSplineOrder >BSpline kernel used for density estimation and nonparameteric regression
itk::BSplineL2ResampleImageFilterBase< TInputImage, TOutputImage >Uses the "Centered l2" B-Spline pyramid implementation of B-Spline Filters to up/down sample an image by a factor of 2
itk::BSplineResampleImageFilterBase< TInputImage, TOutputImage >Uses the "l2" spline pyramid implementation of B-Spline Filters to up/down sample an image by a factor of 2
itk::BSplineResampleImageFunction< TImageType, TCoordRep >Resample image intensity from a BSpline coefficient image
itk::BSplineUpsampleImageFilter< TInputImage, TOutputImage, ResamplerType >
itk::BSplineUpsampleImageFilterBaseUses B-Spline interpolation to upsample an image by a factor of 2. This class is the public interface for spline upsampling as defined by the ResamplerType
itk::ByteSwapper< T >Perform machine dependent byte swapping
itk::CacheableScalarFunctionFunction cache implementation
itk::NeighborhoodAlgorithm::CalculateOutputWrapOffsetModifiers< TImage >
itk::CannyEdgeDetectionImageFilter< TInputImage, TOutputImage >
itk::CannySegmentationLevelSetFunction< TImageType, TFeatureImageType >
itk::CannySegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType >Segments structures in images based on image features derived from pseudo-canny-edges
itk::Functor::Cast< TInput, TOutput >
itk::CastImageFilter< TInputImage, TOutputImage >Casts input pixels to output pixel type
itk::CellBoundary< TCell >Wrap an ITK cell so that it behaves like a boundary cell
itk::CellInterface< TPixelType, TCellTraits >
itk::CellInterface< TPixelType, TCellTraits >::MultiVisitorA visitor that can visit different cell types in a mesh. CellInterfaceVisitor instances can be registered for each type of cell that needs to be visited
itk::CellInterfaceVisitor< TPixelType, TCellTraits >
itk::CellInterfaceVisitorImplementation< TPixelType, TCellTraits, CellTopology, UserVisitor >
itk::CellTraitsInfo< VPointDimension, TCoordRep, TInterpolationWeight, TPointIdentifier, TCellIdentifier, TCellFeatureIdentifier, TPoint, TPointsContainer, TUsingCellsContainer >A simple utility class to define the cell type inside a mesh type structure definition. This just makes a copy of existing type information that is needed for a cell type template parameter
itk::CenteredAffineTransform< TScalarType, NDimensions >Affine transformation with a specified center of rotation
itk::CenteredRigid2DTransform< TScalarType >CenteredRigid2DTransform of a vector space (e.g. space coordinates)
itk::CenteredTransformInitializer< TTransform, TFixedImage, TMovingImage >CenteredTransformInitializer is a helper class intended to initialize the center of rotation and the translation of Transforms having the center of rotation among their parameters
itk::CentralDifferenceImageFunction< TInputImage, TCoordRep >Calculate the derivative by central differencing
itk::ChangeInformationImageFilter< TInputImage >Change the origin, spacing and/or region of an Image
cilist
itk::fem::itpack::cilist
itk::ClassifierBase< TDataContainer >Base class for classifier object
cllist
itk::ColorTable< TPixel >
itk::CommandSuperclass for callback/observer methods
itk::Concept::Comparable< T >
itk::Concept::Comparable< T >::Constraints
complex
itk::Function::ComposeRGB< TInput >
ComposeRGBImageFilterImplements pixel-wise composition of an RGB pixel from three scalar images
itk::ComposeRGBImageFilter< TInputImage, TOutputImage >
itk::CompositeValleyFunctionMultiple valley shaped curve function
itk::ConditionalConstIterator< TImage >ConditionalConstIterator is a base class for other iterators where membership in the set of output pixels is "conditional" upon some property, calculation, etc. For example, a threshold iterator might walk a region and return only those pixels which meet a minimum intensity condition
itk::ConditionalIterator< TImage >ConditionalIterator is a base class for other iterators where membership in the set of output pixels is "conditional" upon some property, calculation, etc. For example, a threshold iterator might walk a region and return only those pixels which meet a minimum intensity condition
itk::ConfidenceConnectedImageFilter< TInputImage, TOutputImage >
itk::ConicShellInteriorExteriorSpatialFunction< VDimension, TInput >Spatial function implementation of a conic shell
itk::ConjugateGradientOptimizerWrap of the vnl_conjugate_gradient
itk::ConnectedRegionsMeshFilter< TInputMesh, TOutputMesh >Extract portions of a mesh that are connected at vertices
itk::ConnectedThresholdImageFilter< TInputImage, TOutputImage >Label pixels that are connected to a seed and lie within a range of values
itk::ConstantBoundaryCondition< TImage >This boundary condition returns a constant value for out-of-bounds image pixels
itk::ConstantPadImageFilter< TInputImage, TOutputImage >Increase the image size by padding with a constant value
itk::ConstNeighborhoodIterator< TImage, TBoundaryCondition >Const version of NeighborhoodIterator, defining iteration of a local N-dimensional neighborhood of pixels across an itk::Image
itk::ConstRandomAccessNeighborhoodIterator< TImage >Const version of RandomAccessNeighborhoodIterator, defining iteration of a local N-dimensional neighborhood of pixels across an itk::Image
itk::ConstShapedNeighborhoodIterator< TImage, TBoundaryCondition >Const version of ShapedNeighborhoodIterator, defining iteration of a local N-dimensional neighborhood of pixels across an itk::Image
itk::ConstShapedNeighborhoodIterator< TImage, TBoundaryCondition >::ConstIterator
itk::ConstSliceIterator< TPixel, TContainer >A flexible iterator for itk containers(i.e. itk::Neighborhood) that support pixel access through operator[]
itk::ConstSmartNeighborhoodIterator< TImage, TBoundaryCondition >Const version of SmartNeighborhoodIterator, defining iteration of a local N-dimensional neighborhood of pixels across an itk::Image
itk::ConstSparseFieldLayerIterator< TNodeType >
itk::ContinuousIndex< TCoordRep, VIndexDimension >A templated class holding a point in n-Dimensional image space
itk::Concept::Convertible< T1, T2 >
itk::Concept::Convertible< T1, T2 >::Constraints
itk::ConvertPixelBuffer< InputPixelType, OutputPixelType, OutputConvertTraits >Class to convert blocks of data from one type to another
itk::Concept::CopyConstructible< T >
itk::Concept::CopyConstructible< T >::Constraints
itk::Functor::Cos< TInput, TOutput >
itk::CosImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the cos() of its pixels
itk::CosImageFilter< TInputImage, TOutputImage >Computes the cos(x) pixel-wise
itk::Accessor::CosPixelAccessor< TInternalType, TExternalType >Give access to the cos() function of a value
itk::CostFunctionBase class for cost functions intended to be used with Optimizers
itk::Statistics::CovarianceCalculator< TSample >Calculates the covariance matrix of the target sample data
itk::CovariantVector< T, NVectorDimension >A templated class holding a n-Dimensional covariant vector
itk::CreateObjectFunction< T >CreateObjectFunction is used to create callback functions that create ITK Objects for use with the itk::ObjectFactory
itk::CreateObjectFunctionBaseDefine API for object creation callback functions
itk::CropImageFilter< TInputImage, TOutputImage >Decrease the image size by cropping the image by an itk::Size at both the upper and lower bounds of the largest possible region
itk::CStyleCommandCommand subclass that calls a pointer to a C function
itk::CurvatureAnisotropicDiffusionImageFilter< TInputImage, TOutputImage >
itk::CurvatureFlowFunction< TImage >
itk::CurvatureFlowFunction< TImage >::GlobalDataStruct
itk::CurvatureFlowImageFilter< TInputImage, TOutputImage >Denoise an image using curvature driven flow
itk::CurvatureNDAnisotropicDiffusionFunction< TImage >
itk::DanielssonDistanceMapImageFilter< TInputImage, TOutputImage >
data_history
itk::DataObjectBase class for all data objects in ITK
itk::DataObjectErrorException object for DataObject exceptions
itk::DecisionRuleBaseBase class that allows the setting of usage of differnt decision rules used in classification This class has the pure virtual function, Evaluate(). Therefore, any subclass should implement the function to be instantiated
itk::Concept::DefaultConstructible< T >
itk::Concept::DefaultConstructible< T >::Constraints
itk::DefaultConvertPixelTraits< PixelType >Traits class used to by ConvertPixels to convert blocks of pixels
itk::DefaultDynamicMeshTraits< TPixelType, VPointDimension, VMaxTopologicalDimension, TCoordRep, TInterpolationWeight, TCellPixelType >
itk::DefaultImageTraits< TPixelType, VImageDimension, TPixelContainer >
itk::DefaultPixelAccessor< TType >Give access to partial aspects a type
itk::DefaultStaticMeshTraits< TPixelType, VPointDimension, VMaxTopologicalDimension, TCoordRep, TInterpolationWeight, TCellPixelType >
itk::DeformableMesh3D
itk::DeformableMesh3DFilter< TInputMesh, TOutputMesh >
itk::DeformableMeshFilter< TInputMesh, TOutputMesh >
itk::DemonsRegistrationFilter< TFixedImage, TMovingImage, TDeformationField >Deformably register two images using the demons algorithm
itk::DemonsRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >
itk::DemonsRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct
itk::DenseFiniteDifferenceImageFilter< TInputImage, TOutputImage >
itk::Statistics::DenseFrequencyContainer< TFrequencyValue >His class is a container for an histogram
itk::Statistics::DensityFunction< TMeasurementVector >DensityFunction class defines common interfaces for density functions
itk::DerivativeImageFilter< TInputImage, TOutputImage >Computes the directional derivative of an image. The directional derivative at each pixel location is computed by convolution with a first-order derivative operator
itk::DerivativeOperator< TPixel, VDimension, TAllocator >A NeighborhoodOperator for taking an n-th order derivative at a pixel
itk::DicomImageIORead DicomImage file format
itk::DICOMImageIO2Read DICOMImage file format
itk::DICOMImageIO2FactoryCreate instances of DICOMImageIO2 objects using an object factory
itk::DicomImageIO::Bal
itk::DicomImageIOFactoryCreate instances of DicomImageIO objects using an object factory
itk::DifferenceImageFilter< TInputImage, TOutputImage >Implements pixel-wise comparison of two images
itk::DifferenceOfGaussiansGradientImageFilter< TInputImage, TDataType >Performs difference-of-gaussians gradient detection
itk::DilateObjectMorphologyImageFilter< TInputImage, TOutputImage, TKernel >Dilation of an object in an image
itk::DirectedHausdorffDistanceImageFilter< TInputImage1, TInputImage2 >Computes the directed Hausdorff distance between the set of non-zero pixels of two images
itk::DirectoryPortable directory/filename traversal
itk::DiscreteGaussianImageFilter< TInputImage, TOutputImage >Blurs an image by separable convolution with discrete gaussian kernels. This filter performs Gaussian blurring by separable convolution of an image and a discrete Gaussian operator (kernel)
itk::ImageToImageFilterDetail::DispatchBaseBase class for a class used to dispatch to dimension specific implementations
itk::Statistics::DistanceMetric< TVector >This class declares common interfaces for distance functions
itk::Statistics::DistanceToCentroidMembershipFunction< TVector >DistanceToCentroidMembershipFunction class represents DistanceToCentroid Density Function
itk::Function::Div< TInput1, TInput2, TOutput >
itk::DivideImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements an operator for pixel-wise division of two images
doublecomplex
dsr
itk::DynamicLoaderPortable loading of dynamic libraries or dll's
itk::Functor::EdgePotential< TInput, TOutput >
itk::EdgePotentialImageFilter< TInputImage, TOutputImage >Computes the edge potential of an image from the image gradient
EigenAnalysis2DImageFilterComputes pixel-wise the eigen values and eigen vectors of a 2D symmetrical matrix
itk::EigenAnalysis2DImageFilter< TInputImage, TEigenValueImage, TEigenVectorImage >
itk::ElasticBodyReciprocalSplineKernelTransform< TScalarType, NDimensions >
itk::ElasticBodySplineKernelTransform< TScalarType, NDimensions >
itk::fem::ElementAbstract base element class
itk::fem::Element1DStress< TBaseClass >Class that is used to define linear elasticity problem in 1D space
itk::fem::Element2DC0LinearLine2-noded, linear, C0 continuous line element in 2D space
itk::fem::Element2DC0LinearLineStress2-noded finite element class in 2D space for linear elasticity problem
itk::fem::Element2DC0LinearQuadrilateral4-noded, linear, C0 continuous finite element in 2D space
itk::fem::Element2DC0LinearQuadrilateralMembrane4-noded finite element class in 2D space for linear elasticity problem
itk::fem::Element2DC0LinearQuadrilateralStress4-noded finite element class in 2D space for linear elasticity problem
itk::fem::Element2DC0LinearTriangular3-noded, linear, C0 continuous finite element in 2D space
itk::fem::Element2DC0LinearTriangularMembrane3-noded finite element class in 2D space for linear elasticity problem
itk::fem::Element2DC0LinearTriangularStress3-noded finite element class in 2D space for linear elasticity problem
itk::fem::Element2DC0QuadraticTriangular3-noded, quadratic, C0 continuous finite element in 2D space
itk::fem::Element2DC0QuadraticTriangularStress3-noded finite element class in 2D space for linear elasticity problem
itk::fem::Element2DC1Beam1D Beam (spring that also bends) finite element in 2D space
itk::fem::Element2DMembrane< TBaseClass >Class that is used to define a membrane energy problem in 2D space
itk::fem::Element2DStress< TBaseClass >Class that is used to define linear elasticity problem in 2D space
itk::fem::Element3DC0LinearHexahedron8-noded, linear, C0 continuous finite element in 3D space
itk::fem::Element3DC0LinearHexahedronMembrane8-noded finite element class in 3D space for linear elasticity problem
itk::fem::Element3DC0LinearHexahedronStrain8-noded finite element class in 3D space for linear elasticity problem
itk::fem::Element3DC0LinearTetrahedron4-noded, linear, C0 continuous finite element in 3D space
itk::fem::Element3DC0LinearTetrahedronMembrane4-noded finite element class in 3D space for linear elasticity problem
itk::fem::Element3DC0LinearTetrahedronStrain4-noded finite element class in 3D space for linear elasticity problem
itk::fem::Element3DMembrane< TBaseClass >Class that is used to define a membrane energy problem in 3D space
itk::fem::Element3DStrain< TBaseClass >Class that is used to define linear elasticity problem in 3D space
itk::fem::ElementStd< VNumberOfNodes, VNumberOfSpatialDimensions, TBaseClass >Implements standard node management in the element classes
itk::EllipseSpatialObject< TDimension >
itk::EllipsoidInteriorExteriorSpatialFunction< VDimension, TInput >
itk::EllipsoidSpatialFunctionFunction implementation of an ellipsoid
itk::Concept::EqualityComparable< T >
itk::Concept::EqualityComparable< T >::Constraints
itk::watershed::EquivalenceRelabeler< TScalarType, TImageDimension >
itk::watershed::EquivalencyTable
itk::ErodeObjectMorphologyImageFilter< TInputImage, TOutputImage, TKernel >Erosion of an object in an image
itk::Statistics::EuclideanDistance< TVector >
itk::Euler2DTransform< TScalarType >Euler2DTransform of a vector space (e.g. space coordinates)
itk::Euler3DTransform< TScalarType >Euler3DTransform of a vector space (e.g. space coordinates)
itk::EventObjectAbstraction of the Events used to communicating among filters and with GUIs
itk::ExceptionObjectStandard exception handling object
itk::Function::Exp< TInput, TOutput >
itk::ExpandImageFilter< TInputImage, TOutputImage >Expand the size of an image by an integer factor in each dimension
itk::Statistics::ExpectationMaximizationMixtureModelEstimator< TSample >Integration point for MembershipCalculator, DecisionRule, and target sample data
itk::ExpImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the exp() of its pixels
itk::ExpImageFilter< TInputImage, TOutputImage >Computes the exp(x) pixel-wise
itk::Function::ExpNegative< TInput, TOutput >
itk::ExpNegativeImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the exp() of its pixels
itk::ExpNegativeImageFilter< TInputImage, TOutputImage >Computes the function exp(-K.x) pixel-wise
itk::Accessor::ExpNegativePixelAccessor< TInternalType, TExternalType >Give access to the exp() function of a value
itk::Accessor::ExpPixelAccessor< TInternalType, TExternalType >Give access to the exp() function of a value
itk::ExtensionVelocitiesImageFilter< TLevelSet, TAuxValue, VAuxDimension >Extend velocities smoothly from a particular level set
itk::ExtractImageFilter< TInputImage, TOutputImage >Decrease the image size by cropping the image to the selected region bounds
itk::ImageToImageFilterDetail::ExtractImageFilterRegionCopier< D1, D2 >
itk::FastMarchingExtensionImageFilter< TLevelSet, TAuxValue, VAuxDimension, TSpeedImage >Extend auxiliary variables smoothly using Fast Marching
itk::FastMarchingImageFilter< TLevelSet, TSpeedImage >Solve an Eikonal equation using Fast Marching
itk::FastMutexLockCritical section locking class
itk::fem::FEMExceptionBase class for all exception's that can occur within FEM classes
itk::fem::FEMExceptionIOBase class for all IO exception's that can occur within FEM classe
itk::fem::FEMExceptionItpackSolverHandles errors that occur in itpack solving routines
itk::fem::FEMExceptionItpackSparseMatrixSbagnHandles errors that occur when unfinalizing the matrix
itk::fem::FEMExceptionItpackSparseMatrixSbsijHandles errors that occur when building the matrix
itk::fem::FEMExceptionLinearSystem
itk::fem::FEMExceptionLinearSystemBounds
itk::fem::FEMExceptionObjectNotFoundObject not found exception
itk::fem::FEMExceptionSolutionBase class for all exceptions that can occur when solving FEM problem
itk::fem::FEMExceptionWrongClassBad object exception
itk::fem::FEMInitializationFEM Library initialization and housekeeping
itk::fem::FEMLightObjectBase class for all classes that define the FEM system
itk::fem::FEMObjectFactory< T >Create objects of derived classes by specifying a class ID
itk::fem::FEMP< T >Pointer used to store polymorphic elements in STL arrays
itk::fem::FEMPArray< T >Array for FEMP objects
itk::fem::FEMRegistrationFilter< TReference, TTarget >FEM Image registration example class
itk::fem::FEMRegistrationFilter< TReference, TTarget >::FEMOF
itk::FileOutputWindowMessages sent from the system are sent to a file
itk::FiniteDifferenceFunction< TImageType >
itk::FiniteDifferenceImageFilter< TInputImage, TOutputImage >
itk::FixedArray< TValueType, VLength >Simulate a standard C array with copy semnatics
itk::FixedArray< TValueType, VLength >::ConstReverseIteratorA const reverse iterator through the array
itk::FixedArray< TValueType, VLength >::ReverseIteratorA reverse iterator through the array
itk::FlipImageFilter< TImage >Flips an image across user specified axes
itk::FloodFilledFunctionConditionalConstIterator< TImage, TFunction >Iterates over a flood-filled spatial function
itk::FloodFilledFunctionConditionalIterator< TImage, TFunction >Base class for non-const flood-filled function iterators
itk::FloodFilledImageFunctionConditionalConstIterator< TImage, TFunction >Iterates over a flood-filled image function
itk::FloodFilledImageFunctionConditionalIterator< TImage, TFunction >Iterates over a flood-filled image function
itk::FloodFilledSpatialFunctionConditionalConstIterator< TImage, TFunction >Iterates over a flood-filled spatial function
itk::FloodFilledSpatialFunctionConditionalIterator< TImage, TFunction >Iterates over a flood-filled spatial function
itk::ForwardDifferenceOperator< TPixel, VDimension, TAllocator >Operator whose inner product with a neighborhood returns a "half" derivative at the center of the neighborhood
itk::FrustumSpatialFunction< VImageDimension, TInput >Spatial function implementation of a truncated pyramid
itk::FunctionBase< TInput, TOutput >Base class for all ITK function objects
itk::Statistics::GaussianDensityFunction< TMeasurementVector >GaussianDensityFunction class represents Gaussian Density Function
itk::Statistics::GaussianGoodnessOfFitComponent< TInputSample >Provides implemenations of GoodnessOfFitComponentBase's methods for a Gaussian component
itk::GaussianImageSource< TOutputImage >Generate an n-dimensional image of a Gaussian
itk::GaussianKernelFunctionGaussian kernel used for density estimation and nonparameteric regression
itk::Statistics::GaussianMixtureModelComponent< TSample >Calculates sample mean
itk::GaussianOperator< TPixel, VDimension, TAllocator >A NeighborhoodOperator whose coefficients are a one dimensional, discrete Gaussian kernel
itk::GaussianSpatialFunction< TOutput, VImageDimension, TInput >N-dimensional gaussian spatial function class
itk::fem::GaussIntegrateUse the Gauss-Legendre formula to perform integration
itk::GeodesicActiveContourLevelSetFunction< TImageType, TFeatureImageType >This function is used in GeodesicActiveContourLevelSetImageFilter to segment structures in images based on user supplied edge potential map
itk::GeodesicActiveContourLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType >Segments structures in images based on user supplied edge potential map
itk::GetDimension< T >
itk::GetImageDimension< TImage >
itk::GetVectorDimension< TVector >
itk::GibbsPriorFilter< TInputImage, TClassifiedImage >
itk::GiplImageIORead GiplImage file format
itk::GiplImageIOFactoryCreate instances of GiplImageIO objects using an object factory
itk::Statistics::GoodnessOfFitComponentBase< TInputSample >Provides component (module) type specific functionalities for GoodnessOfFitMixtureModelCostFunction
itk::Statistics::GoodnessOfFitFunctionBase< TInputHistogram >Base class for classes calculates different types of goodness-of-fit statistics
itk::Statistics::GoodnessOfFitMixtureModelCostFunction< TInputSample >Calculates the goodness-of-fit statstics for multivarate mixture model
itk::GradientAnisotropicDiffusionImageFilter< TInputImage, TOutputImage >
itk::GradientDescentOptimizerImplement a gradient descent optimizer
itk::GradientImageFilter< TInputImage, TOperatorValueType, TOutputValueType >Computes the gradient of an image using directional derivatives
itk::GradientImageToBloxBoundaryPointImageFilter< TInputImage >Converts a gradient image to an BloxImage of BloxBoundaryPoints
itk::Functor::GradientMagnitude< TInput, TOutput >
itk::GradientMagnitudeImageFilter< TInputImage, TOutputImage >Computes the gradient magnitude of an image region at each pixel
itk::GradientMagnitudeRecursiveGaussianImageFilter< TInputImage, TOutputImage >Computes the Magnitude of the Gradient of an image by convolution with the first derivative of a Gaussian
itk::GradientNDAnisotropicDiffusionFunction< TImage >
itk::GradientRecursiveGaussianImageFilter< TInputImage, TOutputImage >Computes the gradient of an image by convolution with the first derivative of a Gaussian
itk::GradientToMagnitudeImageFilter< TInputImage, TOutputImage >Take an image of vectors as input and produce an image with the magnitude of those vectors
itk::GradientVectorFlowImageFilter< TInputImage, TOutputImage >This class computes a diffusion of the gradient vectors for graylevel or binary edge map derive from the image. It enlarges the capture range of the gradient force and make external force derived from the gradient work effectively in the framework of deformable model
itk::GrayscaleDilateImageFilter< TInputImage, TOutputImage, TKernel >Gray scale dilation of an image
itk::GrayscaleErodeImageFilter< TInputImage, TOutputImage, TKernel >Gray scale dilation of an image
itk::GrayscaleFunctionDilateImageFilter< TInputImage, TOutputImage, TKernel >Gray scale function dilation of an image
itk::GrayscaleFunctionErodeImageFilter< TInputImage, TOutputImage, TKernel >Gray scale function erosion of an image
itk::GreenPixelAccessor< T >Give access to the Green component of a RGBPixel type
itk::GroupSpatialObject< TDimension >Representation of a group based on the spatial object classes
itk::hash< Key >
itk::hash< char * >
itk::hash< char >
itk::hash< const char * >
itk::hash< int >
itk::hash< long >
itk::hash< short >
itk::hash< signed char >
itk::hash< unsigned char >
itk::hash< unsigned int >
itk::hash< unsigned long >
itk::hash< unsigned short >
itk::hash_map< Key, T,,, >Replacement for STL hash map because some systems do not support it, or support it incorrectly
itk::hash_multimap< Key, T,,, >
itk::hash_multiset< Value,,, >
itk::hash_set< Value,,, >Replacement for STL hash set because some systems do not support it, or support it incorrectly
itk::hashtable< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc >
itk::hashtable_base< Value, Alloc >
itk::hashtable_const_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc >
itk::hashtable_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc >
itk::hashtable_node< Value >
itk::HausdorffDistanceImageFilter< TInputImage1, TInputImage2 >Computes the Hausdorff distance between the set of non-zero pixels of two images
header_key
itk::HexahedronBoundary< TCellInterface >
itk::HexahedronCell< TCellInterface >
itk::HexahedronCellTopology
itk::Statistics::Histogram< TMeasurement, VMeasurementVectorSize, TFrequencyContainer >This class stores measurement vectors in the context of n-dimensional histogram
itk::Statistics::Histogram< TMeasurement, VMeasurementVectorSize, TFrequencyContainer >::Iterator
itk::HistogramMatchingImageFilter< TInputImage, TOutputImage >Normalize the grayscale values between two image by histogram matching
itk::HybridFilter< TInputImage, TOutputImage, TInputMesh, TOutputMesh >The filter try to combine the gibbs prior model and deformable model into a segmentation framework, the output of Gibbs Prior model will be automatically set as the input of deformable model
icilist
itk::IdentityTransform< TScalarType, NDimensions >Implementation of an Identity Transform
itk::Image< TPixel, VImageDimension >Templated n-dimensional image class
image_dimension
itk::ImageAdaptor< TImage, TAccessor >Give access to partial aspects of voxels from an Image
itk::ImageBase< VImageDimension >Base class for templated image classes
itk::ImageBoundaryCondition< TImageType >A virtual base object that defines an interface to a class of boundary condition objects for use by neighborhood iterators
itk::NeighborhoodAlgorithm::ImageBoundaryFacesCalculator
itk::ImageClassifierBase< TInputImage, TClassifiedImage >Base class for ImageClassifierBase object
itk::ImageConstIterator< TImage >Multi-dimensional image iterator
itk::ImageConstIteratorWithIndex< TImage >Multi-dimensional image iterator
itk::ImageContainerInterface< TElementIdentifier, TElement >
itk::ImageFileReader< TOutputImage, ConvertPixelTraits >Data source that reads image data from disk files
itk::ImageFileReaderExceptionBase exception class for IO conflicts
itk::ImageFileWriter< TInputImage >The base class for all image data writers
itk::ImageFileWriterExceptionBase exception class for IO problems during writing
itk::ImageFunction< TInputImage, TOutput, TCoordRep >Evaluates a function of an image at specified position
itk::ImageGaussianModelEstimator< TInputImage, TMembershipFunction, TTrainingImage >Base class for ImageGaussianModelEstimator object
itk::ImageIO
itk::ImageIOBaseAbstract superclass defines image IO interface
itk::ImageIOBase::UnknownType
itk::ImageIOFactoryCreate instances of ImageIO objects using an object factory
itk::ImageIORegionAn ImageIORegion represents a structured region of data
itk::ImageIterator< TImage >Multi-dimensional image iterator
itk::ImageIteratorWithIndex< TImage >Multi-dimensional image iterator
itk::ImageKmeansModelEstimator< TInputImage, TMembershipFunction >Base class for ImageKmeansModelEstimator object
itk::ImageLinearConstIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageLinearIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::fem::ImageMetricLoad< TReference, TTarget >General image pair load that uses the itkImageToImageMetrics
itk::fem::ImageMetricLoadImplementation< TLoadClass >
itk::ImageModelEstimatorBase< TInputImage, TMembershipFunction >Base class for model estimation from images used for classification
itk::ImageMomentsCalculator< TImage >Compute moments of an n-dimensional image
itk::ImageRandomConstIteratorWithIndex< TImage >Multi-dimensional image iterator which walks randomly within a region
itk::ImageRandomIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegion< VImageDimension >An image region represents a structured region of data
itk::ImageRegionConstIterator< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegionConstIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageToImageFilterDetail::ImageRegionCopier< D1, D2 >Function object used to dispatching to a routine to copy a region (start index and size)
itk::ImageRegionExclusionConstIteratorWithIndex< TImage >Multi-dimensional image iterator which walks a region excluding a second region completly contained in the first
itk::ImageRegionExclusionIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegionIterator< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegionIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegionMultidimensionalSplitter< VImageDimension >Divide a region into several pieces
itk::ImageRegionReverseConstIterator< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegionReverseIterator< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageRegionSplitter< VImageDimension >Divide a region into several pieces
itk::ImageRegistrationMethod< TFixedImage, TMovingImage >Base class for Image Registration Methods
itk::ImageReverseConstIterator< TImage >Multi-dimensional image iterator
itk::ImageReverseIterator< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageSliceConstIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageSliceIteratorWithIndex< TImage >Multi-dimensional image iterator which only walks a region
itk::ImageSource< TOutputImage >Base class for all process objects that output image data
itk::ImageSource< TOutputImage >::ThreadStruct
ImageSource< BloxBoundaryPointImage< ::itk::GetImageDimension< TInputImage >::ImageDimension >>
ImageSource< BloxBoundaryProfileImage< ::itk::GetImageDimension< TSourceImage >::ImageDimension >>
ImageSource< BloxCoreAtomImage< dim >>
ImageSource< Image< CovariantVector< TDataType,::itk::GetImageDimension< TInputImage >::ImageDimension >,::itk::GetImageDimension< TInputImage >::ImageDimension >>
ImageSource< Image< CovariantVector< TOutputValueType,::itk::GetImageDimension< TInputImage >::ImageDimension >,::itk::GetImageDimension< TInputImage >::ImageDimension >>
ImageSource< Image< unsigned long,::itk::GetImageDimension< TInputImage >::ImageDimension >>
itk::ImageSpatialObject< TDimension, PixelType >Implementation of an image as spatial object
itk::ImageToImageFilter< TInputImage, TOutputImage >Base class for filters that take an image as input and produce an image as output
itk::ImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between regions of two images
itk::Statistics::ImageToListAdaptor< TImage >This class provides ListSampleBase interfaces to ITK Image
itk::Statistics::ImageToListAdaptor< TImage >::Iterator
itk::ImageToMeshFilter< TInputImage, TOutputMesh >
itk::ImageToParametricSpaceFilter< TInputImage, TOutputMesh >Generate a mesh of parametric space from input images
itk::ImageToSpatialObjectMetric< TFixedImage, TMovingSpatialObject >Computes similarity between a moving spatial obejct and an Image to be registered
itk::ImageToSpatialObjectRegistrationMethod< TFixedImage, TMovingSpatialObject >Base class for Image Registration Methods
itk::ImageViewer< TInputImage >Simple implemementation of a GLUT based image viewer
itk::ImageViewerWindowSimple implemementation of a GLUT controled window
itk::ImageWriter< TInputImage >Base class for all writers that write images
itk::ImportImageContainer< TElementIdentifier, TElement >
itk::ImportImageFilter< TPixel, VImageDimension >Import data from a standard C array into an itk::Image
itk::IncompatibleOperandsError
itk::IndentControl indentation during Print() invocation
itk::Index< VIndexDimension >Represent a n-dimensional index in a n-dimensional image
itk::IndexedContainerInterface< TElementIdentifier, TElement >
itk::IndexedContainerInterface< TElementIdentifier, TElement >::ConstIterator
itk::IndexedContainerInterface< TElementIdentifier, TElement >::Iterator
itk::fem::INITClassClass that is used in FEM_CLASS_INIT macro
inlist
itk::ImageToImageFilterDetail::IntDispatch<>Templated class to produce a unique type for each integer
itk::Functor::IntensityLinearTransform< TInput, TOutput >
itk::InteriorExteriorMeshFilter< TInputMesh, TOutputMesh, TSpatialFunction >
itk::InteriorExteriorSpatialFunction< VDimension, TInput >Returns whether or not a location is "inside" or "outside" a function
itk::InterpolateImageFilter< TInputImage, TOutputImage >Interpolate an image from two N-D images
itk::InterpolateImageFunction< TInputImage, TCoordRep >Base class for all image interpolaters
itk::InterpolateImagePointsFilter< TInputImage, TOutputImage, TCoordType, InterpolatorType >Resamples an image at the coordinates specified by the user
itk::InvalidArgumentError
itk::InvalidRequestedRegionError
itk::IsolatedConnectedImageFilter< TInputImage, TOutputImage >Label pixels that are connected to one seed but not another
itk::IterationReporterImplements iterations tracking for a filter
itk_simple_alloc< T, Alloc >
itk::itkBinaryMask3DSphereMesh
itk::itkBSplineCenteredL2ResampleImageFilterBaseUses the "Centered L2" B-Spline pyramid implementation of B-Spline Filters to up/down sample an image by a factor of 2
itk::itkBSplineDecompositionImageFilterCalculates the B-Spline coefficients of an image. Spline order may be from 0 to 5
itk::itkSparseFieldLayer
itk::itkSphere
itk::fem::ItpackSparseMatrixA compressed row sparse matrix representation that makes use of itpack to dynamically assemble the matrix
itk::Functor::JoinFunctor< TPixel1, TPixel2 >Join the components of two pixel types into a single pixel type
itk::JoinImageFilter< TInputImage1, TInputImage2 >Join two images, resulting in an image where each pixel has the components of the first image followed by the components of the second image
itk::JoinTraits< TValueType1, TValueType2 >Trait to determine what datatype is needed if the specified pixel types are "joined" into a single vector
itk::JoinTraits< bool, bool >
itk::JoinTraits< bool, char >
itk::JoinTraits< bool, double >
itk::JoinTraits< bool, float >
itk::JoinTraits< bool, int >
itk::JoinTraits< bool, long >
itk::JoinTraits< bool, short >
itk::JoinTraits< bool, unsigned char >
itk::JoinTraits< bool, unsigned int >
itk::JoinTraits< bool, unsigned long >
itk::JoinTraits< bool, unsigned short >
itk::JoinTraits< char, bool >
itk::JoinTraits< char, char >
itk::JoinTraits< char, double >
itk::JoinTraits< char, float >
itk::JoinTraits< char, int >
itk::JoinTraits< char, long >
itk::JoinTraits< char, short >
itk::JoinTraits< char, unsigned char >
itk::JoinTraits< char, unsigned int >
itk::JoinTraits< char, unsigned long >
itk::JoinTraits< char, unsigned short >
itk::JoinTraits< double, bool >
itk::JoinTraits< double, char >
itk::JoinTraits< double, double >
itk::JoinTraits< double, float >
itk::JoinTraits< double, int >
itk::JoinTraits< double, long >
itk::JoinTraits< double, short >
itk::JoinTraits< double, unsigned char >
itk::JoinTraits< double, unsigned int >
itk::JoinTraits< double, unsigned long >
itk::JoinTraits< double, unsigned short >
itk::JoinTraits< float, bool >
itk::JoinTraits< float, char >
itk::JoinTraits< float, double >
itk::JoinTraits< float, float >
itk::JoinTraits< float, int >
itk::JoinTraits< float, long >
itk::JoinTraits< float, short >
itk::JoinTraits< float, unsigned char >
itk::JoinTraits< float, unsigned int >
itk::JoinTraits< float, unsigned long >
itk::JoinTraits< float, unsigned short >
itk::JoinTraits< int, bool >
itk::JoinTraits< int, char >
itk::JoinTraits< int, double >
itk::JoinTraits< int, float >
itk::JoinTraits< int, int >
itk::JoinTraits< int, long >
itk::JoinTraits< int, short >
itk::JoinTraits< int, unsigned char >
itk::JoinTraits< int, unsigned int >
itk::JoinTraits< int, unsigned long >
itk::JoinTraits< int, unsigned short >
itk::JoinTraits< long, bool >
itk::JoinTraits< long, char >
itk::JoinTraits< long, double >
itk::JoinTraits< long, float >
itk::JoinTraits< long, int >
itk::JoinTraits< long, long >
itk::JoinTraits< long, short >
itk::JoinTraits< long, unsigned char >
itk::JoinTraits< long, unsigned int >
itk::JoinTraits< long, unsigned long >
itk::JoinTraits< long, unsigned short >
itk::JoinTraits< short, bool >
itk::JoinTraits< short, char >
itk::JoinTraits< short, double >
itk::JoinTraits< short, float >
itk::JoinTraits< short, int >
itk::JoinTraits< short, long >
itk::JoinTraits< short, short >
itk::JoinTraits< short, unsigned char >
itk::JoinTraits< short, unsigned int >
itk::JoinTraits< short, unsigned long >
itk::JoinTraits< short, unsigned short >
itk::JoinTraits< unsigned char, bool >
itk::JoinTraits< unsigned char, char >
itk::JoinTraits< unsigned char, double >
itk::JoinTraits< unsigned char, float >
itk::JoinTraits< unsigned char, int >
itk::JoinTraits< unsigned char, long >
itk::JoinTraits< unsigned char, short >
itk::JoinTraits< unsigned char, unsigned char >
itk::JoinTraits< unsigned char, unsigned int >
itk::JoinTraits< unsigned char, unsigned long >
itk::JoinTraits< unsigned char, unsigned short >
itk::JoinTraits< unsigned int, bool >
itk::JoinTraits< unsigned int, char >
itk::JoinTraits< unsigned int, double >
itk::JoinTraits< unsigned int, float >
itk::JoinTraits< unsigned int, int >
itk::JoinTraits< unsigned int, long >
itk::JoinTraits< unsigned int, short >
itk::JoinTraits< unsigned int, unsigned char >
itk::JoinTraits< unsigned int, unsigned int >
itk::JoinTraits< unsigned int, unsigned long >
itk::JoinTraits< unsigned int, unsigned short >
itk::JoinTraits< unsigned long, bool >
itk::JoinTraits< unsigned long, char >
itk::JoinTraits< unsigned long, double >
itk::JoinTraits< unsigned long, float >
itk::JoinTraits< unsigned long, int >
itk::JoinTraits< unsigned long, long >
itk::JoinTraits< unsigned long, short >
itk::JoinTraits< unsigned long, unsigned char >
itk::JoinTraits< unsigned long, unsigned int >
itk::JoinTraits< unsigned long, unsigned long >
itk::JoinTraits< unsigned long, unsigned short >
itk::JoinTraits< unsigned short, bool >
itk::JoinTraits< unsigned short, char >
itk::JoinTraits< unsigned short, double >
itk::JoinTraits< unsigned short, float >
itk::JoinTraits< unsigned short, int >
itk::JoinTraits< unsigned short, long >
itk::JoinTraits< unsigned short, short >
itk::JoinTraits< unsigned short, unsigned char >
itk::JoinTraits< unsigned short, unsigned int >
itk::JoinTraits< unsigned short, unsigned long >
itk::JoinTraits< unsigned short, unsigned short >
itk::KalmanLinearEstimator< T, VEstimatorDimension >Implement a linear recursive estimator
itk::Statistics::KdTree< TSample >KdTree
itk::Statistics::KdTree< TSample >::NearestNeighbors
itk::Statistics::KdTreeBasedKmeansEstimator< TKdTree >Fast k-means algorithm implementation using k-d tree structure
itk::Statistics::KdTreeBasedKmeansEstimator< TKdTree >::CandidateVector
itk::Statistics::KdTreeBasedKmeansEstimator< TKdTree >::CandidateVector::Candidate
itk::Statistics::KdTreeGenerator< TSample >KdTreeGenerator
itk::Statistics::KdTreeNode< TSample >
itk::Statistics::KdTreeNonterminalNode< TSample >
itk::Statistics::KdTreeTerminalNode< TSample >
itk::Statistics::KdTreeWeightedCenteroidNonterminalNode< TSample >
itk::KernelFunctionKernel used for density estimation and nonparameteric regression
itk::KernelTransform< TScalarType, NDimensions >
itk::KLMDynamicBorderArray< TBorder >Object maintaining a reference to a list of border associated with a region
itk::KLMRegionGrowImageFilter< TInputImage, TOutputImage >Base class for a region growing object that performs energy-based region growing for multiband images
itk::KLMSegmentationBorderBase class for KLMSegmentationBorder object
itk::KLMSegmentationRegionBase class for KLMSegmentationRegion object
itk::LandmarkSpatialObject< TDimension >Representation of a Landmark based on the spatial object classes
itk::LaplacianImageFilter< TInputImage, TOutputImage >
itk::LaplacianOperator< TPixel, VDimension, TAllocator >
itk::LaplacianSegmentationLevelSetFunction< TImageType, TFeatureImageType >
itk::LaplacianSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType >Segments structures in images based on a second derivative image features
itk::LBFGSOptimizerWrap of the vnl_lbfgs algorithm
itk::Concept::LessThanComparable< T >
itk::Concept::LessThanComparable< T >::Constraints
itk::LevelSetFunction< TImageType >The LevelSetFunction class is a generic function object which can be used to create a level set method filter when combined with an appropriate finite difference image filter. (See FiniteDifferenceImageFilter.)
itk::LevelSetFunction< TImageType >::GlobalDataStruct
itk::LevelSetFunctionBase< TImageType >
itk::LevelSetNeighborhoodExtractor< TLevelSet >Locate pixels of a particular level set
itk::LevelSetNode< TPixel, VSetDimension >Represent a node in a level set
itk::LevelSetTypeDefault< TLevelSet >Level set type information
itk::LevelSetVelocityNeighborhoodExtractor< TLevelSet, TAuxValue, VAuxDimension >Locate pixels of a particular level set
itk::LevenbergMarquardtOptimizerWrap of the vnl_levenberg_marquardt algorithm
itk::LightObjectLight weight base class for most itk classes
itk::LightProcessObjectLightProcessObject is the base class for all process objects (source, filters, mappers) in the Insight data processing pipeline
itk::LinearInterpolateImageFunction< TInputImage, TCoordRep >Linearly interpolate an image at specified positions
itk::fem::LinearSystemWrapperDefines all functions required by Solver class to allocate, assemble and solve a linear system of equation
itk::fem::LinearSystemWrapperDenseVNLLinearSystemWrapper class that uses VNL numeric library functions to define a sparse linear system of equations
itk::fem::LinearSystemWrapperItpackLinearSystemWrapper class that uses Itpack numeric library functions to define and solve a sparse linear system of equations
itk::fem::LinearSystemWrapperVNLLinearSystemWrapper class that uses VNL numeric library functions to define a sparse linear system of equations
itk::LineBoundary< TCellInterface >
itk::LineCell< TCellInterface >
itk::LineSpatialObject< TDimension >Representation of a Line based on the spatial object classes
itk::LineSpatialObjectPoint< TPointDimension >Point used for a line definition
list
itk::Statistics::ListSample< TMeasurementVector >This class is the native implementation of the ListSampleBase
itk::Statistics::ListSample< TMeasurementVector >::Iterator
itk::Statistics::ListSampleBase< TMeasurementVector >This class is the base class for containers that have a list of measurement vectors
itk::Statistics::ListSampleToHistogramFilter< TListSample, THistogram >Imports data from ListSample object to Histogram object
itk::Statistics::ListSampleToHistogramGenerator< TListSample, THistogramMeasurement, TFrequencyContainer >Generates a Histogram using the data from the ListSample object
itk::fem::LoadGeneral abstract load base class
itk::fem::LoadBCGeneric essential (Dirichlet) boundary conditions
itk::fem::LoadBCMFCGeneric linear multi freedom displacement constraint in global coordinate system
itk::fem::LoadEdgeA generic load that can be applied to an edge of the element
itk::fem::LoadElementVirtual element load base class
itk::fem::LoadGravAbstract gravity load class
itk::fem::LoadGravConstConstant gravity load class
itk::fem::LoadImplementationGenericBodyLoadClass that holds a templated generic body load implementation
itk::fem::LoadImplementationGenericLandmarkLoadClass that holds a templated generic landmark load implementation
itk::fem::LoadImplementationTest< TLoadClass >Example implementation of templated LoadTest class
itk::fem::LoadLandmarkThis load is derived from the motion of a specific landmark
itk::fem::LoadNodeThis load is applied on a specific point within the system
itk::fem::LoadPointThis load is applied on a point in an element
itk::fem::LoadTest< TClass >Example to show how to define templated load classes
itk::Function::Log< TInput, TOutput >
itk::Function::Log10< TInput, TOutput >
itk::Log10ImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the log10() of its pixels
itk::Log10ImageFilter< TInputImage, TOutputImage >Computes the log10(x) pixel-wise
itk::Accessor::Log10PixelAccessor< TInternalType, TExternalType >Give access to the log10() function of a value
itk::LogImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the log() of its pixels
itk::LogImageFilter< TInputImage, TOutputImage >Computes the log(x) pixel-wise
itk::Statistics::LogLikelihoodGoodnessOfFitFunction< TInputHistogram >Calculates loglikelihood ratio statistics
itk::Accessor::LogPixelAccessor< TInternalType, TExternalType >Give access to the log() function of a value
itk::Statistics::MahalanobisDistanceMembershipFunction< TVector >MahalanobisDistanceMembershipFunction class represents MahalanobisDistance Density Function
itk::Functor::MakeJoin< TImage1, TImage2 >
itk::MapContainer< TElementIdentifier, TElement >
itk::MapContainer< TElementIdentifier, TElement >::ConstIteratorThe const iterator type for the map
itk::MapContainer< TElementIdentifier, TElement >::IteratorThe non-const iterator type for the map
itk::MaskImageFilter< TInputImage, TMaskImage, TOutputImage >Implements an operator for pixel-wise masking of the input image with the mask
itk::Functor::MaskInput< TInput, TMask, TOutput >
itk::fem::MaterialBase class for storing all the implicit material and other properties required to fully define the element class
itk::fem::MaterialLinearElasticityLinear elasticity material class
itk::Matrix< T, NRows, NColumns >A templated class holding a M x N size Matrix This class contains a vnl_matrix_fixed in order to make all the vnl mathematical methods available
itk::MattesMutualInformationImageToImageMetric< TFixedImage, TMovingImage >Computes the mutual information between two images to be registered using the methof of Mattes et al
itk::Function::Maximum< TInput1, TInput2, TOutput >
itk::MaximumDecisionRuleA Decision rule that choose the class that has maximum value
itk::MaximumImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements a pixel-wise operator Max(a, b) between two images
itk::Statistics::MeanCalculator< TSample >Calculates sample mean
itk::MeanImageFilter< TInputImage, TOutputImage >Applies an averaging filter to an image
itk::MeanImageFunction< TInputImage, TCoordRep >Calculate the mean value in the neighborhood of a pixel
itk::MeanSquaresImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two objects to be registered
itk::MedianImageFilter< TInputImage, TOutputImage >Applies a median filter to an image
itk::MedianImageFunction< TInputImage, TCoordRep >Calculate the median value in the neighborhood of a pixel
itk::MemberCommand< T >Command subclass that calls a pointer to a member function
itk::Statistics::MembershipFunctionBase< TVector >MembershipFunctionBase class declares common interfaces for membership functions
itk::Statistics::MembershipSample< TSample >Container for storing the instance-identifiers of other sample with their associated class labels
itk::Statistics::MembershipSample< TSample >::Iterator
itk::Statistics::MembershipSampleGenerator< TInputSample, TClassMaskSample >MembershipSampleGenerator generates a MembershipSample object using a class mask sample
itk::Mesh< TPixelType, VDimension, TMeshTraits >Implements the N-dimensional mesh structure
itk::Mesh< TPixelType, VDimension, TMeshTraits >::BoundaryAssignmentIdentifier
itk::MeshRegionA mesh region represents an unstructured region of data
itk::MeshSource< TOutputMesh >Base class for all process objects that output mesh data
itk::MeshToMeshFilter< TInputMesh, TOutputMesh >
itk::MetaImageIORead MetaImage file format
itk::MetaImageIOFactoryCreate instances of MetaImageIO objects using an object factory
itk::fem::MFCTermClass that holds information about one term in MFC constraint equation
itk::Function::Minimum< TInput1, TInput2, TOutput >
itk::MinimumDecisionRuleA Decision rule that choose the class that has minimum value
itk::MinimumImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements a pixel-wise operator Max(a, b) between two images
itk::MinimumMaximumImageCalculator< TInputImage >
itk::MinimumMaximumImageFilter< TInputImage >Computes the minimum and the maximum intensity values of an image
itk::MinMaxCurvatureFlowFunction< TImage >
itk::MinMaxCurvatureFlowImageFilter< TInputImage, TOutputImage >Denoise an image using min/max curvature flow
itk::MirrorPadImageFilter< TInputImage, TOutputImage >Increase the image size by padding with replicants of the input image value
itk::Statistics::MixtureModelComponentBase< TSample >Base class for distribution modules that supports analytical way to update the distribution parameters
itk::Functor::Modulus2< TInput1, TInput2, TOutput >
itk::Function::Modulus3< TInput1, TInput2, TInput3, TOutput >
itk::Function::ModulusSquare3< TInput1, TInput2, TInput3, TOutput >
itk::MorphologyImageFilter< TInputImage, TOutputImage, TKernel >Base class for the morphological operations such as erosion and dialation
itk::MRASlabIdentifier< TInputImage >Identifies slab in MR images comparing minimum intensity averages
itk::MRFImageFilter< TInputImage, TClassifiedImage >Implementation of a labeller object that uses Markov Random Fields to classify pixels in an image data set
itk::MRIBiasEnergyFunction< TImage, TImageMask, TBiasField >A cost function for optimization
itk::MRIBiasFieldCorrectionFilter< TInputImage, TOutputImage, TMaskImage >Corrects 3D MRI bias field
itk::Function::Mult< TInput1, TInput2, TOutput >
itk::MultipleValuedCostFunctionThis class is a base for the CostFunctions returning a single value
itk::MultipleValuedNonLinearOptimizerThis class is a base for the Optimization methods that optimize a multiple valued function
itk::MultipleValuedNonLinearVnlOptimizerThis class is a base for the Optimization methods that optimize a single valued function
itk::MultipleValuedVnlCostFunctionAdaptorThis class is an Adaptor that allows to pass itk::MultipleValuedCostFunctions to vnl_optimizers expecting a vnl_cost_function
itk::Concept::MultiplicativeOperators< T >
itk::Concept::MultiplicativeOperators< T >::Constraints
itk::MultiplyImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements an operator for pixel-wise multiplication of two images
itk::MultiResolutionImageRegistrationMethod< TFixedImage, TMovingImage >Base class for multi-resolution image registration methods
itk::MultiResolutionPDEDeformableRegistration< TFixedImage, TMovingImage, TDeformationField >Framework for perfoming multi-resolution PDE deformable registration
itk::MultiResolutionPyramidImageFilter< TInputImage, TOutputImage >Framework for creating images in a multi-resolution pyramid
itk::MultiThreaderA class for performing multithreaded execution
itk::MultiThreader::ThreadInfoStruct
Multitype
MultivariateLegendrePolynomial2D and 3D multivariate Legendre Polynomial
itk::MultivariateLegendrePolynomial
itk::MultivariateLegendrePolynomial::CoefficientVectorSizeMismatch
itk::MultivariateLegendrePolynomial::SimpleForwardIterator
itk::MutexLockMutual exclusion locking class
itk::MutexLockHolder< TMutex >
itk::MutualInformationImageToImageMetric< TFixedImage, TMovingImage >Computes the mutual information between two images to be registered
Namelist
itk::NaryAddImageFilter< TInputImage, TOutputImage >Implements an operator for pixel-wise addition of two images
itk::NaryFunctorImageFilter< TInputImage, TOutputImage, TFunction >Implements pixel-wise generic operation of Nth similar images
itk::NearestNeighborFinder< TDataSet, TPoint >Templated K-nearest neighbor search algorithm
itk::NearestNeighborFinder< TDataSet, TPoint >::InvalidInputError
itk::NearestNeighborFinder< TDataSet, TPoint >::NeighborType
itk::NearestNeighborInterpolateImageFunction< TInputImage, TCoordRep >Nearest neighbor interpolation of a scalar image
itk::Neighborhood< TPixel, VDimension, TAllocator >A light-weight container object for storing an N-dimensional neighborhood of values
itk::NeighborhoodAllocator< TPixel >
itk::NeighborhoodBinaryThresholdImageFunction< TInputImage, TCoordRep >Determine whether all the pixels in the specified neighborhood meet a threshold criteria
itk::NeighborhoodConnectedImageFilter< TInputImage, TOutputImage >Label pixels that are connected to a seed and lie within a neighborhood
itk::NeighborhoodInnerProduct< TImage, TOperator, TComputation >
itk::NeighborhoodIterator< TImage, TBoundaryCondition >Defines iteration of a local N-dimensional neighborhood of pixels across an itk::Image
itk::NeighborhoodOperator< TPixel, VDimension, TAllocator >Virtual class that defines a common interface to all neighborhood operator subtypes
itk::NeighborhoodOperatorImageFilter< TInputImage, TOutputImage >Applies a single NeighborhoodOperator to an image region
itk::Statistics::NeighborhoodSampler< TSample >Generates a Subsample that is sampled from the input sample using a spherical kernel
itk::fem::NodeClass that stores information required to define a node
itk::NonLinearOptimizerWrap of the vnl_nonlinear_minimizer to be adapted
itk::NonThreadedShrinkImageFilter< TInputImage, TOutputImage >Reduce the size of an image by an integer factor
itk::NormalizedCorrelationImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two objects to be registered
itk::NormalizedCorrelationPointSetToImageMetric< TTarget, TMapper >Computes similarity between two objects to be registered
itk::NormalizeImageFilter< TInputImage, TOutputImage >Normalize an image by setting its mean to zero and variance to one
itk::Statistics::NormalVariateGeneratorNormal random variate generator
itk::NthElementImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the N-th element of its pixels
itk::NthElementPixelAccessor< T, TContainer >Give access to the N-th of a Container type
itk::NumericTraits< T >Define additional traits for native types such as int or float
itk::NumericTraits< bool >Define traits for type bool
itk::NumericTraits< char >Define traits for type char
itk::NumericTraits< double >Define traits for type double
itk::NumericTraits< float >Define traits for type float
itk::NumericTraits< int >Define traits for type int
itk::NumericTraits< long >Define traits for type long
itk::NumericTraits< long double >Define traits for type long double
itk::NumericTraits< short >Define traits for type short
itk::NumericTraits< unsigned char >Define traits for type unsigned char
itk::NumericTraits< unsigned int >Define traits for type unsigned int
itk::NumericTraits< unsigned long >Define traits for type unsigned long
itk::NumericTraits< unsigned short >Define traits for type unsigned short
itk::ObjectBase class for most itk classes
itk::ObjectFactory< T >Create instances of a class
itk::ObjectFactoryBaseCreate instances of classes using an object factory
itk::ObjectMorphologyImageFilter< TInputImage, TOutputImage, TKernel >Base class for the morphological operations being applied to isolated objects in an image
itk::ObjectStore< TObjectType >A specialized memory management object for allocating and destroying contiguous blocks of objects
itk::ObjectStore< TObjectType >::MemoryBlock
itk::Offset< VOffsetDimension >Represent the offset between two n-dimensional indexes in a n-dimensional image
olist
itk::OnePlusOneEvolutionaryOptimizer1+1 evolutionary strategy optimizer
itk::watershed::OneWayEquivalencyTable
itk::OptimizerGeneric representation for an optimization method
itk::OStringStream
itk::OtsuThresholdImageCalculator< TInputImage >Computes the Otsu's threshold for an image
itk::OutputWindowMessages sent from the system are collected by this object
itk::OverrideInformationInternal implementation class for ObjectFactorBase
itk::PadImageFilter< TInputImage, TOutputImage >Increase the image size by padding. Superclass for filters that fill in extra pixels
itk::ParametricSpaceToImageSpaceMeshFilter< TInputMesh, TOutputMesh >
itk::PatternIntensityImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two objects to be registered
itk::PatternIntensityPointSetToImageMetric< TTarget, TMapper >Computes similarity between two objects to be registered
itk::PDEDeformableRegistrationFilter< TFixedImage, TMovingImage, TDeformationField >Deformably register two images using a PDE algorithm
itk::PDEDeformableRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >
itk::PeriodicBoundaryCondition< TImage >A function object that determines values outside of image boundaries according to periodic (wrap-around) conditions
itk::PermuteAxesImageFilter< TImage >Permutes the image axes according to a user specified order
itk::PixelAccessor< TInternalType, TExternalType >Give access to partial aspects of a type
itk::PixelTraits< TPixelType >Traits for a pixel that define the dimension and component type
itk::PixelTraits< bool >
itk::PixelTraits< char >
itk::PixelTraits< double >
itk::PixelTraits< float >
itk::PixelTraits< int >
itk::PixelTraits< long >
itk::PixelTraits< short >
itk::PixelTraits< unsigned char >
itk::PixelTraits< unsigned int >
itk::PixelTraits< unsigned long >
itk::PixelTraits< unsigned short >
itk::PlaheImageFilter< TImageType >
itk::PlaneSpatialObject< TDimension >
itk::PNGImageIO
itk::PNGImageIOFactoryCreate instances of PNGImageIO objects using an object factory
itk::Point< TCoordRep, NPointDimension >A templated class holding a geometric point in n-Dimensional space
itk::PointLocator< TPointIdentifier, VPointDimension, TCoordRep, TPointsContainer >Accelerate geometric searches for points
itk::PointSet< TPixelType, VDimension, TMeshTraits >A superclass of the N-dimensional mesh structure; supports point (geometric coordinate and attribute) definition
PointSet< TCoordType, VDimension, DefaultDynamicMeshTraits< TCoordType, 2, 2, TCoordType >>
itk::Statistics::PointSetToListAdaptor< TPointSet >This class provides ListSampleBase interfaces to ITK PointSet
itk::Statistics::PointSetToListAdaptor< TPointSet >::Iterator
itk::PolygonBoundary< TCellInterface >
itk::PolygonCell< TCellInterface >
itk::ProcessObjectProcessObject is the base class for all process objects (source, filters, mappers) in the Insight data processing pipeline
itk::ProgressReporterImplements progress tracking for a filter
itk::Statistics::PSquareQuantile< TData >Raj Jain's P-Square algorithm implementation
itk::QuadraticEdgeBoundary< TCellInterface >
itk::QuadraticEdgeCell< TCellInterface >
itk::QuadraticTriangleBoundary< TCellInterface >
itk::QuadraticTriangleCell< TCellInterface >
itk::QuadraticTriangleCellTopology
itk::QuadrilateralBoundary< TCellInterface >
itk::QuadrilateralCell< TCellInterface >
itk::QuadrilateralCellTopology
itk::QuaternionRigidTransform< TScalarType >QuaternionRigidTransform of a vector space (e.g. space coordinates)
itk::QuaternionRigidTransformGradientDescentOptimizerImplement a gradient descent optimizer
itk::RandomAccessNeighborhoodIterator< TImage >Extends the bi-directional NeighborhoodIterator to a random access iterator
itk::RandomImageSource< TOutputImage >Generate an n-dimensional image of random pixel values
itk::Statistics::RandomVariateGeneratorBaseThis class defines common interfaces for random variate generators
itk::RangeError
itk::RawImageIO< TPixel, VImageDimension >Read and write raw binary images
itk::RawImageIOFactory< TPixel, VImageDimension >
itk::RawImageWriter< TInputImage >Write an image (n-dimensional) in raw format
itk::fem::ReadInfoTypeHelper class for storing additional information that is required when reading FEM objects from stream
itk::ReceptorMemberCommand< T >Command subclass that calls a pointer to a member function
itk::RecursiveGaussianImageFilter< TInputImage, TOutputImage >Base class for recursive convolution with Gaussian kernel
itk::RecursiveMultiResolutionPyramidImageFilter< TInputImage, TOutputImage >Creates a multi-resolution pyramid using a recursive implementation
itk::RecursiveSeparableImageFilter< TInputImage, TOutputImage >Base class for recursive convolution with a kernel
itk::RedPixelAccessor< T >Give access to the red component of a RGBPixel type
itk::ReflectImageFilter< TInputImage, TOutputImage >Implements a Reflection of an image along a selected direction
itk::ReflectiveImageRegionConstIterator< TImage >
itk::ReflectiveImageRegionIterator< TImage >Multi-dimensional image iterator which only walks a region
itk::RegionA region represents some portion or piece of data
itk::RegionGrowImageFilter< TInputImage, TOutputImage >Base class for RegionGrowImageFilter object
itk::RegistrationMethod< TTraits >Base class for Registration Methods
itk::RegularStepGradientDescentBaseOptimizerImplement a gradient descent optimizer
itk::RegularStepGradientDescentOptimizerImplement a gradient descent optimizer
itk::ReinitializeLevelSetImageFilter< TLevelSet >Reinitialize the level set to the signed distance function
itk::watershed::Relabeler< TScalarType, TImageDimension >
itk::ResampleImageFilter< TInputImage, TOutputImage >Resample an image via a coordinate transform
itk::RescaleIntensityImageFilter< TInputImage, TOutputImage >Applies a linear transformation to the intensity levels of the input Image
itk::RGBAPixel< TComponent >Represent Red, Green, Blue cand Alpha component for color images
itk::RGBGibbsPriorFilter< TInputImage, TClassifiedImage >
itk::RGBPixel< TComponent >Represent Red, Green and Blue component for color images
itk::RGBToVectorImageAdaptor< TImage >Presents an image of pixel type RGBPixel as being and image of Vectors
itk::Accessor::RGBToVectorPixelAccessor< T >Give access to a RGBPixel as if it were a Vector type
itk::Rigid2DTransform< TScalarType >Rigid2DTransform of a vector space (e.g. space coordinates)
itk::Rigid3DPerspectiveTransform< TScalarType >Rigid3DTramsform of a vector space (e.g. space coordinates)
itk::Rigid3DTransform< TScalarType >Rigid3DTransform of a vector space (e.g. space coordinates)
itk::Concept::SameDimension< D1, D2 >
itk::Concept::SameDimension< D1, D2 >::Constraints
itk::Concept::SameType< T1, T2 >
itk::Concept::SameType< T1, T2 >::Constraints
itk::Statistics::Sample< TMeasurementVector >Sample defines common iterfaces for each subclasses
itk::Statistics::SampleAlgorithmBase< TInputSample >Calculates sample mean
itk::Statistics::SampleClassifier< TSample >Integration point for MembershipCalculator, DecisionRule, and target sample data
itk::Statistics::SampleToHistogramProjectionFilter< TInputSample, THistogramMeasurement >Projects measurement vectors on to an axis to generate an 1D histogram
itk::ScalarAnisotropicDiffusionFunction< TImage >
itk::Functor::ScalarToArrayCast< TInput, TOutput >
itk::ScalarToArrayCastImageFilter< TInputImage, TOutputImage >Casts input vector pixels to output vector pixel type
itk::Functor::ScalarToRGBPixelFunctor< TScalar >Function object which maps a scalar value into an RGB pixel value
itk::ScalarVector< TScalar, TVector, TVectorDimension >A templated class holding bot scalar and vector values and responding to the GetScalar() and GetVector() methods
itk::ScaleTransform< TScalarType, NDimensions >Scale transformation of a vector space (e.g. space coordinates)
itk::Scene< SpaceDimension >A Scene has a list of SpatialObjects
itk::SegmentationBorderBase class for SegmentationBorder object
itk::SegmentationLevelSetFunction< TImageType, TFeatureImageType >
itk::SegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType, TOutputImage >A base class which defines the API for implementing a special class of image segmentation filters using level set methods
itk::SegmentationRegionBase class for SegmentationRegion object
itk::watershed::Segmenter< TInputImage >
itk::watershed::Segmenter< TInputImage >::connectivity_t
itk::watershed::Segmenter< TInputImage >::flat_region_t
itk::watershed::SegmentTable< TScalarType >
itk::watershed::SegmentTable< TScalarType >::edge_pair_t
itk::watershed::SegmentTable< TScalarType >::segment_t
itk::watershed::SegmentTree< TScalarType >
itk::watershed::SegmentTree< TScalarType >::merge_comp
itk::watershed::SegmentTree< TScalarType >::merge_t
itk::watershed::SegmentTree< TScalarType >::sort_comp
itk::watershed::SegmentTreeGenerator< TScalarType >
itk::ShapeDetectionLevelSetFunction< TImageType, TFeatureImageType >This function is used in ShapeDetectionLevelSetImageFilter to segment structures in images based on user supplied edge potential map
itk::ShapeDetectionLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType >Segments structures in images based on user supplied edge potential map
itk::ShapedNeighborhoodIterator< TImage, TBoundaryCondition >A neighborhood iterator which can take on an arbitrary shape
itk::ShapedNeighborhoodIterator< TImage, TBoundaryCondition >::Iterator
itk::ShiftScaleImageFilter< TInputImage, TOutputImage >Shift and scale the pixels in an image
itk::ShrinkImageFilter< TInputImage, TOutputImage >Reduce the size of an image by an integer factor in each dimension
itk::Function::Sigmoid< TInput, TOutput >
itk::SigmoidImageFilter< TInputImage, TOutputImage >Computes the sigmoid function pixel-wise
itk::Similarity2DTransform< TScalarType >Similarity2DTransform of a vector space (e.g. space coordinates)
itk::SimilarityIndexImageFilter< TInputImage1, TInputImage2 >Measures the similarity between the set of non-zero pixels of two images
itk::SimpleConstMemberCommand< T >Command subclass that calls a pointer to a member function
itk::SimpleFastMutexLockCritical section locking class that can be allocated on the stack
itk::SimpleFuzzyConnectednessScalarImageFilter< TInputImage, TOutputImage >
itk::SimpleMemberCommand< T >Command subclass that calls a pointer to a member function
itk::SimpleMutexLockSimple mutual exclusion locking class
itk::Function::Sin< TInput, TOutput >
itk::SingleValuedCostFunctionThis class is a base for the CostFunctions returning a single value
itk::SingleValuedNonLinearOptimizerThis class is a base for the Optimization methods that optimize a single valued function
itk::SingleValuedNonLinearVnlOptimizerThis class is a base for the Optimization methods that optimize a single valued function
itk::SingleValuedVnlCostFunctionAdaptorThis class is an Adaptor that allows to pass itk::SingleValuedCostFunctions to vnl_optimizers expecting a vnl_cost_function
itk::SinImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the sin() of its pixels
itk::SinImageFilter< TInputImage, TOutputImage >Computes the sin(x) pixel-wise
itk::Accessor::SinPixelAccessor< TInternalType, TExternalType >Give access to the sin() function of a value
itk::Size< VDimension >Represent the size (bounds) of a n-dimensional image
itk::SliceIterator< TPixel, TContainer >A flexible iterator for itk containers(i.e. itk::Neighborhood) that support pixel access through operator[]
itk::SmartNeighborhoodIterator< TImage, TBoundaryCondition >An extension of NeighborhoodIterator that automatically performs bounds checking on the image and returns user-supplied boundary conditions for out-of-bounds pixels
itk::SmartPointer< TObjectType >Implements transparent reference counting
itk::SmartPointerForwardReference< T >Implements transparent reference counting in situations where forward references / cyclic include depndencies are a problem
itk::SobelEdgeDetectionImageFilter< TInputImage, TOutputImage >Implements the Sobel Edge Detection.The Sobel operator performs a 2D/ND spatial gradient measurement on an image and so emphasizes regions of high spatial gradient that correspond to edges. Typically it is used to find the approximate absolute gradient magnitude at each point in an input greyscale image
itk::SobelOperator< TPixel, VDimension, TAllocator >A NeighborhoodOperator for doing Sobel operation at a pixel
itk::fem::SolutionProvides functions to access the values of the solution vector
itk::fem::SolverMain FEM solver
itk::fem::SolverCrankNicolsonFEM Solver for time dependent problems; uses Crank-Nicolson implicit discretization scheme
itk::fem::SolverHyperbolicSolver class suitable for hyperbolic problems
itk::SparseFieldCityBlockNeighborList< TNeighborhoodType >A convenience class for storing indicies which reference neighbor pixels within a neighborhood
itk::SparseFieldLayer< TNodeType >
itk::SparseFieldLayer< TNodeType >::RegionType
itk::SparseFieldLayerIterator< TNodeType >
itk::SparseFieldLevelSetImageFilter< TInputImage, TOutputImage >This class implements a finite difference partial differential equation solver for evolving surfaces embedded in volumes as level-sets
SparseFieldLevelSetImageFilter< TInputImage, Image< TOutputPixelType,::itk::GetImageDimension< TInputImage >::ImageDimension >>
itk::SparseFieldLevelSetNode< TValueType >
itk::Statistics::SparseFrequencyContainer< TFrequencyValue >His class is a container for an histogram
itk::SpatialFunction< TOutput, VImageDimension, TInput >N-dimensional spatial function class
itk::SpatialFunctionImageEvaluatorFilter< TSpatialFunction, TInputImage, TOutputImage >Evaluates a SpatialFunction onto a source image
itk::SpatialObject< TDimension >Implementation of the composite pattern
itk::SpatialObjectPoint< TPointDimension >Point used for spatial objets
itk::SpatialObjectProperty< TComponentType >
itk::SpatialObjectToImageFilter< TInputSpatialObject, TOutputImage >Base class for filters that take a SpatialObject as input and produce an image as output. By default, if the user does not specify the size of the output image, the maximum size of the object's bounding box is used. The spacing of the image is given by the spacing of the input Spatial object
itk::SphereMeshSource< TOutputMesh >
itk::SphereSpatialFunction< VImageDimension, TInput >Spatial function implementation of a sphere
itk::Function::Sqrt< TInput, TOutput >
itk::SqrtImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the sqrt() of its pixels
itk::SqrtImageFilter< TInputImage, TOutputImage >Computes the sqrt(x) pixel-wise
itk::Accessor::SqrtPixelAccessor< TInternalType, TExternalType >Give access to the sqrt() function of a value
itk::Functor::SquaredDifference2< TInput1, TInput2, TOutput >
itk::SquaredDifferenceImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements pixel-wise the computation of squared difference
itk::StatisticsImageFilter< TInputImage >Compute min. max, variance and mean of an Image
STLConstContainerAdaptor
itk::STLConstContainerAdaptor< TContainer >
itk::STLContainerAdaptor< TContainer >
STLContainerAdaptor
itk::StreamingImageFilter< TInputImage, TOutputImage >Pipeline object to control data streaming for large data processing
itk::Function::Sub2< TInput1, TInput2, TOutput >
itk::Statistics::Subsample< TSample >
itk::Statistics::Subsample< TSample >::Iterator
itk::SubtractImageFilter< TInputImage1, TInputImage2, TOutputImage >Implements an operator for pixel-wise subtraction of two images
itk::SurfaceSpatialObject< TDimension >Representation of a Surface based on the spatial object classes
itk::SurfaceSpatialObjectPoint< TPointDimension >Point used for a Surface definition
itk::SymmetricEigenSystem< TMatrixElement, VNumberOfRows >Wrapper of the vnl_symmetric_eigensystem algorithm
itk::SymmetricEllipsoidInteriorExteriorSpatialFunction< VDimension, TInput >
itk::Statistics::TableLookupSampleClassifier< TSample >Integration point for MembershipCalculator, DecisionRule, and target sample data with a pre-calculated look up table
itk::Function::Tan< TInput, TOutput >
itk::TanImageAdaptor< TImage, TOutputPixelType >Presents an image as being composed of the tan() of its pixels
itk::TanImageFilter< TInputImage, TOutputImage >Computes the tan(x) pixel-wise
itk::Accessor::TanPixelAccessor< TInternalType, TExternalType >Give access to the tan() function of a value
itk::TargetClass
itk::TCellTemplate parameter used to define superclass for CellBoundary
itk::TernaryAddImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage >Implements pixel-wise addition of three images
itk::TernaryFunctorImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage, TFunction >Implements pixel-wise generic operation of three images
itk::TernaryMagnitudeImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage >Implements pixel-wise addition of three images
itk::TernaryMagnitudeSquaredImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage >Implements pixel-wise addition of three images
itk::TetrahedronBoundary< TCellInterface >
itk::TetrahedronCell< TCellInterface >
itk::TetrahedronCellTopology
itk::TextOutput
itk::ThinPlateR2LogRSplineKernelTransform< TScalarType, NDimensions >
itk::ThinPlateSplineKernelTransform< TScalarType, NDimensions >
itk::ThresholdImageFilter< TImage >Set image values to a user-specified value if they are below, above, or between simple threshold values
itk::ThresholdSegmentationLevelSetFunction< TImageType, TFeatureImageType >This function is used in ThresholdSegmentationLevelSetImageFilter to segment structures in images based on intensity values
itk::ThresholdSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType >Segments structures in images based on intensity values
itk::TimeProbe
itk::TimeProbesCollectorBase
itk::TimeStampGenerate a unique, increasing time value
itk::TobogganImageFilter< TInputImage >Toboggan image segmentation The Toboggan segmentation takes a gradient magnitude image as input and produces an (over-)segmentation of the image based on connecting each pixel to a local minimum of gradient. It is roughly equivalent to a watershed segmentation of the lowest level
itk::TorusInteriorExteriorSpatialFunction< VDimension, TInput >Spatial function implementation of torus symmetric about the z-axis in 3D
itk::Transform< TScalarType, NInputDimensions, NOutputDimensions >Transform points and vector from an input space to an output space
itk::TransformMeshFilter< TInputMesh, TOutputMesh, TTransform >
itk::TranslationTransform< TScalarType, NDimensions >Translation transformation of a vector space (e.g. space coordinates)
itk::TriangleBoundary< TCellInterface >
itk::TriangleCell< TCellInterface >
itk::TriangleCellTopology
itk::TubeSpatialObject< TDimension >Representation of a tube based on the spatial object classes
itk::TubeSpatialObjectPoint< TPointDimension >Point used for a tube definition
itk::TwoOutputExampleImageFilter< TImage >Example of a filter that produce two outputs
itk::UnaryFunctorImageFilter< TInputImage, TOutputImage, TFunction >Implements pixel-wise generic operation on one image
itk::Concept::Detail::UniqueType< T >
itk::Concept::Detail::UniqueType_int<>
itk::Concept::Detail::UniqueType_unsigned_int< int >
itk::ImageToImageFilterDetail::UnsignedIntDispatch< int >Templated class to produce a unique type for each unsigned integer (usually a dimension)
itk::ValarrayImageContainer< TElementIdentifier, TElement >
Vardesc
itk::VarianceImageFunction< TInputImage, TCoordRep >Calculate the variance in the neighborhood of a pixel
vcl_simple_alloc< T, Alloc >
itk::Vector< T, NVectorDimension >A templated class holding a n-Dimensional vector
itk::VectorAnisotropicDiffusionFunction< TImage >
itk::Functor::VectorCast< TInput, TOutput >
itk::VectorCastImageFilter< TInputImage, TOutputImage >Casts input vector pixels to output vector pixel type
itk::VectorContainer< TElementIdentifier, TElement >
itk::VectorContainer< TElementIdentifier, TElement >::ConstIterator
itk::VectorContainer< TElementIdentifier, TElement >::Iterator
itk::VectorCurvatureAnisotropicDiffusionImageFilter< TInputImage, TOutputImage >
itk::VectorCurvatureNDAnisotropicDiffusionFunction< TImage >
itk::VectorExpandImageFilter< TInputImage, TOutputImage >Expand the size of a vector image by an integer factor in each dimension
itk::VectorFuzzyConnectednessImageFilter< TInputImage, TOutputImage >
itk::VectorGradientAnisotropicDiffusionImageFilter< TInputImage, TOutputImage >
itk::VectorGradientMagnitudeImageFilter< TInputImage, TRealType, TOutputImage >Computes a scalar, gradient magnitude image from a multiple channel (pixels are vectors) input
itk::VectorGradientNDAnisotropicDiffusionFunction< TImage >
itk::Functor::VectorIndexSelectionCast< TInput, TOutput >
itk::VectorIndexSelectionCastImageFilter< TInputImage, TOutputImage >Extracts the selected index of the vector that is the input pixel type
itk::VectorInterpolateImageFunction< TInputImage, TCoordRep, TPixelType >Base class for all vector image interpolaters
itk::VectorLinearInterpolateImageFunction< TInputImage, TCoordRep >Linearly interpolate a vector image at specified positions
itk::VectorNeighborhoodInnerProduct< TImage >
itk::VectorNeighborhoodOperatorImageFilter< TInputImage, TOutputImage >Applies a single scalar NeighborhoodOperator to an itk::Vector image region
itk::VectorToRGBImageAdaptor< TImage >Presents an image of pixel type Vector as being and image of RGBPixel type
itk::Accessor::VectorToRGBPixelAccessor< T >Give access to a Vector pixel type as if it were a RGBPixel type
itk::VersionTrack the current version of the software
itk::Versor< T >A templated class holding a unit quaternion
itk::VersorRigid3DTransform< TScalarType >VersorRigid3DTransform of a vector space (e.g. space coordinates)
itk::VersorTransform< TScalarType >
itk::VersorTransformOptimizerImplement a gradient descent optimizer
itk::VertexBoundary< TCellInterface >
itk::VertexCell< TCellInterface >
itk::fem::VisitorDispatcher< TVisitedClass, TVisitorBase, TVisitFunctionPointerType >This class provides the functionality needed to apply the correct visitor function to object of some class. The specific visitor function is choosen, based on a given pointer to some object
itk::fem::VisitorDispatcherTemplateHelper< TVisitedClass, TVisitorBase >
vnl_alloc
vnl_amoeba
vnl_amoeba_SimplexCorner
vnl_brent
vnl_c_vector< T >
vnl_cholesky
vnl_complex_eigensystem
vnl_complex_traits< T >
vnl_complex_traits< vcl_complex< double > >
vnl_complex_traits< vcl_complex< float > >
vnl_conjugate_gradient
vnl_cost_function
vnl_cpoly_roots
vnl_cross_product_matrix
vnl_diag_matrix< T >
vnl_double_2x3
vnl_double_3x2
vnl_fastops
vnl_fft1d< T >
vnl_fft2d< T >
vnl_fft_1d< T >
vnl_fft_2d< T >
vnl_fft_base< D, T >
vnl_fft_prime_factors< T >
vnl_fftxd_prime_factors< T >
vnl_file_matrix< T >
vnl_file_vector< T >
vnl_fortran_copy< T >
vnl_gaussian_kernel_1d
vnl_generalized_eigensystem
vnl_identity< T >
vnl_identity_3x3
vnl_int_matrix
vnl_lbfgs
vnl_least_squares_cost_function
vnl_least_squares_function
vnl_levenberg_marquardt
vnl_linear_system
vnl_lsqr
vnl_math
vnl_matlab_filewrite
vnl_matlab_header
vnl_matlab_print_proxy< T >
vnl_matlab_readhdr
vnl_matops
vnl_matrix< T >
vnl_matrix_fixed< T, m, n >
vnl_matrix_fixed_ref< T, m, n >
vnl_matrix_inverse< T >
vnl_matrix_ref< T >
vnl_netlib
vnl_nonlinear_minimizer
vnl_numeric_limits< T >
vnl_numeric_limits< double >
vnl_numeric_limits< float >
vnl_numeric_limits< long >
vnl_numeric_limits< short >
vnl_numeric_limits< unsigned char >
vnl_numeric_limits< unsigned long >
vnl_numeric_limits< unsigned short >
vnl_numeric_limits< vnl_tmp_signed32 >
vnl_numeric_traits< T >
vnl_numeric_traits< bool >
vnl_numeric_traits< double >
vnl_numeric_traits< float >
vnl_numeric_traits< int >
vnl_numeric_traits< long >
vnl_numeric_traits< long double >
vnl_numeric_traits< short >
vnl_numeric_traits< signed char >
vnl_numeric_traits< unsigned char >
vnl_numeric_traits< unsigned int >
vnl_numeric_traits< unsigned long >
vnl_numeric_traits< unsigned short >
vnl_numeric_traits< vcl_complex< double > >
vnl_numeric_traits< vcl_complex< float > >
vnl_numeric_traits< vcl_complex< long double > >
vnl_powell
vnl_qr< T >
vnl_quaternion< T >
vnl_real_eigensystem
vnl_real_npolynomial
vnl_real_polynomial
vnl_rnpoly_solve
vnl_rpoly_roots
vnl_scalar_join_iterator< T >
vnl_scalar_join_iterator_indexed_pair< T >
vnl_scatter_3x3< T >
vnl_sparse_matrix< T >
vnl_sparse_matrix_linear_system< T >
vnl_sparse_matrix_pair< T >
vnl_sparse_matrix_pair< T >::less
vnl_sparse_symmetric_eigensystem
vnl_svd< T >
vnl_symmetric_eigensystem< T >
vnl_tag_add
vnl_tag_div
vnl_tag_grab
vnl_tag_mul
vnl_tag_sub
vnl_transpose
vnl_unary_function< Return, Argument >
vnl_vector< T >
vnl_vector_dereference< T >
vnl_vector_fixed< T, n >
vnl_vector_ref< T >
itk::VOLImageIORead and write .VOL 3D ultrasound images
itk::VOLImageIOFactoryCreate instances of VOLImageIO objects using an object factory
itk::VolumeSplineKernelTransform< TScalarType, NDimensions >
itk::VoronoiDiagram2D< TCoordType >Implements the 2-Dimensional Voronoi Diagram
itk::VoronoiDiagram2D< TCoordType >::VoronoiEdge
itk::VoronoiDiagram2DGenerator< TCoordType >Implement the Sweep Line Algorithm for the construction of the 2D Voronoi Diagram
itk::VoronoiPartitioningImageFilter< TInputImage, TOutputImage >
itk::VoronoiSegmentationImageFilter< TInputImage, TOutputImage >
itk::VoronoiSegmentationImageFilterBase< TInputImage, TOutputImage >
itk::VoronoiSegmentationRGBImageFilter< TInputImage, TOutputImage >
itk::VTKImageExport< TInputImage >Connect the end of an ITK image pipeline to a VTK pipeline
itk::VTKImageExportBaseSuperclass for VTKImageExport instantiations
itk::VTKImageImport< TOutputImage >Connect the end of an VTK pipeline to an ITK image pipeline
itk::VTKImageIOImageIO class for reading VTK images
itk::VTKImageIOFactoryCreate instances of VTKImageIO objects using an object factory
itk::WarpImageFilter< TInputImage, TOutputImage, TDeformationField >Warps an image using an input deformation field
itk::WatershedImageFilter< TInputImage >A low-level image analysis algorithm that automatically produces a hierarchy of segmented, labeled images from a scalar-valued image input
itk::WatershedMiniPipelineProgressCommand
itk::watershed::WatershedSegmenter
itk::watershed::WatershedSegmentTreeGenerator
itk::WeakPointer< TObjectType >Implements a weak reference to an object
itk::Statistics::WeightedCenteroidKdTreeGenerator< TSample >WeightedCenteroidKdTreeGenerator
itk::Statistics::WeightedCovarianceCalculator< TSample >Calculates the covariance matrix of the target sample data where each measurement vector has an associated weight value
itk::Statistics::WeightedMeanCalculator< TSample >Calculates sample mean where each measurement vector has associated weight value
itk::Win32OutputWindowCollect error and debug messages on Win32-based systems
itk::WrapPadImageFilter< TInputImage, TOutputImage >Increase the image size by padding with replicants of the input image value
itk::WriterThe base class for all data writers
itk::XMLFileOutputWindowMessages sent from the system are sent to a file with each message enclosed by XML tags
itk::ZeroCrossingBasedEdgeDetectionImageFilter< TInputImage, TOutputImage >
itk::ZeroCrossingImageFilter< TInputImage, TOutputImage >
itk::ZeroFluxNeumannBoundaryCondition< TImage >A function object that determines a neighborhood of values at an image boundary according to a Neumann boundary condition where first, upwind derivatives on the boundary are zero. This is a useful condition in solving some classes of differential equations

Generated at Fri May 21 01:16:13 2004 for ITK by doxygen 1.2.15 written by Dimitri van Heesch, © 1997-2000