|
Classes |
class | itk::AnisotropicFourthOrderLevelSetImageFilter< TInputImage, TOutputImage > |
| This class implements the 4th-order level set anisotropic diffusion (smoothing) PDE. More...
|
class | itk::AntiAliasBinaryImageFilter< TInputImage, TOutputImage > |
class | itk::AutomaticTopologyMeshSource< TOutputMesh > |
| Convenience class for generating meshes. More...
|
class | itk::AutomaticTopologyMeshSource< TOutputMesh >::IdentifierArrayHashFunction |
class | itk::AutomaticTopologyMeshSource< TOutputMesh >::IdentifierArrayEqualsFunction |
class | itk::BalloonForceFilter< TInputMesh, TOutputMesh > |
class | itk::BinaryMask3DMeshSource< TOutputMesh > |
class | itk::BinaryMedialNodeMetric< VDimensions > |
class | itk::BinaryMinMaxCurvatureFlowFunction< TImage > |
class | itk::BinaryMinMaxCurvatureFlowImageFilter< TInputImage, TOutputImage > |
| Denoise a binary image using min/max curvature flow. More...
|
class | itk::BinaryPruningImageFilter< TInputImage, TOutputImage > |
class | itk::BinaryThinningImageFilter< TInputImage, TOutputImage > |
| This filter computes one-pixel-wide edges of the input image. More...
|
class | itk::CannySegmentationLevelSetFunction< TImageType, TFeatureImageType > |
| A refinement of the standard level-set function which computes a speed term and advection term based on pseudo-Canny edges. See CannySegmentationLevelSetImageFilter for complete information. More...
|
class | itk::CannySegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on image features derived from pseudo-canny-edges. More...
|
class | itk::ClassifierBase< TDataContainer > |
| Base class for classifier object. More...
|
class | itk::CompareHistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Compares Histograms between two images to be registered to a Training Histogram. More...
|
class | itk::ConnectedRegionsMeshFilter< TInputMesh, TOutputMesh > |
| Extract portions of a mesh that are connected at vertices. More...
|
class | itk::CoreAtomImageToUnaryCorrespondenceMatrixProcess< TSourceImage > |
class | itk::CorrelationCoefficientHistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Computes correlation coefficient similarity measure between two images to be registered. More...
|
class | itk::CurvatureFlowFunction< TImage > |
struct | itk::CurvatureFlowFunction< TImage >::GlobalDataStruct |
class | itk::CurvatureFlowImageFilter< TInputImage, TOutputImage > |
| Denoise an image using curvature driven flow. More...
|
class | itk::CurvesLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in CurvesLevelSetImageFilter to segment structures in images based on user supplied edge potential map. More...
|
class | itk::CurvesLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on user supplied edge potential map. More...
|
class | itk::DeformableMesh3DFilter< TInputMesh, TOutputMesh > |
class | itk::DeformableSimplexMesh3DBalloonForceFilter< TInputMesh, TOutputMesh > |
| Additional to its superclass this model adds an balloon force component to the internal forces. More...
|
class | itk::DeformableSimplexMesh3DFilter< TInputMesh, TOutputMesh > |
| Three-dimensional deformable model for image segmentation. More...
|
class | itk::DemonsRegistrationFilter< TFixedImage, TMovingImage, TDeformationField > |
| Deformably register two images using the demons algorithm. More...
|
class | itk::DemonsRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
struct | itk::DemonsRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct |
class | itk::EuclideanDistancePointMetric< TFixedPointSet, TMovingPointSet, TDistanceMap > |
| Computes the minimum distance between a moving point-set and a fixed point-set. A vector of minimum closest point distance is created for each point in the moving point-set. No correspondance is needed. For speed consideration, the point-set with the minimum number of points should be used as the moving point-set. If the number of points is high, the possibility of setting a distance map should improve the speed of the closest point computation. More...
|
class | itk::ExtensionVelocitiesImageFilter< TLevelSet, TAuxValue, VAuxDimension > |
| Extend velocities smoothly from a particular level set. More...
|
class | itk::FastChamferDistanceImageFilter< TInputImage, TOutputImage > |
| This class compute the signed (positive and negative) chamfer distance in a narrow band. More...
|
class | itk::FastMarchingExtensionImageFilter< TLevelSet, TAuxValue, VAuxDimension, TSpeedImage > |
| Extend auxiliary variables smoothly using Fast Marching. More...
|
class | itk::FastMarchingImageFilter< TLevelSet, TSpeedImage > |
| Solve an Eikonal equation using Fast Marching. More...
|
class | itk::FastMarchingImageFilter< TLevelSet, TSpeedImage >::AxisNodeType |
class | itk::FFTComplexConjugateToRealImageFilter< TPixel, Dimension > |
class | itk::FFTRealToComplexConjugateImageFilter< TPixel, Dimension > |
class | itk::GeodesicActiveContourLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in GeodesicActiveContourLevelSetImageFilter to segment structures in an image based on a user supplied edge potential map. More...
|
class | itk::GeodesicActiveContourLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on a user supplied edge potential map. More...
|
class | itk::GeodesicActiveContourShapePriorLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in GeodesicActiveContourShapePriorSegmentationLevelSetFilter to segment structures in an image based on user supplied edge potential map and shape model. More...
|
class | itk::GeodesicActiveContourShapePriorLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in an image based on a user supplied edge potential map and user supplied shape model. More...
|
class | itk::GradientDifferenceImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two objects to be registered. More...
|
class | 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. More...
|
class | itk::HistogramAlgorithmBase< TInputHistogram > |
| base class for algorithms operating on histograms More...
|
class | itk::HistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two objects to be registered. More...
|
class | itk::HistogramMatchingImageFilter< TInputImage, TOutputImage > |
| Normalize the grayscale values between two image by histogram matching. More...
|
class | itk::ImageClassifierBase< TInputImage, TClassifiedImage > |
| Base class for ImageClassifierBase object. More...
|
class | itk::ImageGaussianModelEstimator< TInputImage, TMembershipFunction, TTrainingImage > |
| Base class for ImageGaussianModelEstimator object. More...
|
class | itk::ImageKmeansModelEstimator< TInputImage, TMembershipFunction > |
| Base class for ImageKmeansModelEstimator object. More...
|
class | itk::ImageModelEstimatorBase< TInputImage, TMembershipFunction > |
| Base class for model estimation from images used for classification. More...
|
class | itk::ImageMomentsCalculator< TImage > |
| Compute moments of an n-dimensional image. More...
|
class | itk::ImagePCADecompositionCalculator< TInputImage, TBasisImage > |
| Decomposes an image into directions along basis components. More...
|
class | itk::ImagePCAShapeModelEstimator< TInputImage, TOutputImage > |
| Base class for ImagePCAShapeModelEstimator object. More...
|
class | itk::ImageRegistrationMethod< TFixedImage, TMovingImage > |
| Base class for Image Registration Methods. More...
|
class | itk::ImageShapeModelEstimatorBase< TInputImage, TOutputImage > |
| Base class for statistical shape model estimation. More...
|
class | itk::ImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between regions of two images. More...
|
class | itk::ImageToSpatialObjectMetric< TFixedImage, TMovingSpatialObject > |
| Computes similarity between a moving spatial obejct and an Image to be registered. More...
|
class | itk::ImageToSpatialObjectRegistrationMethod< TFixedImage, TMovingSpatialObject > |
| Base class for Image Registration Methods. More...
|
class | itk::IsoContourDistanceImageFilter< TInputImage, TOutputImage > |
| Compute an approximate distance from an interpolated isocontour to the close grid points. More...
|
class | itk::IsolatedWatershedImageFilter< TInputImage, TOutputImage > |
| Isolate watershed basins using two seeds. More...
|
class | itk::IsotropicFourthOrderLevelSetImageFilter< TInputImage, TOutputImage > |
| This class implements the 4th-order level set isotropic diffusion (smoothing) PDE. More...
|
class | itk::KalmanLinearEstimator< T, VEstimatorDimension > |
| Implement a linear recursive estimator. More...
|
class | itk::KappaStatisticImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two binary objects to be registered. More...
|
class | itk::KLMRegionGrowImageFilter< TInputImage, TOutputImage > |
| Base class for a region growing object that performs energy-based region growing for multiband images. More...
|
class | itk::KullbackLeiblerCompareHistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Computes the Kubler Lieblach(KL) metric between the histogram of the two images to be registered and a training histogram. More...
|
class | itk::LaplacianSegmentationLevelSetFunction< TImageType, TFeatureImageType > |
class | itk::LaplacianSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on a second derivative image features. More...
|
class | itk::LevelSetMotionRegistrationFilter< TFixedImage, TMovingImage, TDeformationField > |
| Deformably register two images using level set motion. More...
|
class | itk::LevelSetMotionRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
struct | itk::LevelSetMotionRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct |
class | itk::LevelSetNeighborhoodExtractor< TLevelSet > |
| Locate pixels of a particular level set. More...
|
class | itk::LevelSetVelocityNeighborhoodExtractor< TLevelSet, TAuxValue, VAuxDimension > |
| Locate pixels of a particular level set. More...
|
class | itk::MatchCardinalityImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two objects to be registered. More...
|
struct | itk::MatchCardinalityImageToImageMetric< TFixedImage, TMovingImage >::ThreadStruct |
class | itk::MattesMutualInformationImageToImageMetric< TFixedImage, TMovingImage > |
| Computes the mutual information between two images to be registered using the method of Mattes et al. More...
|
class | itk::MattesMutualInformationImageToImageMetric< TFixedImage, TMovingImage >::FixedImageSpatialSample |
class | itk::MeanReciprocalSquareDifferenceImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two objects to be registered. More...
|
class | itk::MeanReciprocalSquareDifferencePointSetToImageMetric< TTarget, TMapper > |
| Computes similarity between two objects to be registered. More...
|
class | itk::MeanSquareRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
struct | itk::MeanSquareRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct |
class | itk::MeanSquaresHistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Computes mean squared difference similarity measure between two images to be registered. More...
|
class | itk::MeanSquaresImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two objects to be registered. More...
|
class | itk::MeanSquaresPointSetToImageMetric< TFixedPointSet, TMovingImage > |
| Computes similarity between pixel values of a point set and intensity values of an image. More...
|
class | itk::MedialNodePairCorrespondenceProcess< TSourceImage > |
| This process takes as inputs two core atom images, the distance matrices of the two images, and the unary correspondence matrix between the two images in order to produce an itkCorrespondenceDataStructure containing correspondences between pairs (node cliques of size 2) in the images. More...
|
class | itk::MedialNodeTripletCorrespondenceProcess< TSourceImage > |
| This process takes as inputs two core atom images, a pair correspondence data structure for the two images, and the distance matrices of the two images in order to produce an itkCorrespondenceDataStructure containing correspondences between triplets (node cliques of size 3) in the images. More...
|
class | itk::MinMaxCurvatureFlowFunction< TImage > |
struct | itk::MinMaxCurvatureFlowFunction< TImage >::DispatchBase |
struct | itk::MinMaxCurvatureFlowFunction< TImage >::Dispatch< VDimension > |
class | itk::MinMaxCurvatureFlowImageFilter< TInputImage, TOutputImage > |
| Denoise an image using min/max curvature flow. More...
|
class | itk::MIRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
struct | itk::MIRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct |
class | itk::MRASlabIdentifier< TInputImage > |
| identifies slab in MR images comparing minimum intensity averages More...
|
class | itk::MRFImageFilter< TInputImage, TClassifiedImage > |
| Implementation of a labeller object that uses Markov Random Fields to classify pixels in an image data set. More...
|
class | itk::MRIBiasEnergyFunction< TImage, TImageMask, TBiasField > |
| a cost function for optimization More...
|
class | itk::MRIBiasFieldCorrectionFilter< TInputImage, TOutputImage, TMaskImage > |
| corrects 3D MRI bias field More...
|
class | itk::MultiResolutionImageRegistrationMethod< TFixedImage, TMovingImage > |
| Base class for multi-resolution image registration methods. More...
|
class | itk::MultiResolutionPDEDeformableRegistration< TFixedImage, TMovingImage, TDeformationField > |
| Framework for perfoming multi-resolution PDE deformable registration. More...
|
class | itk::MultiResolutionPyramidImageFilter< TInputImage, TOutputImage > |
| Framework for creating images in a multi-resolution pyramid. More...
|
class | itk::MutualInformationHistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Computes the mutual information between two images to be registered using the histograms of the intensities in the images. More...
|
class | itk::MutualInformationImageToImageMetric< TFixedImage, TMovingImage > |
| Computes the mutual information between two images to be registered. More...
|
class | itk::MutualInformationImageToImageMetric< TFixedImage, TMovingImage >::SpatialSample |
class | itk::NarrowBandCurvesLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on user supplied edge potential map. More...
|
class | itk::NarrowBandLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType, TOutputImage > |
| A base class which defines the API for implementing a special class of image segmentation filters using level set methods. More...
|
class | itk::NarrowBandThresholdSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
class | itk::NCCRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
struct | itk::NCCRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct |
class | itk::NormalizedCorrelationImageToImageMetric< TFixedImage, TMovingImage > |
| Computes similarity between two images to be registered. More...
|
class | itk::NormalizedCorrelationPointSetToImageMetric< TFixedPointSet, TMovingImage > |
| Computes similarity between pixel values of a point set and intensity values of an image. More...
|
class | itk::NormalizedMutualInformationHistogramImageToImageMetric< TFixedImage, TMovingImage > |
| Computes normalized mutual information between two images to be registered using the histograms of the intensities in the images. More...
|
class | itk::OrthogonalSwath2DPathFilter< TFourierSeriesPath, TSwathMeritImage > |
| Filter that optimizes a 2D path relative to an image. More...
|
class | itk::OtsuMultipleThresholdsCalculator< TInputHistogram > |
| Computes Otsu's thresholds for a histogram. More...
|
class | itk::OtsuMultipleThresholdsImageFilter< TInputImage, TOutputImage > |
| Threshold an image using multiple Otsu Thresholds. More...
|
class | itk::OtsuThresholdImageCalculator< TInputImage > |
| Computes the Otsu's threshold for an image. More...
|
class | itk::OtsuThresholdImageFilter< TInputImage, TOutputImage > |
| Threshold an image using the Otsu Threshold. More...
|
class | itk::PDEDeformableRegistrationFilter< TFixedImage, TMovingImage, TDeformationField > |
| Deformably register two images using a PDE algorithm. More...
|
class | itk::PDEDeformableRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
class | itk::PointSetToImageMetric< TFixedPointSet, TMovingImage > |
| Computes similarity between a point set and an image. More...
|
class | itk::PointSetToImageRegistrationMethod< TFixedPointSet, TMovingImage > |
| Base class for PointSet to Image Registration Methods. More...
|
class | itk::PointSetToPointSetMetric< TFixedPointSet, TMovingPointSet > |
| Computes similarity between two point sets. More...
|
class | itk::PointSetToPointSetRegistrationMethod< TFixedPointSet, TMovingPointSet > |
| Base class for PointSet to PointSet Registration Methods. More...
|
class | itk::PointSetToSpatialObjectDemonsRegistration< TFixedPointSet, TMovingSpatialObject > |
| Implementation of Demons Registration between a PointSet and a SpatialObject. More...
|
class | itk::RayCastInterpolateImageFunction< TInputImage, TCoordRep > |
| Projective interpolation of an image at specified positions. More...
|
class | itk::RecursiveMultiResolutionPyramidImageFilter< TInputImage, TOutputImage > |
| Creates a multi-resolution pyramid using a recursive implementation. More...
|
class | itk::RegionGrowImageFilter< TInputImage, TOutputImage > |
| Base class for RegionGrowImageFilter object. More...
|
class | itk::RegularSphereMeshSource< TOutputMesh > |
| Inputs are the center of the mesh, the scale (radius in each dimension) of the mesh and a resolution parameter, which corresponds to the recursion depth whilie creating a sphereical triangle mesh. More...
|
class | itk::ReinitializeLevelSetImageFilter< TLevelSet > |
| Reinitialize the level set to the signed distance function. More...
|
class | itk::RGBGibbsPriorFilter< TInputImage, TClassifiedImage > |
class | itk::ScalarImageKmeansImageFilter< TInputImage > |
| Classifies the intensity values of a scalar image using the K-Means algorithm. More...
|
class | itk::SegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| A base class which defines the API for implementing a special class of image segmentation filters using level set methods. More...
|
class | itk::ShapeDetectionLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in the ShapeDetectionLevelSetImageFilter to segment structures in an image based on a user supplied edge potential map. More...
|
class | itk::ShapeDetectionLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on a user supplied edge potential map. More...
|
class | itk::ShapePriorMAPCostFunction< TFeatureImage, TOutputPixel > |
| Represents the maximum aprior (MAP) cost function used ShapePriorSegmentationLevelSetImageFilter to estimate the shape paramaeters. More...
|
class | itk::ShapePriorMAPCostFunctionBase< TFeatureImage, TOutputPixel > |
| Represents the base class of maximum aprior (MAP) cost function used ShapePriorSegmentationLevelSetImageFilter to estimate the shape paramaeters. More...
|
class | itk::ShapePriorSegmentationLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in ShapePriorSegmentationLevelSetFilter to segment structures in an image based on user supplied edge potential map and shape model. More...
|
struct | itk::ShapePriorSegmentationLevelSetFunction< TImageType, TFeatureImageType >::ShapePriorGlobalDataStruct |
class | itk::ShapePriorSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| A base class which defines the API for implementing a level set segmentation filter with statistical shape influence. More...
|
class | itk::SimplexMeshVolumeCalculator< TInputMesh > |
class | itk::SimplexMeshVolumeCalculator< TInputMesh >::SimplexCellVisitor |
class | itk::SphereMeshSource< TOutputMesh > |
class | itk::STAPLEImageFilter< TInputImage, TOutputImage > |
| The STAPLE filter implements the Simultaneous Truth and Performance Level Estimation algorithm for generating ground truth volumes from a set of binary expert segmentations. More...
|
class | itk::StructHashFunction< TInput > |
| Generic hash function for an arbitrary struct (or class). More...
|
class | itk::SymmetricForcesDemonsRegistrationFilter< TFixedImage, TMovingImage, TDeformationField > |
| Deformably register two images using the demons algorithm. More...
|
class | itk::SymmetricForcesDemonsRegistrationFunction< TFixedImage, TMovingImage, TDeformationField > |
struct | itk::SymmetricForcesDemonsRegistrationFunction< TFixedImage, TMovingImage, TDeformationField >::GlobalDataStruct |
class | itk::ThresholdSegmentationLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in ThresholdSegmentationLevelSetImageFilter to segment structures in images based on intensity values. More...
|
class | itk::ThresholdSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on intensity values. More...
|
class | itk::UnaryMedialNodeMetric< VDimensions > |
| Compares the scale and dimensionality of two medial nodes. More...
|
class | itk::UnsharpMaskLevelSetImageFilter< TInputImage, TOutputImage > |
| This class implements a detail enhancing filter by making use of the 4th-order level set isotropic diffusion (smoothing) PDE. More...
|
class | itk::VectorThresholdSegmentationLevelSetFunction< TImageType, TFeatureImageType > |
| This function is used in VectorThresholdSegmentationLevelSetImageFilter to segment structures in images based on the Mahalanobis distance. More...
|
class | itk::VectorThresholdSegmentationLevelSetImageFilter< TInputImage, TFeatureImage, TOutputPixelType > |
| Segments structures in images based on intensity values. More...
|
class | itk::VnlFFTComplexConjugateToRealImageFilter< TPixel, Dimension > |
class | itk::VnlFFTRealToComplexConjugateImageFilter< TPixel, Dimension > |
class | itk::VoronoiDiagram2D< TCoordType > |
| Implements the 2-Dimensional Voronoi Diagram. More...
|
class | itk::VoronoiDiagram2D< TCoordType >::VoronoiEdge |
class | itk::VoronoiDiagram2DGenerator< TCoordType > |
| Implement the Sweep Line Algorithm for the construction of the 2D Voronoi Diagram. More...
|
class | itk::VoronoiDiagram2DGenerator< TCoordType >::FortuneSite |
class | itk::VoronoiDiagram2DGenerator< TCoordType >::FortuneEdge |
class | itk::VoronoiDiagram2DGenerator< TCoordType >::FortuneHalfEdge |
class | itk::VoronoiPartitioningImageFilter< TInputImage, TOutputImage > |
class | itk::VoronoiSegmentationImageFilter< TInputImage, TOutputImage, TBinaryPriorImage > |
class | itk::VoronoiSegmentationImageFilterBase< TInputImage, TOutputImage, TBinaryPriorImage > |
class | itk::VoronoiSegmentationRGBImageFilter< TInputImage, TOutputImage > |
class | itk::WatershedImageFilter< TInputImage > |
| A low-level image analysis algorithm that automatically produces a hierarchy of segmented, labeled images from a scalar-valued image input. More...
|
class | itk::WatershedMiniPipelineProgressCommand |
class | itk::AbsImageFilter< TInputImage, TOutputImage > |
| Computes the ABS(x) pixel-wise. More...
|
class | itk::AbsoluteValueDifferenceImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements pixel-wise the computation of absolute value difference. More...
|
class | itk::AcosImageFilter< TInputImage, TOutputImage > |
| Computes the acos(x) pixel-wise. More...
|
class | itk::AdaptImageFilter< TInputImage, TOutputImage, TAccessor > |
| Convert an image to another pixel type using the specified data accessor. More...
|
class | itk::AdaptiveHistogramEqualizationImageFilter< TImageType > |
class | itk::AddImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements an operator for pixel-wise addition of two images. More...
|
class | itk::AndImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements the AND logical operator pixel-wise between two images. More...
|
class | itk::AnisotropicDiffusionFunction< TImage > |
class | itk::AnisotropicDiffusionImageFilter< TInputImage, TOutputImage > |
class | itk::AsinImageFilter< TInputImage, TOutputImage > |
| Computes the asin(x) pixel-wise. More...
|
class | itk::Atan2ImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Computes arctangent pixel-wise from two images. More...
|
class | itk::AtanImageFilter< TInputImage, TOutputImage > |
| Computes the atan(x) pixel-wise. More...
|
class | itk::BilateralImageFilter< TInputImage, TOutputImage > |
| Blurs an image while preserving edges. More...
|
class | itk::BinaryDilateImageFilter< TInputImage, TOutputImage, TKernel > |
| Binary dilation of an image. More...
|
class | itk::BinaryErodeImageFilter< TInputImage, TOutputImage, TKernel > |
| Binary erosion of an image. More...
|
class | itk::BinaryFunctorImageFilter< TInputImage1, TInputImage2, TOutputImage, TFunction > |
| Implements pixel-wise generic operation of two images. More...
|
class | itk::BinaryMagnitudeImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements pixel-wise the computation of square root of the sum of squares. More...
|
class | itk::BinaryMaskToNarrowBandPointSetFilter< TInputImage, TOutputMesh > |
| Generate a PointSet containing the narrow band around the edges of a input binary image. More...
|
class | itk::BinaryMedianImageFilter< TInputImage, TOutputImage > |
| Applies an version of the median filter optimized for binary images. More...
|
class | itk::BinaryThresholdImageFilter< TInputImage, TOutputImage > |
| Binarize an input image by thresholding. More...
|
class | itk::BinomialBlurImageFilter< TInputImage, TOutputImage > |
| Performs a separable blur on each dimension of an image. More...
|
class | itk::BloxBoundaryPointImageToBloxBoundaryProfileImageFilter< TSourceImage > |
| Converts a BloxImage of BloxBoundaryPoints to a BloxImage of BloxBoundaryProfiles. More...
|
class | itk::BloxBoundaryPointToCoreAtomImageFilter< dim > |
| Converts a gradient image to an BloxImage of BloxBoundaryPoints. More...
|
class | itk::BloxBoundaryProfileImageToBloxCoreAtomImageFilter< TSourceImage, dim > |
class | itk::BoundedReciprocalImageFilter< TInputImage, TOutputImage > |
| Computes 1/(1+x) for each pixel in the image. More...
|
class | itk::BSplineCenteredL2ResampleImageFilterBase< TInputImage, TOutputImage > |
class | itk::BSplineCenteredResampleImageFilterBase< TInputImage, TOutputImage > |
| Evaluates the Centered B-Spline interpolation of an image. Spline order may be from 0 to 5. More...
|
class | itk::BSplineDecompositionImageFilter< TInputImage, TOutputImage > |
class | itk::BSplineDownsampleImageFilter< TInputImage, TOutputImage, ResamplerType > |
| Down-samples an image by a factor of 2 using B-Spline filter interpolation. More...
|
class | itk::BSplineInterpolateImageFunction< TImageType, TCoordRep, TCoefficientType > |
| Evaluates the B-Spline interpolation of an image. Spline order may be from 0 to 5. More...
|
class | 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. More...
|
class | 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. More...
|
class | itk::BSplineResampleImageFunction< TImageType, TCoordRep > |
| Resample image intensity from a BSpline coefficient image. More...
|
class | itk::BSplineUpsampleImageFilter< TInputImage, TOutputImage, ResamplerType > |
class | itk::ListNode< TValueType > |
class | itk::CannyEdgeDetectionImageFilter< TInputImage, TOutputImage > |
struct | itk::CannyEdgeDetectionImageFilter< TInputImage, TOutputImage >::CannyThreadStruct |
class | itk::CastImageFilter< TInputImage, TOutputImage > |
| Casts input pixels to output pixel type. More...
|
class | itk::ChainCodeToFourierSeriesPathFilter< TInputChainCodePath, TOutputFourierSeriesPath > |
| Filter that produces a Fourier series version of a chain code path. More...
|
class | itk::ChangeInformationImageFilter< TInputImage > |
| Change the origin, spacing and/or region of an Image. More...
|
class | itk::ComplexToImaginaryImageFilter< TInputImage, TOutputImage > |
| Computes pixel-wise the imaginary part of a complex image. More...
|
class | itk::ComplexToRealImageFilter< TInputImage, TOutputImage > |
| Computes pixel-wise the real(x) part of a complex image. More...
|
class | itk::Compose2DCovariantVectorImageFilter< TInputImage, TOutputImage > |
class | itk::Compose2DVectorImageFilter< TInputImage, TOutputImage > |
class | itk::Compose3DCovariantVectorImageFilter< TInputImage, TOutputImage > |
class | itk::Compose3DVectorImageFilter< TInputImage, TOutputImage > |
class | itk::ComposeRGBImageFilter< TInputImage, TOutputImage > |
class | itk::ConfidenceConnectedImageFilter< TInputImage, TOutputImage > |
class | itk::ConnectedComponentImageFilter< TInputImage, TOutputImage > |
| Label the objects in a binary image. More...
|
class | itk::ConnectedThresholdImageFilter< TInputImage, TOutputImage > |
| Label pixels that are connected to a seed and lie within a range of values. More...
|
class | itk::ConstantPadImageFilter< TInputImage, TOutputImage > |
| Increase the image size by padding with a constant value. More...
|
class | itk::ConstrainedValueAdditionImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements pixel-wise the computation of constrained value addition. More...
|
class | itk::ConstrainedValueDifferenceImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements pixel-wise the computation of constrained value difference. More...
|
class | itk::ContourDirectedMeanDistanceImageFilter< TInputImage1, TInputImage2 > |
| Computes the directed Mean distance between the boundaries of non-zero pixel regions of two images. More...
|
class | itk::ContourMeanDistanceImageFilter< TInputImage1, TInputImage2 > |
| Computes the Mean distance between the boundaries of non-zero regions of two images. More...
|
class | itk::CosImageFilter< TInputImage, TOutputImage > |
| Computes the cos(x) pixel-wise. More...
|
class | 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. More...
|
class | itk::CurvatureAnisotropicDiffusionImageFilter< TInputImage, TOutputImage > |
class | itk::CurvatureNDAnisotropicDiffusionFunction< TImage > |
class | itk::DanielssonDistanceMapImageFilter< TInputImage, TOutputImage > |
class | itk::DeformationFieldJacobianDeterminantFilter< TInputImage, TRealType, TOutputImage > |
| Computes a scalar image from a vector image (e.g., deformation field) input, where each output scalar at each pixel is the Jacobian determinant of the vector field at that location. More...
|
class | itk::DeformationFieldSource< TOutputImage > |
| Computes a deformation field from two sets of landmarks. More...
|
class | itk::DerivativeImageFilter< TInputImage, TOutputImage > |
| Computes the directional derivative of an image. The directional derivative at each pixel location is computed by convolution with a derivative operator of user-specified order. More...
|
class | itk::DifferenceOfGaussiansGradientImageFilter< TInputImage, TDataType > |
| Performs difference-of-gaussians gradient detection. More...
|
class | itk::DilateObjectMorphologyImageFilter< TInputImage, TOutputImage, TKernel > |
| dilation of an object in an image More...
|
class | itk::DirectedHausdorffDistanceImageFilter< TInputImage1, TInputImage2 > |
| Computes the directed Hausdorff distance between the set of non-zero pixels of two images. More...
|
class | 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). More...
|
class | itk::DivideImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements an operator for pixel-wise division of two images. More...
|
class | itk::DoubleThresholdImageFilter< TInputImage, TOutputImage > |
| Binarize an input image using double thresholding. More...
|
class | itk::EdgePotentialImageFilter< TInputImage, TOutputImage > |
| Computes the edge potential of an image from the image gradient. More...
|
class | itk::EigenAnalysis2DImageFilter< TInputImage, TEigenValueImage, TEigenVectorImage > |
class | itk::ErodeObjectMorphologyImageFilter< TInputImage, TOutputImage, TKernel > |
| Erosion of an object in an image. More...
|
class | itk::ExpandImageFilter< TInputImage, TOutputImage > |
| Expand the size of an image by an integer factor in each dimension. More...
|
class | itk::ExpImageFilter< TInputImage, TOutputImage > |
| Computes the exp(x) pixel-wise. More...
|
class | itk::ExpNegativeImageFilter< TInputImage, TOutputImage > |
| Computes the function exp(-K.x) pixel-wise. More...
|
class | itk::ExtractImageFilter< TInputImage, TOutputImage > |
| Decrease the image size by cropping the image to the selected region bounds. More...
|
class | itk::ExtractOrthogonalSwath2DImageFilter< TImage > |
| Extracts into rectangular form a "swath" image from the input image along the parametric path. More...
|
class | itk::FlipImageFilter< TImage > |
| Flips an image across user specified axes. More...
|
class | itk::GaussianImageSource< TOutputImage > |
| Generate an n-dimensional image of a Gaussian. More...
|
class | itk::GetAverageSliceImageFilter< TInputImage, TOutputImage > |
| Implements a Reflection of an image along a selected direction. More...
|
class | itk::GradientAnisotropicDiffusionImageFilter< TInputImage, TOutputImage > |
class | itk::GradientImageFilter< TInputImage, TOperatorValueType, TOutputValueType > |
| Computes the gradient of an image using directional derivatives. More...
|
class | itk::GradientImageToBloxBoundaryPointImageFilter< TInputImage > |
| Converts a gradient image to an BloxImage of BloxBoundaryPoints. More...
|
class | itk::GradientMagnitudeImageFilter< TInputImage, TOutputImage > |
| Computes the gradient magnitude of an image region at each pixel. More...
|
class | itk::GradientMagnitudeRecursiveGaussianImageFilter< TInputImage, TOutputImage > |
| Computes the Magnitude of the Gradient of an image by convolution with the first derivative of a Gaussian. More...
|
class | itk::GradientNDAnisotropicDiffusionFunction< TImage > |
class | itk::GradientRecursiveGaussianImageFilter< TInputImage, TOutputImage > |
| Computes the gradient of an image by convolution with the first derivative of a Gaussian. More...
|
class | itk::GradientToMagnitudeImageFilter< TInputImage, TOutputImage > |
| Take an image of vectors as input and produce an image with the magnitude of those vectors. More...
|
class | itk::GrayscaleConnectedClosingImageFilter< TInputImage, TOutputImage > |
| Enhance pixels associated with a dark object (identified by a seed pixel) where the dark object is surrounded by a brigher object. More...
|
class | itk::GrayscaleConnectedOpeningImageFilter< TInputImage, TOutputImage > |
| Enhance pixels associated with a bright object (identified by a seed pixel) where the bright object is surrounded by a darker object. More...
|
class | itk::GrayscaleDilateImageFilter< TInputImage, TOutputImage, TKernel > |
| gray scale dilation of an image More...
|
class | itk::GrayscaleErodeImageFilter< TInputImage, TOutputImage, TKernel > |
| gray scale erosion of an image More...
|
class | itk::GrayscaleFillholeImageFilter< TInputImage, TOutputImage > |
| Remove local minima not connected to the boundary of the image. More...
|
class | itk::GrayscaleFunctionDilateImageFilter< TInputImage, TOutputImage, TKernel > |
| gray scale function dilation of an image More...
|
class | itk::GrayscaleFunctionErodeImageFilter< TInputImage, TOutputImage, TKernel > |
| gray scale function erosion of an image More...
|
class | itk::GrayscaleGeodesicDilateImageFilter< TInputImage, TOutputImage > |
| geodesic gray scale dilation of an image More...
|
class | itk::GrayscaleGeodesicErodeImageFilter< TInputImage, TOutputImage > |
| geodesic gray scale erosion of an image More...
|
class | itk::GrayscaleGrindPeakImageFilter< TInputImage, TOutputImage > |
| Remove local maxima not connected to the boundary of the image. More...
|
class | itk::GrayscaleMorphologicalClosingImageFilter< TInputImage, TOutputImage, TKernel > |
| gray scale morphological closing of an image. More...
|
class | itk::GrayscaleMorphologicalOpeningImageFilter< TInputImage, TOutputImage, TKernel > |
| gray scale morphological opening of an image. More...
|
class | itk::HausdorffDistanceImageFilter< TInputImage1, TInputImage2 > |
| Computes the Hausdorff distance between the set of non-zero pixels of two images. More...
|
class | itk::HConcaveImageFilter< TInputImage, TOutputImage > |
| Identify local minima whose depth below the baseline is greater than h. More...
|
class | itk::HConvexImageFilter< TInputImage, TOutputImage > |
| Identify local maxima whose height above the baseline is greater than h. More...
|
class | itk::HMaximaImageFilter< TInputImage, TOutputImage > |
| Suppress local maxima whose height above the baseline is less than h. More...
|
class | itk::HMinimaImageFilter< TInputImage, TOutputImage > |
| Suppress local minima whose depth below the baseline is less than h. More...
|
class | itk::HoughTransform2DCirclesImageFilter< TInputPixelType, TOutputPixelType > |
| Performs the Hough Transform to find circles in a 2D image. More...
|
class | itk::HoughTransform2DLinesImageFilter< TInputPixelType, TOutputPixelType > |
| Performs the Hough Transform to find 2D straight lines in a 2D image. More...
|
class | itk::ImageToMeshFilter< TInputImage, TOutputMesh > |
class | itk::ImageToParametricSpaceFilter< TInputImage, TOutputMesh > |
| Generate a mesh of parametric space from input images. More...
|
class | itk::ImplicitManifoldNormalVectorFilter< TInputImage, TSparseOutputImage > |
| This class implements the filter for computing the normal vectors from a scalar implicit function (i.e. a levelset image) and processing them. More...
|
class | itk::ImportImageFilter< TPixel, VImageDimension > |
| Import data from a standard C array into an itk::Image. More...
|
class | itk::IntensityWindowingImageFilter< TInputImage, TOutputImage > |
| Applies a linear transformation to the intensity levels of the input Image that are inside a user-defined interval. Values below this interval are mapped to a constant. Values over the interval are mapped to another constant. More...
|
class | itk::InteriorExteriorMeshFilter< TInputMesh, TOutputMesh, TSpatialFunction > |
class | itk::InterpolateImageFilter< TInputImage, TOutputImage > |
| Interpolate an image from two N-D images. More...
|
class | itk::InterpolateImagePointsFilter< TInputImage, TOutputImage, TCoordType, InterpolatorType > |
| Resamples an image at the coordinates specified by the user. More...
|
class | itk::InverseDeformationFieldImageFilter< TInputImage, TOutputImage > |
| Computes the inverse of a deformation field. More...
|
class | itk::IsolatedConnectedImageFilter< TInputImage, TOutputImage > |
| Label pixels that are connected to one set of seeds but not another. More...
|
class | itk::IterativeInverseDeformationFieldImageFilter< TInputImage, TOutputImage > |
| Computes the inverse of a deformation field. More...
|
class | 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. More...
|
class | itk::JoinSeriesImageFilter< TInputImage, TOutputImage > |
| Join N-D images into an (N+1)-D image. More...
|
class | itk::LabelStatisticsImageFilter< TInputImage, TLabelImage > |
| Given an intensity image and a label map, compute min, max, variance and mean of the pixels associated with each label or segment. More...
|
class | itk::LabelStatisticsImageFilter< TInputImage, TLabelImage >::LabelStatistics |
class | itk::LaplacianImageFilter< TInputImage, TOutputImage > |
class | itk::LaplacianRecursiveGaussianImageFilter< TInputImage, TOutputImage > |
| Computes the Laplacian of an image by convolution with the second derivative of a Gaussian. More...
|
class | itk::LaplacianSharpeningImageFilter< TInputImage, TOutputImage > |
class | itk::LazyEdgeDetectionImageFilter3D< TInputImage, TOutputImage > |
| Implements a Reflection of an image along a selected direction. More...
|
class | itk::LevelSetFunctionWithRefitTerm< TImageType, TSparseImageType > |
| This class extends the LevelSetFunction class by adding a grow term based on a target curvature stored in a sparse image. More...
|
class | itk::Log10ImageFilter< TInputImage, TOutputImage > |
| Computes the log10(x) pixel-wise. More...
|
class | itk::LogImageFilter< TInputImage, TOutputImage > |
| Computes the log(x) pixel-wise. More...
|
class | itk::MaskImageFilter< TInputImage, TMaskImage, TOutputImage > |
| Implements an operator for pixel-wise masking of the input image with the mask. More...
|
class | itk::MaskNegatedImageFilter< TInputImage, TMaskImage, TOutputImage > |
| Implements an operator for pixel-wise masking of the input image with the negative of a mask. More...
|
class | itk::MaximumImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements a pixel-wise operator Max(a,b) between two images. More...
|
class | itk::MeanImageFilter< TInputImage, TOutputImage > |
| Applies an averaging filter to an image. More...
|
class | itk::MedianImageFilter< TInputImage, TOutputImage > |
| Applies a median filter to an image. More...
|
struct | itk::estimateType |
class | itk::MidsagittalPlaneExtractionImageFilter< TInputImage, TOutputImage > |
| Implements a Reflection of an image along a selected direction. More...
|
class | itk::MinimumImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements a pixel-wise operator Min(a,b) between two images. More...
|
class | itk::MinimumMaximumImageCalculator< TInputImage > |
class | itk::MinimumMaximumImageFilter< TInputImage > |
| Computes the minimum and the maximum intensity values of an image. More...
|
class | itk::MirrorPadImageFilter< TInputImage, TOutputImage > |
| Increase the image size by padding with replicants of the input image value. More...
|
class | itk::MorphologyImageFilter< TInputImage, TOutputImage, TKernel > |
| Base class for the morphological operations such as erosion and dialation. More...
|
class | itk::MultiplyImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements an operator for pixel-wise multiplication of two images. More...
|
class | itk::BandNode< TIndexType, TDataType > |
class | itk::NarrowBand< NodeType > |
struct | itk::NarrowBand< NodeType >::RegionStruct |
class | itk::NarrowBandImageFilterBase< TInputImage, TOutputImage > |
| This class implements a multi-threaded finite difference image to image solver that can be applied to an arbitrary list of pixels. More...
|
struct | itk::NarrowBandImageFilterBase< TInputImage, TOutputImage >::ThreadRegionType |
struct | itk::NarrowBandImageFilterBase< TInputImage, TOutputImage >::NarrowBandImageFilterBaseThreadStruct |
class | itk::NaryAddImageFilter< TInputImage, TOutputImage > |
| Implements an operator for pixel-wise addition of two images. More...
|
class | itk::NaryFunctorImageFilter< TInputImage, TOutputImage, TFunction > |
| Implements pixel-wise generic operation of Nth similar images. More...
|
class | itk::NaryMaximumImageFilter< TInputImage, TOutputImage > |
| Implements an operator computing the pixel-wise maximum of several images. More...
|
class | itk::NeighborhoodConnectedImageFilter< TInputImage, TOutputImage > |
| Label pixels that are connected to a seed and lie within a neighborhood. More...
|
class | itk::NeighborhoodOperatorImageFilter< TInputImage, TOutputImage > |
| Applies a single NeighborhoodOperator to an image region. More...
|
class | itk::NoiseImageFilter< TInputImage, TOutputImage > |
| Calculate the local noise in an image. More...
|
class | itk::NonThreadedShrinkImageFilter< TInputImage, TOutputImage > |
| Reduce the size of an image by an integer factor. More...
|
class | itk::NormalizeImageFilter< TInputImage, TOutputImage > |
| Normalize an image by setting its mean to zero and variance to one. More...
|
class | itk::NormalVectorDiffusionFunction< TSparseImageType > |
| This class defines all the necessary functionality for performing isotropic and anisotropic diffusion operations on vector neighborhoods from a sparse image. More...
|
class | itk::NormalVectorFunctionBase< TSparseImageType > |
class | itk::NotImageFilter< TInputImage, TOutputImage > |
| Implements the NOT logical operator pixel-wise on an image. More...
|
class | itk::ObjectMorphologyImageFilter< TInputImage, TOutputImage, TKernel > |
| Base class for the morphological operations being applied to isolated objects in an image. More...
|
class | itk::OrientImageFilter< TInputImage, TOutputImage > |
| Permute axes and then flip images as needed to obtain agreement in coordinateOrientation codes. More...
|
class | itk::OrImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements the OR logical operator pixel-wise between two images. More...
|
class | itk::PadImageFilter< TInputImage, TOutputImage > |
| Increase the image size by padding. Superclass for filters that fill in extra pixels. More...
|
class | itk::ParallelSparseFieldLevelSetNode< TNodeIndexType > |
class | itk::ParallelSparseFieldCityBlockNeighborList< TNeighborhoodType > |
| A convenience class for storing indicies which reference neighbor pixels within a neighborhood. More...
|
class | itk::ParallelSparseFieldLevelSetImageFilter< TInputImage, TOutputImage > |
| This class implements a finite difference partial differential equation solver for evolving surfaces embedded in volumes as level-sets. More...
|
struct | itk::ParallelSparseFieldLevelSetImageFilter< TInputImage, TOutputImage >::ParallelSparseFieldLevelSetThreadStruct |
struct | itk::ParallelSparseFieldLevelSetImageFilter< TInputImage, TOutputImage >::ThreadData |
class | itk::ParametricSpaceToImageSpaceMeshFilter< TInputMesh, TOutputMesh > |
class | itk::PasteImageFilter< TInputImage > |
| Paste an image into another image. More...
|
class | itk::PathToChainCodePathFilter< TInputPath, TOutputChainCodePath > |
| Filter that produces a chain code version of a path. More...
|
class | itk::PathToImageFilter< TInputPath, TOutputImage > |
| Base class for filters that take a Path as input and produce an image as output. Base class for filters that take a Path 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 path's bounding box is used. The default spacing of the image is given by the spacing of the input path (currently assumed internally to be 1.0). More...
|
class | itk::PermuteAxesImageFilter< TImage > |
| Permutes the image axes according to a user specified order. More...
|
class | itk::PointSetToImageFilter< TInputPointSet, TOutputImage > |
| Base class for filters that take a PointSet 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 point-set's bounding box is used. More...
|
class | itk::RandomImageSource< TOutputImage > |
| Generate an n-dimensional image of random pixel values. More...
|
class | itk::RecursiveGaussianImageFilter< TInputImage, TOutputImage > |
| Base class for computing IIR convolution with an approximation of a Gaussian kernel. More...
|
class | itk::RecursiveSeparableImageFilter< TInputImage, TOutputImage > |
| Base class for recursive convolution with a kernel. More...
|
class | itk::ReflectImageFilter< TInputImage, TOutputImage > |
| Implements a Reflection of an image along a selected direction. More...
|
class | itk::ReflectiveImageRegionConstIterator< TImage > |
| Multi-dimensional image iterator which only walks a region. More...
|
class | itk::ReflectiveImageRegionIterator< TImage > |
| Multi-dimensional image iterator which only walks a region. More...
|
class | itk::RegionOfInterestImageFilter< TInputImage, TOutputImage > |
| Extract a region of interest from the input image. More...
|
class | itk::RelabelComponentImageFilter< TInputImage, TOutputImage > |
| Relabel the components in an image such that consecutive labels are used. More...
|
class | itk::ResampleImageFilter< TInputImage, TOutputImage, TInterpolatorPrecisionType > |
| Resample an image via a coordinate transform. More...
|
class | itk::RescaleIntensityImageFilter< TInputImage, TOutputImage > |
| Applies a linear transformation to the intensity levels of the input Image. More...
|
class | itk::RGBToLuminanceImageFilter< TInputImage, TOutputImage > |
| Converts an RGB image into a grayscale image. More...
|
class | itk::ScalarAnisotropicDiffusionFunction< TImage > |
class | itk::ScalarToArrayCastImageFilter< TInputImage, TOutputImage > |
| Creates the output image with vector type pixels filled with the intensity values from one or more input images with scalar pixels. More...
|
class | itk::ShiftScaleImageFilter< TInputImage, TOutputImage > |
| Shift and scale the pixels in an image. More...
|
class | itk::ShiftScaleInPlaceImageFilter< TInputImage > |
| Shift and scale the pixels in an image. More...
|
class | itk::ShrinkImageFilter< TInputImage, TOutputImage > |
| Reduce the size of an image by an integer factor in each dimension. More...
|
class | itk::SigmoidImageFilter< TInputImage, TOutputImage > |
| Computes the sigmoid function pixel-wise. More...
|
class | itk::InvertIntensityFunctor< InputPixelType > |
class | itk::SignedDanielssonDistanceMapImageFilter< TInputImage, TOutputImage > |
class | itk::SimilarityIndexImageFilter< TInputImage1, TInputImage2 > |
| Measures the similarity between the set of non-zero pixels of two images. More...
|
class | itk::SimpleContourExtractorImageFilter< TInputImage, TOutputImage > |
| Computes an image of contours from. More...
|
class | itk::SimplexMeshAdaptTopologyFilter< TInputMesh, TOutputMesh > |
| This filter changes the topology of a 2-simplex mesh. More...
|
class | itk::SimplexMeshAdaptTopologyFilter< TInputMesh, TOutputMesh >::SimplexCellVisitor |
class | itk::SimplexMeshToTriangleMeshFilter< TInputMesh, TOutputMesh > |
| This filter converts a 2-simplex mesh into a triangle mesh. More...
|
class | itk::SimplexMeshToTriangleMeshFilter< TInputMesh, TOutputMesh >::SimplexCellVisitor |
class | itk::SinImageFilter< TInputImage, TOutputImage > |
| Computes the sin(x) pixel-wise. More...
|
class | itk::SmoothingRecursiveGaussianImageFilter< TInputImage, TOutputImage > |
| Computes the smoothing of an image by convolution with the Gaussian kernels implemented as IIR filters. More...
|
class | itk::SobelEdgeDetectionImageFilter< TInputImage, TOutputImage > |
| A 2D or 3D edge detection using the Sobel operator. More...
|
class | itk::NormalBandNode< TImageType > |
| This is a data storage class that can is used as the node type for the SparseImage class. More...
|
class | itk::SparseFieldFourthOrderLevelSetImageFilter< TInputImage, TOutputImage > |
| This class implements the fourth order level set PDE framework. More...
|
class | itk::ConstSparseFieldLayerIterator< TNodeType > |
class | itk::SparseFieldLayerIterator< TNodeType > |
class | itk::SparseFieldLayer< TNodeType > |
struct | itk::SparseFieldLayer< TNodeType >::RegionType |
class | itk::SparseFieldLevelSetNode< TValueType > |
class | itk::SparseFieldCityBlockNeighborList< TNeighborhoodType > |
| A convenience class for storing indicies which reference neighbor pixels within a neighborhood. More...
|
class | itk::SparseFieldLevelSetImageFilter< TInputImage, TOutputImage > |
| This class implements a finite difference partial differential equation solver for evolving surfaces embedded in volumes as level-sets. More...
|
class | itk::SpatialFunctionImageEvaluatorFilter< TSpatialFunction, TInputImage, TOutputImage > |
| Evaluates a SpatialFunction onto a source image. More...
|
class | 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. More...
|
class | itk::SpatialObjectToImageStatisticsCalculator< TInputImage, TInputSpatialObject, TSampleDimension > |
class | itk::SpatialObjectToPointSetFilter< TInputSpatialObject, TOutputPointSet > |
| Base class for filters that take a SpatialObject as input and produce a PointSet as output. The pointset created is in physical space. More...
|
class | itk::SqrtImageFilter< TInputImage, TOutputImage > |
| Computes the sqrt(x) pixel-wise. More...
|
class | itk::SquaredDifferenceImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements pixel-wise the computation of squared difference. More...
|
class | itk::SquareImageFilter< TInputImage, TOutputImage > |
| Computes the square of the intensity values pixel-wise. More...
|
class | itk::StatisticsImageFilter< TInputImage > |
| Compute min. max, variance and mean of an Image. More...
|
class | itk::StreamingImageFilter< TInputImage, TOutputImage > |
| Pipeline object to control data streaming for large data processing. More...
|
class | itk::SubtractImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements an operator for pixel-wise subtraction of two images. More...
|
class | itk::TanImageFilter< TInputImage, TOutputImage > |
| Computes the tan(x) pixel-wise. More...
|
class | itk::TernaryAddImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage > |
| Implements pixel-wise addition of three images. More...
|
class | itk::TernaryFunctorImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage, TFunction > |
| Implements pixel-wise generic operation of three images. More...
|
class | itk::TernaryMagnitudeImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage > |
| Implements pixel-wise addition of three images. More...
|
class | itk::TernaryMagnitudeSquaredImageFilter< TInputImage1, TInputImage2, TInputImage3, TOutputImage > |
| Implements pixel-wise addition of three images. More...
|
class | itk::ThresholdImageFilter< TImage > |
| Set image values to a user-specified value if they are below, above, or between simple threshold values. More...
|
class | itk::ThresholdLabelerImageFilter< TInputImage, TOutputImage > |
| Label an input image according to a set of thresholds. More...
|
class | itk::TileImageFilter< TInputImage, TOutputImage > |
| Tile multiple input images into a single output image. More...
|
class | itk::TileImageFilter< TInputImage, TOutputImage >::TileInfo |
class | 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. More...
|
class | itk::TransformMeshFilter< TInputMesh, TOutputMesh, TTransform > |
class | itk::TriangleMeshToSimplexMeshFilter< TInputMesh, TOutputMesh > |
| This filter converts a triangle mesh into a 2-simplex mesh. More...
|
class | itk::TwoOutputExampleImageFilter< TImage > |
| Example of a filter that produce two outputs. More...
|
class | itk::UnaryFunctorImageFilter< TInputImage, TOutputImage, TFunction > |
| Implements pixel-wise generic operation on one image. More...
|
class | itk::VectorAnisotropicDiffusionFunction< TImage > |
class | itk::VectorCastImageFilter< TInputImage, TOutputImage > |
| Casts input vector pixels to output vector pixel type. More...
|
class | itk::VectorConfidenceConnectedImageFilter< TInputImage, TOutputImage > |
class | itk::VectorCurvatureAnisotropicDiffusionImageFilter< TInputImage, TOutputImage > |
class | itk::VectorCurvatureNDAnisotropicDiffusionFunction< TImage > |
class | itk::VectorExpandImageFilter< TInputImage, TOutputImage > |
| Expand the size of a vector image by an integer factor in each dimension. More...
|
class | itk::VectorGradientAnisotropicDiffusionImageFilter< TInputImage, TOutputImage > |
class | itk::VectorGradientMagnitudeImageFilter< TInputImage, TRealType, TOutputImage > |
| Computes a scalar, gradient magnitude image from a multiple channel (pixels are vectors) input. More...
|
class | itk::VectorGradientNDAnisotropicDiffusionFunction< TImage > |
class | itk::VectorIndexSelectionCastImageFilter< TInputImage, TOutputImage > |
| Extracts the selected index of the vector that is the input pixel type. More...
|
class | itk::VectorNeighborhoodOperatorImageFilter< TInputImage, TOutputImage > |
| Applies a single scalar NeighborhoodOperator to an itk::Vector image region. More...
|
class | itk::VectorResampleImageFilter< TInputImage, TOutputImage > |
| Resample an image via a coordinate transform. More...
|
class | itk::VectorRescaleIntensityImageFilter< TInputImage, TOutputImage > |
| Applies a linear transformation to the magnitude of pixel vectors in a vector Image. More...
|
class | itk::VotingBinaryHoleFillingImageFilter< TInputImage, TOutputImage > |
| Fills in holes and cavities by applying a voting operation on each pixel. More...
|
class | itk::VotingBinaryImageFilter< TInputImage, TOutputImage > |
| Applies a voting operation in a neighborhood of each pixel. More...
|
class | itk::VotingBinaryIterativeHoleFillingImageFilter< TImage > |
| Fills in holes and cavities by iteratively applying a voting operation. More...
|
class | itk::VTKImageExport< TInputImage > |
| Connect the end of an ITK image pipeline to a VTK pipeline. More...
|
class | itk::VTKImageExportBase |
| Superclass for VTKImageExport instantiations. More...
|
class | itk::VTKImageExportBase::CallbackTypeProxy |
class | itk::VTKImageImport< TOutputImage > |
| Connect the end of an VTK pipeline to an ITK image pipeline. More...
|
class | itk::WarpImageFilter< TInputImage, TOutputImage, TDeformationField > |
| Warps an image using an input deformation field. More...
|
class | itk::WarpMeshFilter< TInputMesh, TOutputMesh, TDeformationField > |
class | itk::WarpVectorImageFilter< TInputImage, TOutputImage, TDeformationField > |
| Warps an image using an input deformation field. More...
|
class | itk::WeightedAddImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements an operator for computed a weighted sum of two images pixel-wise. More...
|
class | itk::WrapPadImageFilter< TInputImage, TOutputImage > |
| Increase the image size by padding with replicants of the input image value. More...
|
class | itk::XorImageFilter< TInputImage1, TInputImage2, TOutputImage > |
| Implements the XOR logical operator pixel-wise between two images. More...
|
class | itk::ZeroCrossingBasedEdgeDetectionImageFilter< TInputImage, TOutputImage > |
class | itk::ZeroCrossingImageFilter< TInputImage, TOutputImage > |
class | itk::hash_map< Key, T,,, > |
| Replacement for STL hash map because some systems do not support it, or support it incorrectly. More...
|
class | itk::hash_multimap< Key, T,,, > |
class | itk::hash_set< Value,,, > |
| Replacement for STL hash set because some systems do not support it, or support it incorrectly. More...
|
class | itk::hash_multiset< Value,,, > |
struct | itk::hash< Key > |
struct | itk::hash< char * > |
struct | itk::hash< const char * > |
struct | itk::hash< char > |
struct | itk::hash< unsigned char > |
struct | itk::hash< signed char > |
struct | itk::hash< short > |
struct | itk::hash< unsigned short > |
struct | itk::hash< int > |
struct | itk::hash< unsigned int > |
struct | itk::hash< long > |
struct | itk::hash< unsigned long > |
struct | itk::hashtable_node< Value > |
struct | itk::hashtable_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > |
struct | itk::hashtable_const_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > |
class | itk::hashtable_base< Value, Alloc > |
class | itk::hashtable< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > |
class | itk::AbsImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the abs() of its pixels. More...
|
class | itk::AcosImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the acos() of its pixels. More...
|
class | itk::AddImageAdaptor< TImage > |
| Presents an image as being composed of the log() of its pixels. More...
|
class | itk::AffineTransform< TScalarType, NDimensions > |
class | itk::Array< TValueType > |
| Array class with size defined at construction time. More...
|
class | itk::Array2D< TValueType > |
| Array2D class representing a 2D array with size defined at construction time. More...
|
class | itk::AsinImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the asin() of its pixels. More...
|
class | itk::AtanImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the atan() of its pixels. More...
|
class | itk::AutoPointer< TObjectType > |
| Implements an Automatic Pointer to an object. More...
|
class | itk::AutoPointerDataObjectDecorator< T > |
| Decorates any pointer to a simple object with a DataObject API using AutoPointer semantics. More...
|
class | itk::AzimuthElevationToCartesianTransform< TScalarType, NDimensions > |
class | itk::BackwardDifferenceOperator< TPixel, VDimension, TAllocator > |
| Operator whose inner product with a neighborhood returns a "half" derivative at the center of the neighborhood. More...
|
class | itk::Barrier |
| Standard barrier class implementation for synchronizing the execution of threads. More...
|
class | itk::BinaryBallStructuringElement< TPixel, VDimension, TAllocator > |
| A Neighborhood that represents a ball structuring element (ellipsoid) with binary elements. More...
|
class | itk::BinaryCrossStructuringElement< TPixel, VDimension, TAllocator > |
| A Neighborhood that represents a cross structuring element with binary elements. More...
|
class | 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(). More...
|
class | itk::BinaryThresholdSpatialFunction< TFunction > |
| A spatial functions that returns if the internal spatial function is within user specified thresholds. More...
|
class | itk::BloxBoundaryPointImage< VImageDimension > |
| Templated n-dimensional image class used to store linked lists. More...
|
class | itk::BloxBoundaryPointItem< VImageDimension > |
| A boundary point, stored in a BloxPixel. More...
|
class | itk::BloxBoundaryPointPixel< NDimensions > |
| Holds a linked list of itk::BloxBoundaryPointItem's. More...
|
class | itk::BloxBoundaryProfileImage< VImageDimension > |
| N-dimensional image class which handles BloxBoundaryProfileItems. More...
|
class | itk::BloxBoundaryProfileItem< VImageDimension > |
class | itk::BloxBoundaryProfilePixel< NDimensions > |
class | itk::BloxCoreAtomImage< dim > |
| N-dimensional image class which handles BloxCoreAtomItems. More...
|
class | itk::BloxCoreAtomItem< VImageDimension > |
| A core atom object, stored in a BloxPixel. More...
|
class | itk::BloxCoreAtomPixel< NDimensions > |
| Holds a linked list of itk::BloxCoreAtomItem's. More...
|
class | itk::BloxImage< TBloxPixelType, VImageDimension > |
| Templated n-dimensional image class used to store linked lists. More...
|
class | itk::BloxItem |
| An entry in the BloxPixel linked list. More...
|
class | itk::BloxPixel< TItemType > |
| Holds a linked list of BloxItem's. More...
|
class | itk::BluePixelAccessor< T > |
| Give access to the Blue component of a RGBPixel type. More...
|
class | itk::BoundingBox< TPointIdentifier, VPointDimension, TCoordRep, TPointsContainer > |
| Represent and compute information about bounding boxes. More...
|
class | itk::BSplineDeformableTransform< TScalarType, NDimensions, VSplineOrder > |
| Deformable transform using a BSpline representation. More...
|
class | itk::BSplineDerivativeKernelFunction< VSplineOrder > |
| Derivative of a BSpline kernel used for density estimation and nonparameteric regression. More...
|
class | itk::BSplineInterpolationWeightFunction< TCoordRep, VSpaceDimension, VSplineOrder > |
| Returns the weights over the support region used for B-spline interpolation/reconstruction. More...
|
class | itk::BSplineKernelFunction< VSplineOrder > |
| BSpline kernel used for density estimation and nonparameteric regression. More...
|
struct | itk::BSplineKernelFunction< VSplineOrder >::DispatchBase |
struct | itk::BSplineKernelFunction< VSplineOrder >::Dispatch< int > |
class | itk::ByteSwapper< T > |
| Perform machine dependent byte swapping. More...
|
class | itk::CellInterface< TPixelType, TCellTraits > |
class | itk::CellInterface< TPixelType, TCellTraits >::MultiVisitor |
| A 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. More...
|
class | 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. More...
|
class | itk::CellInterfaceVisitor< TPixelType, TCellTraits > |
class | itk::CellInterfaceVisitorImplementation< TPixelType, TCellTraits, CellTopology, UserVisitor > |
class | itk::CenteredAffineTransform< TScalarType, NDimensions > |
| Affine transformation with a specified center of rotation. More...
|
class | itk::CenteredEuler3DTransform< TScalarType > |
| CenteredEuler3DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::CenteredRigid2DTransform< TScalarType > |
| CenteredRigid2DTransform of a vector space (e.g. space coordinates). More...
|
class | 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. More...
|
class | itk::CenteredVersorTransformInitializer< TFixedImage, TMovingImage > |
| CenteredVersorTransformInitializer is a helper class intended to initialize the center of rotation, versor, and translation of the VersorRigid3DTransform. More...
|
class | itk::CentralDifferenceImageFunction< TInputImage, TCoordRep > |
| Calculate the derivative by central differencing. More...
|
class | itk::ChainCodePath< VDimension > |
| Represent a path as a sequence of connected image index offsets. More...
|
class | itk::ChainCodePath2D |
| Represent a 2D path as a sequence of connected image index offsets. More...
|
class | itk::ChildTreeIterator< TTreeType > |
class | itk::ColorTable< TPixel > |
class | itk::Command |
| superclass for callback/observer methods More...
|
class | itk::MemberCommand< T > |
| Command subclass that calls a pointer to a member function. More...
|
class | itk::ReceptorMemberCommand< T > |
| Command subclass that calls a pointer to a member function. More...
|
class | itk::SimpleMemberCommand< T > |
| Command subclass that calls a pointer to a member function. More...
|
class | itk::SimpleConstMemberCommand< T > |
| Command subclass that calls a pointer to a member function. More...
|
class | itk::CStyleCommand |
| Command subclass that calls a pointer to a C function. More...
|
class | itk::ComplexToImaginaryImageAdaptor< TImage, TOutputPixelType > |
| Presents a complex image as being composed of imag() part of its pixels. More...
|
class | itk::ComplexToRealImageAdaptor< TImage, TOutputPixelType > |
| Presents a complex image as being composed of real() part of its pixels. More...
|
class | 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. More...
|
class | itk::ConditionVariable |
| A thread synchronization object used to suspend execution until some condition on shared data is met. More...
|
class | itk::ConicShellInteriorExteriorSpatialFunction< VDimension, TInput > |
| Spatial function implementation of a conic shell. More...
|
class | itk::ConstantBoundaryCondition< TImage > |
| This boundary condition returns a constant value for out-of-bounds image pixels. More...
|
class | itk::ConstNeighborhoodIterator< TImage, TBoundaryCondition > |
| Const version of NeighborhoodIterator, defining iteration of a local N-dimensional neighborhood of pixels across an itk::Image. More...
|
class | itk::ConstShapedNeighborhoodIterator< TImage, TBoundaryCondition > |
| Const version of ShapedNeighborhoodIterator, defining iteration of a local N-dimensional neighborhood of pixels across an itk::Image. More...
|
struct | itk::ConstShapedNeighborhoodIterator< TImage, TBoundaryCondition >::ConstIterator |
class | itk::ConstSliceIterator< TPixel, TContainer > |
| A flexible iterator for itk containers(i.e. itk::Neighborhood) that support pixel access through operator[]. More...
|
class | itk::ContinuousIndex< TCoordRep, VIndexDimension > |
| A templated class holding a point in n-Dimensional image space. More...
|
class | itk::CoreAtomImageToDistanceMatrixProcess< TSourceImage > |
| Computes the distance between all medial nodes (voted core atoms) in a core atom image (input) and stores them in a matrix data object (output). More...
|
class | itk::CorrespondenceDataStructure< TItemType, VCliqueSize > |
| A data structure designed to contain medial node clique correspondence data between two images. More...
|
class | itk::CorrespondenceDataStructureIterator< TStructureType > |
| An iterator designed to easily traverse an itkCorrespondenceDataStructure. More...
|
class | itk::CorrespondingList< TItemType, VCliqueSize > |
| Part of the itkCorrespondenceDataStructure. More...
|
class | itk::CorrespondingMedialNodeClique< VImageDimension, VCliqueSize > |
| CorrespondingMedialNodeClique is an item stored in CorrespondingNodeList. Specifically it is stored in corresponding node lists and contain pointers to a set of medial nodes (cliques). More...
|
class | itk::CosImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the cos() of its pixels. More...
|
class | itk::CovarianceImageFunction< TInputImage, TCoordRep > |
| Calculate the covariance matrix in the neighborhood of a pixel in a Vector image. More...
|
class | itk::CovariantVector< T, NVectorDimension > |
| A templated class holding a n-Dimensional covariant vector. More...
|
class | itk::CreateObjectFunctionBase |
| Define API for object creation callback functions. More...
|
class | itk::CreateObjectFunction< T > |
| CreateObjectFunction is used to create callback functions that create ITK Objects for use with the itk::ObjectFactory. More...
|
class | itk::DataObjectError |
| Exception object for DataObject exceptions. More...
|
class | itk::InvalidRequestedRegionError |
class | itk::DataObject |
| Base class for all data objects in ITK. More...
|
class | itk::DataObjectDecorator< T > |
| Decorates any subclass of itkObject with a DataObject API. More...
|
class | itk::DecisionRuleBase |
| Base 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. More...
|
class | itk::DefaultDynamicMeshTraits< TPixelType, VPointDimension, VMaxTopologicalDimension, TCoordRep, TInterpolationWeight, TCellPixelType > |
class | itk::DefaultImageTraits< TPixelType, VImageDimension, TPixelContainer > |
class | itk::DefaultPixelAccessor< TType > |
| Give access to partial aspects a type. More...
|
class | itk::DefaultStaticMeshTraits< TPixelType, VPointDimension, VMaxTopologicalDimension, TCoordRep, TInterpolationWeight, TCellPixelType > |
class | itk::DenseFiniteDifferenceImageFilter< TInputImage, TOutputImage > |
struct | itk::DenseFiniteDifferenceImageFilter< TInputImage, TOutputImage >::DenseFDThreadStruct |
class | itk::DerivativeOperator< TPixel, VDimension, TAllocator > |
| A NeighborhoodOperator for taking an n-th order derivative at a pixel. More...
|
class | itk::DifferenceImageFilter< TInputImage, TOutputImage > |
| Implements pixel-wise comparison of two images. More...
|
class | itk::Directory |
| Portable directory/filename traversal. More...
|
class | itk::DynamicLoader |
| Portable loading of dynamic libraries or dll's. More...
|
class | itk::ElasticBodyReciprocalSplineKernelTransform< TScalarType, NDimensions > |
class | itk::ElasticBodySplineKernelTransform< TScalarType, NDimensions > |
class | itk::EllipsoidInteriorExteriorSpatialFunction< VDimension, TInput > |
class | itk::EquivalencyTable |
| Hash table to manage integral label equivalencies. More...
|
class | itk::Euler2DTransform< TScalarType > |
| Euler2DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::Euler3DTransform< TScalarType > |
| Euler3DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::EventObject |
| Abstraction of the Events used to communicating among filters and with GUIs. More...
|
class | itk::ExpImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the exp() of its pixels. More...
|
class | itk::ExpNegativeImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the exp() of its pixels. More...
|
class | itk::ExtrapolateImageFunction< TInputImage, TCoordRep > |
| Base class for all image extrapolaters. More...
|
class | itk::FastMutexLock |
| Critical section locking class. More...
|
class | itk::FileOutputWindow |
| Messages sent from the system are sent to a file. More...
|
class | itk::FiniteCylinderSpatialFunction< VDimension, TInput > |
| Function implementation of an finite cylinder. More...
|
class | itk::FiniteDifferenceFunction< TImageType > |
class | itk::FiniteDifferenceImageFilter< TInputImage, TOutputImage > |
class | itk::FiniteDifferenceSparseImageFilter< TInputImageType, TSparseOutputImageType > |
| This class implements a multi-threaded base class for Image to SparseImage finite difference processes. More...
|
struct | itk::FiniteDifferenceSparseImageFilter< TInputImageType, TSparseOutputImageType >::ThreadRegionType |
struct | itk::FiniteDifferenceSparseImageFilter< TInputImageType, TSparseOutputImageType >::FDThreadStruct |
class | itk::FiniteDifferenceSparseImageFunction< TSparseImageType > |
| This is the base class for function classes that can be used with filters derived from FiniteDifferenceSparseImageFilter. More...
|
struct | itk::GetVectorDimension< TVector > |
class | itk::FixedArray< TValueType, VLength > |
| Simulate a standard C array with copy semnatics. More...
|
class | itk::FixedArray< TValueType, VLength >::ReverseIterator |
| A reverse iterator through the array. More...
|
class | itk::FixedArray< TValueType, VLength >::ConstReverseIterator |
| A const reverse iterator through the array. More...
|
class | itk::FixedCenterOfRotationAffineTransform< TScalarType, NDimensions > |
| Affine transformation with a specified center of rotation. More...
|
class | itk::FloodFilledFunctionConditionalConstIterator< TImage, TFunction > |
| Iterates over a flood-filled spatial function. More...
|
class | itk::FloodFilledImageFunctionConditionalConstIterator< TImage, TFunction > |
| Iterates over a flood-filled image function. More...
|
class | itk::FloodFilledImageFunctionConditionalIterator< TImage, TFunction > |
| Iterates over a flood-filled image function. More...
|
class | itk::FloodFilledSpatialFunctionConditionalConstIterator< TImage, TFunction > |
| Iterates over a flood-filled spatial function. More...
|
class | itk::FloodFilledSpatialFunctionConditionalIterator< TImage, TFunction > |
| Iterates over a flood-filled spatial function. More...
|
class | itk::ForwardDifferenceOperator< TPixel, VDimension, TAllocator > |
| Operator whose inner product with a neighborhood returns a "half" derivative at the center of the neighborhood. More...
|
class | itk::FourierSeriesPath< VDimension > |
| Represent a closed path through ND Space by its frequency components. More...
|
class | itk::FrustumSpatialFunction< VImageDimension, TInput > |
| Spatial function implementation of a truncated pyramid. More...
|
class | itk::FunctionBase< TInput, TOutput > |
| Base class for all ITK function objects. More...
|
class | itk::GaussianBlurImageFunction< TInputImage, TOutput > |
| Compute the convolution of a neighborhood operator with the image at a specific location in space, i.e. point, index or continuous index. This class is templated over the input image type. More...
|
class | itk::GaussianDerivativeImageFunction< TInputImage, TOutput > |
| Compute the gaussian derivatives of an the image at a specific location in space, i.e. point, index or continuous index. This class is templated over the input image type. More...
|
class | itk::GaussianDerivativeSpatialFunction< TOutput, VImageDimension, TInput > |
| N-dimensional gaussian spatial function class. More...
|
class | itk::GaussianKernelFunction |
| Gaussian kernel used for density estimation and nonparameteric regression. More...
|
class | itk::GaussianOperator< TPixel, VDimension, TAllocator > |
| A NeighborhoodOperator whose coefficients are a one dimensional, discrete Gaussian kernel. More...
|
class | itk::GaussianSpatialFunction< TOutput, VImageDimension, TInput > |
| N-dimensional gaussian spatial function class. More...
|
class | itk::GreenPixelAccessor< T > |
| Give access to the Green component of a RGBPixel type. More...
|
class | itk::HexahedronCell< TCellInterface > |
class | itk::HexahedronCellTopology |
class | itk::IdentityTransform< TScalarType, NDimensions > |
| Implementation of an Identity Transform. More...
|
class | itk::Image< TPixel, VImageDimension > |
| Templated n-dimensional image class. More...
|
class | itk::ImageAdaptor< TImage, TAccessor > |
| Give access to partial aspects of voxels from an Image. More...
|
class | itk::ImageAndPathToImageFilter< TInputImage, TInputPath, TOutputImage > |
| Base class for filters that take both a path and an image as input and produce a path as output. More...
|
struct | itk::GetImageDimension< TImage > |
class | itk::ImageBase< VImageDimension > |
| Base class for templated image classes. More...
|
class | itk::ImageBoundaryCondition< TImageType > |
| A virtual base object that defines an interface to a class of boundary condition objects for use by neighborhood iterators. More...
|
class | itk::ImageConstIterator< TImage > |
| A multi-dimensional image iterator templated over image type. More...
|
class | itk::ImageConstIteratorWithIndex< TImage > |
| A base class for multi-dimensional iterators templated over image type that are designed to efficiently keep track of the iterator position. More...
|
class | itk::ImageContainerInterface< TElementIdentifier, TElement > |
class | itk::ImageDuplicator< TInputImage > |
class | itk::ImageFunction< TInputImage, TOutput, TCoordRep > |
| Evaluates a function of an image at specified position. More...
|
class | itk::ImageIterator< TImage > |
| A multi-dimensional iterator templated over image type. More...
|
class | itk::ImageIteratorWithIndex< TImage > |
| A base class for multi-dimensional iterators templated over image type that are designed to efficiently keep track of the iterator position. More...
|
class | itk::ImageLinearConstIteratorWithIndex< TImage > |
| A multi-dimensional image iterator that visits image pixels within a region in a "scan-line" order. More...
|
class | itk::ImageLinearIteratorWithIndex< TImage > |
| A multi-dimensional image iterator that visits image pixels within a region in a "scan-line" order. More...
|
class | itk::ImageRandomConstIteratorWithIndex< TImage > |
| A multi-dimensional image iterator that visits a random set of pixels within an image region. More...
|
class | itk::ImageRandomIteratorWithIndex< TImage > |
| A multi-dimensional image iterator that visits a random set of pixels within an image region. More...
|
class | itk::ImageRegion< VImageDimension > |
| An image region represents a structured region of data. More...
|
class | itk::ImageRegionConstIterator< TImage > |
| A multi-dimensional iterator templated over image type that walks a region of pixels. More...
|
class | itk::ImageRegionConstIteratorWithIndex< TImage > |
| A multi-dimensional iterator templated over image type that walks an image region and is specialized to keep track of its index location. More...
|
class | itk::ImageRegionExclusionConstIteratorWithIndex< TImage > |
| Multi-dimensional image iterator that walks an image region, excluding a second region contained within the first. More...
|
class | itk::ImageRegionExclusionIteratorWithIndex< TImage > |
| Multi-dimensional image iterator that walks an image region, excluding a second region contained within the first. More...
|
class | itk::ImageRegionIterator< TImage > |
| A multi-dimensional iterator templated over image type that walks a region of pixels. More...
|
class | itk::ImageRegionIteratorWithIndex< TImage > |
| A multi-dimensional iterator templated over image type that walks pixels within a region and is specialized to keep track of its image index location. More...
|
class | itk::ImageRegionMultidimensionalSplitter< VImageDimension > |
| Divide a region into several pieces. More...
|
class | itk::ImageRegionReverseConstIterator< TImage > |
| A multi-dimensional image iterator designed to walk a specified image region in reverse. More...
|
class | itk::ImageRegionReverseIterator< TImage > |
| Multi-dimensional image iterator which only walks a region. More...
|
class | itk::ImageRegionSplitter< VImageDimension > |
| Divide a region into several pieces. More...
|
class | itk::ImageReverseConstIterator< TImage > |
| Multi-dimensional image iterator. More...
|
class | itk::ImageReverseIterator< TImage > |
| A multi-dimensional image iterator designed to walk a specified region in reverse. More...
|
class | itk::ImageSliceConstIteratorWithIndex< TImage > |
| Multi-dimensional image iterator which only walks a region. A multi-dimensional image iterator that extends the ImageLinearConstIteratorWithIndex from iteration along lines in an image to iteration along both lines and planes (slices) within an image. A slice is defined as a 2D plane spanned by two vectors pointing along orthogonal coordinate axes. The slice orientation of the iterator is defined by specifying its two spanning axes using the methods: where n is the number of the axis. More...
|
class | itk::ImageSliceIteratorWithIndex< TImage > |
| A multi-dimensional image iterator that extends the ImageLinearIteratorWithIndex from iteration along lines in an image to iteration along both lines and planes (slices) within an image. A slice is defined as a 2D plane spanned by two vectors pointing along orthogonal coordinate axes. More...
|
class | itk::ImageSource< TOutputImage > |
| Base class for all process objects that output image data. More...
|
struct | itk::ImageSource< TOutputImage >::ThreadStruct |
class | itk::ImageToImageFilter< TInputImage, TOutputImage > |
| Base class for filters that take an image as input and produce an image as output. More...
|
class | itk::ImportImageContainer< TElementIdentifier, TElement > |
class | itk::Indent |
| Control indentation during Print() invocation. More...
|
class | itk::Index< VIndexDimension > |
| Represent a n-dimensional index in a n-dimensional image. More...
|
class | itk::IndexedContainerInterface< TElementIdentifier, TElement > |
class | itk::IndexedContainerInterface< TElementIdentifier, TElement >::Iterator |
class | itk::IndexedContainerInterface< TElementIdentifier, TElement >::ConstIterator |
class | itk::InOrderTreeIterator< TTreeType > |
class | itk::InPlaceImageFilter< TInputImage, TOutputImage > |
| Base class for filters that take an image as input and overwrite that image as the output. More...
|
class | itk::InteriorExteriorSpatialFunction< VDimension, TInput > |
| Returns whether or not a location is "inside" or "outside" a function. More...
|
class | itk::InterpolateImageFunction< TInputImage, TCoordRep > |
| Base class for all image interpolaters. More...
|
class | itk::IterationReporter |
| Implements iterations tracking for a filter. More...
|
class | itk::KernelFunction |
| Kernel used for density estimation and nonparameteric regression. More...
|
class | itk::KernelTransform< TScalarType, NDimensions > |
class | itk::KLMDynamicBorderArray< TBorder > |
| Object maintaining a reference to a list of borders associated with a region. More...
|
class | itk::KLMSegmentationBorder |
| Base class for KLMSegmentationBorder object. More...
|
class | itk::KLMSegmentationRegion |
| Base class for KLMSegmentationRegion object. More...
|
class | itk::LaplacianOperator< TPixel, VDimension, TAllocator > |
class | itk::LeafTreeIterator< TTreeType > |
class | itk::LevelOrderTreeIterator< TTreeType > |
class | itk::LevelSetNode< TPixel, VSetDimension > |
| Represent a node in a level set. More...
|
class | itk::LevelSetTypeDefault< TLevelSet > |
| Level set type information. More...
|
class | 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. More...
|
class | 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.). More...
|
struct | itk::LevelSetFunction< TImageType >::GlobalDataStruct |
class | itk::LightObject |
| Light weight base class for most itk classes. More...
|
class | itk::LightProcessObject |
| LightProcessObject is the base class for all process objects (source, filters, mappers) in the Insight data processing pipeline. More...
|
class | itk::LinearInterpolateImageFunction< TInputImage, TCoordRep > |
| Linearly interpolate an image at specified positions. More...
|
class | itk::LineCell< TCellInterface > |
class | itk::Log10ImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the log10() of its pixels. More...
|
class | itk::LogImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the log() of its pixels. More...
|
class | itk::OStringStream |
class | itk::MahalanobisDistanceThresholdImageFunction< TInputImage, TCoordRep > |
| Returns true if the pixel value of a vector image has a Mahalanobis distance below the value specified by the threshold. More...
|
class | itk::MapContainer< TElementIdentifier, TElement > |
class | itk::MapContainer< TElementIdentifier, TElement >::Iterator |
| The non-const iterator type for the map. More...
|
class | itk::MapContainer< TElementIdentifier, TElement >::ConstIterator |
| The const iterator type for the map. More...
|
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. More...
|
class | itk::MatrixResizeableDataObject< TItemType > |
| Allows for a vnl matrix to be a data object with the flexibility of being resizable. More...
|
class | itk::MaximumDecisionRule |
| A Decision rule that choose the class of which discriminant score is the largest. More...
|
class | itk::MaximumRatioDecisionRule |
| This rule returns if for all , where the is the index of a class which has membership function and its prior value (usually, the a priori probability or the size of a class) is . More...
|
class | itk::MeanImageFunction< TInputImage, TCoordRep > |
| Calculate the mean value in the neighborhood of a pixel. More...
|
class | itk::MedianImageFunction< TInputImage, TCoordRep > |
| Calculate the median value in the neighborhood of a pixel. More...
|
struct | itk::GetMeshDimension< TMesh > |
class | itk::Mesh< TPixelType, VDimension, TMeshTraits > |
| Implements the N-dimensional mesh structure. More...
|
class | itk::Mesh< TPixelType, VDimension, TMeshTraits >::BoundaryAssignmentIdentifier |
class | itk::MeshRegion |
| A mesh region represents an unstructured region of data. More...
|
class | itk::MeshSource< TOutputMesh > |
| Base class for all process objects that output mesh data. More...
|
class | itk::MeshToMeshFilter< TInputMesh, TOutputMesh > |
class | itk::MetaDataDictionary |
class | itk::MetaDataDictionary::MetaDataDictionaryMapType |
class | itk::MetaDataObject< MetaDataObjectType > |
class | itk::MetaDataObjectBase |
class | itk::MinimumDecisionRule |
| A Decision rule that choose the class that has minimum value. More...
|
class | itk::MultiThreader |
| A class for performing multithreaded execution. More...
|
struct | itk::MultiThreader::ThreadInfoStruct |
class | itk::SimpleMutexLock |
| Simple mutual exclusion locking class. More...
|
class | itk::MutexLock |
| Mutual exclusion locking class. More...
|
class | itk::MutexLockHolder< TMutex > |
class | itk::NearestNeighborExtrapolateImageFunction< TInputImage, TCoordRep > |
| Nearest neighbor extrapolation of a scalar image. More...
|
class | itk::NearestNeighborInterpolateImageFunction< TInputImage, TCoordRep > |
| Nearest neighbor interpolation of a scalar image. More...
|
class | itk::Neighborhood< TPixel, VDimension, TAllocator > |
| A light-weight container object for storing an N-dimensional neighborhood of values. More...
|
class | itk::NeighborhoodAllocator< TPixel > |
class | itk::NeighborhoodBinaryThresholdImageFunction< TInputImage, TCoordRep > |
| Determine whether all the pixels in the specified neighborhood meet a threshold criteria. More...
|
class | itk::NeighborhoodInnerProduct< TImage, TOperator, TComputation > |
class | itk::NeighborhoodIterator< TImage, TBoundaryCondition > |
| Defines iteration of a local N-dimensional neighborhood of pixels across an itk::Image. More...
|
class | itk::NeighborhoodOperator< TPixel, VDimension, TAllocator > |
| Virtual class that defines a common interface to all neighborhood operator subtypes. More...
|
class | itk::NeighborhoodOperatorImageFunction< TInputImage, TOutput > |
| Compute the convolution of a neighborhood operator with the image at a specific location in space, i.e. point, index or continuous index. This class is templated over the input image type. More...
|
class | itk::NodeList< TItemType > |
| Stores secondary lists of nodes with pointers to the contained items. More...
|
class | itk::NonUniformBSpline< TDimension > |
| BSpline with nonuniform knot spacing. More...
|
class | itk::NthElementImageAdaptorHelper< TImage, TOutputPixelType > |
class | itk::NthElementImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the N-th element of its pixels. More...
|
class | itk::NthElementPixelAccessor< T, TContainer > |
| Give access to the N-th of a Container type. More...
|
class | itk::NumericTraits< T > |
| Define additional traits for native types such as int or float. More...
|
class | itk::NumericTraits< bool > |
| Define traits for type bool. More...
|
class | itk::NumericTraits< char > |
| Define traits for type char. NOTE: char is not guarenteed to be signed. On SGI's, thge default is unsigned. More...
|
class | itk::NumericTraits< signed char > |
class | itk::NumericTraits< unsigned char > |
| Define traits for type unsigned char. More...
|
class | itk::NumericTraits< short > |
| Define traits for type short. More...
|
class | itk::NumericTraits< unsigned short > |
| Define traits for type unsigned short. More...
|
class | itk::NumericTraits< int > |
| Define traits for type int. More...
|
class | itk::NumericTraits< unsigned int > |
| Define traits for type unsigned int. More...
|
class | itk::NumericTraits< long > |
| Define traits for type long. More...
|
class | itk::NumericTraits< unsigned long > |
| Define traits for type unsigned long. More...
|
class | itk::NumericTraits< float > |
| Define traits for type float. More...
|
class | itk::NumericTraits< double > |
| Define traits for type double. More...
|
class | itk::NumericTraits< long double > |
| Define traits for type long double. More...
|
class | itk::NumericTraits< RGBPixel< unsigned char > > |
| Define traits for type RGBPixel<unsigned char>. More...
|
class | itk::Object |
| Base class for most itk classes. More...
|
class | itk::ObjectFactory< T > |
| Create instances of a class. More...
|
class | itk::ObjectFactoryBase |
| Create instances of classes using an object factory. More...
|
struct | itk::ObjectFactoryBase::OverrideInformation |
| Internal implementation class for ObjectFactorBase. More...
|
class | itk::ObjectStore< TObjectType > |
| A specialized memory management object for allocating and destroying contiguous blocks of objects. More...
|
struct | itk::ObjectStore< TObjectType >::MemoryBlock |
class | itk::OctreeBase |
| Provides non-templated access to templated instances of Octree. More...
|
class | itk::Octree< TPixel, ColorTableSize, MappingFunctionType > |
| represent a 3D Image with an Octree data structure. More...
|
class | itk::OctreeNode |
class | itk::OctreeNodeBranch |
class | itk::Offset< VOffsetDimension > |
| Represent the offset between two n-dimensional indexes in a n-dimensional image. More...
|
class | itk::OneWayEquivalencyTable |
| Hash table to manage integral label equivalencies that are order dependent. More...
|
class | itk::OrthogonallyCorrected2DParametricPath |
| Represent an orthogonally corrected 2D parametric path. More...
|
class | itk::OutputWindow |
| Messages sent from the system are collected by this object. More...
|
class | itk::ParametricPath< VDimension > |
| Represent a parametric path through ND Space. More...
|
class | itk::Path< TInput, TOutput, VDimension > |
| Represent a path through ND Space. More...
|
class | itk::PathAndImageToPathFilter< TInputPath, TInputImage, TOutputPath > |
| Base class for filters that take both a path and an image as input and produce a path as output. More...
|
class | itk::PathConstIterator< TImage, TPath > |
| PathConstIterator iterates (traces) over a path through an image. More...
|
class | itk::PathIterator< TImage, TPath > |
| PathIterator iterates (traces) over a path through an image. More...
|
class | itk::PathSource< TOutputPath > |
| Base class for all process objects that output path data. More...
|
class | itk::PathToPathFilter< TInputPath, TOutputPath > |
| Base class for filters that take a path as input and produce a path as output. More...
|
class | itk::PCAShapeSignedDistanceFunction< TCoordRep, VSpaceDimension, TImage > |
| Compute the signed distance from a N-dimensional PCA Shape. More...
|
class | itk::PeriodicBoundaryCondition< TImage > |
| A function object that determines values outside of image boundaries according to periodic (wrap-around) conditions. More...
|
class | itk::PhasedArray3DSpecialCoordinatesImage< TPixel > |
| Templated 3D nonrectilinear-coordinate image class for phased-array "range" images. More...
|
class | itk::PixelAccessor< TInternalType, TExternalType > |
| Give access to partial aspects of a type. More...
|
class | itk::PixelTraits< TPixelType > |
| Traits for a pixel that define the dimension and component type. More...
|
class | itk::PixelTraits< bool > |
class | itk::PixelTraits< char > |
class | itk::PixelTraits< signed char > |
class | itk::PixelTraits< unsigned char > |
class | itk::PixelTraits< short > |
class | itk::PixelTraits< unsigned short > |
class | itk::PixelTraits< int > |
class | itk::PixelTraits< unsigned int > |
class | itk::PixelTraits< long > |
class | itk::PixelTraits< unsigned long > |
class | itk::PixelTraits< float > |
class | itk::PixelTraits< double > |
class | itk::JoinTraits< TValueType1, TValueType2 > |
| Trait to determine what datatype is needed if the specified pixel types are "joined" into a single vector. More...
|
class | itk::JoinTraits< bool, bool > |
class | itk::JoinTraits< bool, char > |
class | itk::JoinTraits< bool, unsigned char > |
class | itk::JoinTraits< bool, short > |
class | itk::JoinTraits< bool, unsigned short > |
class | itk::JoinTraits< bool, int > |
class | itk::JoinTraits< bool, unsigned int > |
class | itk::JoinTraits< bool, long > |
class | itk::JoinTraits< bool, unsigned long > |
class | itk::JoinTraits< bool, float > |
class | itk::JoinTraits< bool, double > |
class | itk::JoinTraits< char, bool > |
class | itk::JoinTraits< char, char > |
class | itk::JoinTraits< char, unsigned char > |
class | itk::JoinTraits< char, short > |
class | itk::JoinTraits< char, unsigned short > |
class | itk::JoinTraits< char, int > |
class | itk::JoinTraits< char, unsigned int > |
class | itk::JoinTraits< char, long > |
class | itk::JoinTraits< char, unsigned long > |
class | itk::JoinTraits< char, float > |
class | itk::JoinTraits< char, double > |
class | itk::JoinTraits< unsigned char, bool > |
class | itk::JoinTraits< unsigned char, char > |
class | itk::JoinTraits< unsigned char, unsigned char > |
class | itk::JoinTraits< unsigned char, short > |
class | itk::JoinTraits< unsigned char, unsigned short > |
class | itk::JoinTraits< unsigned char, int > |
class | itk::JoinTraits< unsigned char, unsigned int > |
class | itk::JoinTraits< unsigned char, long > |
class | itk::JoinTraits< unsigned char, unsigned long > |
class | itk::JoinTraits< unsigned char, float > |
class | itk::JoinTraits< unsigned char, double > |
class | itk::JoinTraits< short, bool > |
class | itk::JoinTraits< short, char > |
class | itk::JoinTraits< short, unsigned char > |
class | itk::JoinTraits< short, short > |
class | itk::JoinTraits< short, unsigned short > |
class | itk::JoinTraits< short, int > |
class | itk::JoinTraits< short, unsigned int > |
class | itk::JoinTraits< short, long > |
class | itk::JoinTraits< short, unsigned long > |
class | itk::JoinTraits< short, float > |
class | itk::JoinTraits< short, double > |
class | itk::JoinTraits< unsigned short, bool > |
class | itk::JoinTraits< unsigned short, char > |
class | itk::JoinTraits< unsigned short, unsigned char > |
class | itk::JoinTraits< unsigned short, short > |
class | itk::JoinTraits< unsigned short, unsigned short > |
class | itk::JoinTraits< unsigned short, int > |
class | itk::JoinTraits< unsigned short, unsigned int > |
class | itk::JoinTraits< unsigned short, long > |
class | itk::JoinTraits< unsigned short, unsigned long > |
class | itk::JoinTraits< unsigned short, float > |
class | itk::JoinTraits< unsigned short, double > |
class | itk::JoinTraits< int, bool > |
class | itk::JoinTraits< int, char > |
class | itk::JoinTraits< int, unsigned char > |
class | itk::JoinTraits< int, short > |
class | itk::JoinTraits< int, unsigned short > |
class | itk::JoinTraits< int, int > |
class | itk::JoinTraits< int, unsigned int > |
class | itk::JoinTraits< int, long > |
class | itk::JoinTraits< int, unsigned long > |
class | itk::JoinTraits< int, float > |
class | itk::JoinTraits< int, double > |
class | itk::JoinTraits< unsigned int, bool > |
class | itk::JoinTraits< unsigned int, char > |
class | itk::JoinTraits< unsigned int, unsigned char > |
class | itk::JoinTraits< unsigned int, short > |
class | itk::JoinTraits< unsigned int, unsigned short > |
class | itk::JoinTraits< unsigned int, int > |
class | itk::JoinTraits< unsigned int, unsigned int > |
class | itk::JoinTraits< unsigned int, long > |
class | itk::JoinTraits< unsigned int, unsigned long > |
class | itk::JoinTraits< unsigned int, float > |
class | itk::JoinTraits< unsigned int, double > |
class | itk::JoinTraits< long, bool > |
class | itk::JoinTraits< long, char > |
class | itk::JoinTraits< long, unsigned char > |
class | itk::JoinTraits< long, short > |
class | itk::JoinTraits< long, unsigned short > |
class | itk::JoinTraits< long, int > |
class | itk::JoinTraits< long, unsigned int > |
class | itk::JoinTraits< long, long > |
class | itk::JoinTraits< long, unsigned long > |
class | itk::JoinTraits< long, float > |
class | itk::JoinTraits< long, double > |
class | itk::JoinTraits< unsigned long, bool > |
class | itk::JoinTraits< unsigned long, char > |
class | itk::JoinTraits< unsigned long, unsigned char > |
class | itk::JoinTraits< unsigned long, short > |
class | itk::JoinTraits< unsigned long, unsigned short > |
class | itk::JoinTraits< unsigned long, int > |
class | itk::JoinTraits< unsigned long, unsigned int > |
class | itk::JoinTraits< unsigned long, long > |
class | itk::JoinTraits< unsigned long, unsigned long > |
class | itk::JoinTraits< unsigned long, float > |
class | itk::JoinTraits< unsigned long, double > |
class | itk::JoinTraits< float, bool > |
class | itk::JoinTraits< float, char > |
class | itk::JoinTraits< float, unsigned char > |
class | itk::JoinTraits< float, short > |
class | itk::JoinTraits< float, unsigned short > |
class | itk::JoinTraits< float, int > |
class | itk::JoinTraits< float, unsigned int > |
class | itk::JoinTraits< float, long > |
class | itk::JoinTraits< float, unsigned long > |
class | itk::JoinTraits< float, float > |
class | itk::JoinTraits< float, double > |
class | itk::JoinTraits< double, bool > |
class | itk::JoinTraits< double, char > |
class | itk::JoinTraits< double, unsigned char > |
class | itk::JoinTraits< double, short > |
class | itk::JoinTraits< double, unsigned short > |
class | itk::JoinTraits< double, int > |
class | itk::JoinTraits< double, unsigned int > |
class | itk::JoinTraits< double, long > |
class | itk::JoinTraits< double, unsigned long > |
class | itk::JoinTraits< double, float > |
class | itk::JoinTraits< double, double > |
class | itk::Point< TCoordRep, NPointDimension > |
| A templated class holding a geometric point in n-Dimensional space. More...
|
class | itk::BarycentricCombination< TPointContainer, TWeightContainer > |
class | itk::PointLocator< TPointIdentifier, VPointDimension, TCoordRep, TPointsContainer > |
| Accelerate geometric searches for points. More...
|
struct | itk::GetPointSetDimension< TPointSet > |
class | itk::PointSet< TPixelType, VDimension, TMeshTraits > |
| A superclass of the N-dimensional mesh structure; supports point (geometric coordinate and attribute) definition. More...
|
class | itk::PolygonCell< TCellInterface > |
class | itk::PolyLineParametricPath< VDimension > |
| Represent a path of line segments through ND Space. More...
|
class | itk::PostOrderTreeIterator< TTreeType > |
class | itk::PreOrderTreeIterator< TTreeType > |
class | itk::ProcessObject |
| ProcessObject is the base class for all process objects (source, filters, mappers) in the Insight data processing pipeline. More...
|
class | itk::ProgressAccumulator |
| Facilitates progress reporting for filters that wrap around multiple other filters. More...
|
struct | itk::ProgressAccumulator::FilterRecord |
class | itk::ProgressReporter |
| Implements progress tracking for a filter. More...
|
class | itk::QuadraticEdgeCell< TCellInterface > |
class | itk::QuadraticTriangleCell< TCellInterface > |
class | itk::QuadraticTriangleCellTopology |
class | itk::QuadrilateralCell< TCellInterface > |
class | itk::QuadrilateralCellTopology |
class | itk::QuaternionRigidTransform< TScalarType > |
| QuaternionRigidTransform of a vector space (e.g. space coordinates). More...
|
class | itk::RedPixelAccessor< T > |
| Give access to the red component of a RGBPixel type. More...
|
class | itk::Region |
| A region represents some portion or piece of data. More...
|
class | itk::RGBAPixel< TComponent > |
| Represent Red, Green, Blue cand Alpha component for color images. More...
|
class | itk::RGBPixel< TComponent > |
| Represent Red, Green and Blue component for color images. More...
|
class | itk::RGBToLuminanceImageAdaptor< TImage, TOutputPixelType > |
| Presents a color image as being composed of the Luminance of its pixels. More...
|
class | itk::RGBToVectorImageAdaptor< TImage > |
| Presents an image of pixel type RGBPixel as being and image of Vectors. More...
|
class | itk::Rigid2DTransform< TScalarType > |
| Rigid2DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::Rigid3DPerspectiveTransform< TScalarType > |
| Rigid3DTramsform of a vector space (e.g. space coordinates). More...
|
class | itk::Rigid3DTransform< TScalarType > |
| Rigid3DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::RootTreeIterator< TTreeType > |
class | itk::ScalarVector< TScalar, TVector, TVectorDimension > |
| A templated class holding bot scalar and vector values and responding to the GetScalar() and GetVector() methods. More...
|
class | itk::ScaleLogarithmicTransform< TScalarType, NDimensions > |
| Logarithmic Scale transformation of a vector space (e.g. space coordinates). More...
|
class | itk::ScaleSkewVersor3DTransform< TScalarType > |
| ScaleSkewVersor3DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::ScaleTransform< TScalarType, NDimensions > |
| Scale transformation of a vector space (e.g. space coordinates). More...
|
class | itk::ScatterMatrixImageFunction< TInputImage, TCoordRep > |
| Calculate the scatter matrix in the neighborhood of a pixel in a Vector image. More...
|
class | itk::SecondaryNodeList< TItemType, VCliqueSize > |
| Stores corresponding lists of nodes with pointers to the contained items. More...
|
class | itk::SegmentationBorder |
| Base class for SegmentationBorder object. More...
|
class | itk::SegmentationLevelSetFunction< TImageType, TFeatureImageType > |
class | itk::SegmentationRegion |
| Base class for SegmentationRegion object. More...
|
class | itk::Semaphore |
| The semaphore class is used to synchronize execution between threads. More...
|
class | itk::ShapedNeighborhoodIterator< TImage, TBoundaryCondition > |
| A neighborhood iterator which can take on an arbitrary shape. More...
|
struct | itk::ShapedNeighborhoodIterator< TImage, TBoundaryCondition >::Iterator |
class | itk::ShapeSignedDistanceFunction< TCoordRep, VSpaceDimension > |
| Base class for functions which evaluates the signed distance from a shape. More...
|
class | itk::Similarity2DTransform< TScalarType > |
| Similarity2DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::SimpleDataObjectDecorator< T > |
| Decorates any "simple" data type (data types without smart pointers) with a DataObject API. More...
|
class | itk::SimpleFastMutexLock |
| Critical section locking class that can be allocated on the stack. More...
|
class | itk::SimpleFilterWatcher |
| Simple mechanism for monitoring the pipeline events of a filter and reporting these events to std::cout. More...
|
class | itk::SimplexMesh< TPixelType, VDimension, TMeshTraits > |
| The class represents a 2-simplex mesh. More...
|
class | itk::SimplexMeshGeometry |
| handle geometric properties for vertices of a simplx mesh More...
|
class | itk::SinImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the sin() of its pixels. More...
|
class | itk::Size< VDimension > |
| Represent the size (bounds) of a n-dimensional image. More...
|
class | itk::SliceIterator< TPixel, TContainer > |
| A flexible iterator for itk containers(i.e. itk::Neighborhood) that support pixel access through operator[]. More...
|
class | itk::SmartPointer< TObjectType > |
| Implements transparent reference counting. More...
|
class | itk::SmartPointerForwardReference< T > |
| Implements transparent reference counting in situations where forward references / cyclic include depndencies are a problem. More...
|
class | itk::SparseImage< TNode, VImageDimension > |
| This class implements a storage type for sparse image data. More...
|
class | itk::SpatialFunction< TOutput, VImageDimension, TInput > |
| N-dimensional spatial function class. More...
|
class | itk::SpecialCoordinatesImage< TPixel, VImageDimension > |
| Templated n-dimensional nonrectilinear-coordinate image base class. More...
|
class | itk::SphereSignedDistanceFunction< TCoordRep, VSpaceDimension > |
| Compute the signed distance from a N-dimensional sphere. More...
|
class | itk::SphereSpatialFunction< VImageDimension, TInput > |
| Spatial function implementation of a sphere. More...
|
class | itk::SqrtImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the sqrt() of its pixels. More...
|
class | itk::STLConstContainerAdaptor< TContainer > |
class | itk::STLContainerAdaptor< TContainer > |
class | itk::SymmetricEllipsoidInteriorExteriorSpatialFunction< VDimension, TInput > |
class | itk::TanImageAdaptor< TImage, TOutputPixelType > |
| Presents an image as being composed of the tan() of its pixels. More...
|
class | itk::TetrahedronCell< TCellInterface > |
class | itk::TetrahedronCellTopology |
class | itk::TextOutput |
class | itk::ThinPlateR2LogRSplineKernelTransform< TScalarType, NDimensions > |
class | itk::ThinPlateSplineKernelTransform< TScalarType, NDimensions > |
class | itk::TimeProbe |
class | itk::TimeProbesCollectorBase |
class | itk::TimeStamp |
| Generate a unique, increasing time value. More...
|
class | itk::TorusInteriorExteriorSpatialFunction< VDimension, TInput > |
| Spatial function implementation of torus symmetric about the z-axis in 3D. More...
|
class | itk::Transform< TScalarType, NInputDimensions, NOutputDimensions > |
| Transform points and vector from an input space to an output space. More...
|
class | itk::TranslationTransform< TScalarType, NDimensions > |
| Translation transformation of a vector space (e.g. space coordinates). More...
|
class | itk::TreeChangeEvent< TTreeType > |
| This class derives from ModifiedEvent and check if the position of a node in the tree has been changed. More...
|
class | itk::TreeAddEvent< TTreeType > |
| This class derives from TreeChangeEvent and check if a node has been added to the tree. More...
|
class | itk::TreeRemoveEvent< TTreeType > |
| This class derives from TreeChangeEvent and check if a node has been removed from the tree. More...
|
class | itk::TreeContainer< TValueType > |
| TreeContainer class. More...
|
class | itk::TreeContainerBase< TValueType > |
class | itk::TreeIteratorBase< TTreeType > |
| TreeIteratorBase class. More...
|
class | itk::TreeIteratorClone< TObjectType > |
class | itk::TreeNode< TValueType > |
| TreeNode class. More...
|
class | itk::TriangleCell< TCellInterface > |
class | itk::TriangleCellTopology |
class | itk::UnaryCorrespondenceMatrix< TItemType > |
| A matrix used to store the Unary Metric for medial node comparisons between two images. More...
|
class | itk::ValarrayImageContainer< TElementIdentifier, TElement > |
class | itk::VarianceImageFunction< TInputImage, TCoordRep > |
| Calculate the variance in the neighborhood of a pixel. More...
|
class | itk::Vector< T, NVectorDimension > |
| A templated class holding a n-Dimensional vector. More...
|
class | itk::VectorContainer< TElementIdentifier, TElement > |
class | itk::VectorContainer< TElementIdentifier, TElement >::Iterator |
class | itk::VectorContainer< TElementIdentifier, TElement >::ConstIterator |
struct | itk::GetDimension< T > |
class | itk::VectorInterpolateImageFunction< TInputImage, TCoordRep, TPixelType > |
| Base class for all vector image interpolaters. More...
|
class | itk::VectorLinearInterpolateImageFunction< TInputImage, TCoordRep > |
| Linearly interpolate a vector image at specified positions. More...
|
class | itk::VectorMeanImageFunction< TInputImage, TCoordRep > |
| Calculate the mean value in the neighborhood of a pixel in a Vector image. More...
|
class | itk::VectorNearestNeighborInterpolateImageFunction< TInputImage, TCoordRep > |
| Nearest neighbor interpolate a vector image at specified positions. More...
|
class | itk::VectorNeighborhoodInnerProduct< TImage > |
class | itk::VectorToRGBImageAdaptor< TImage > |
| Presents an image of pixel type Vector as being and image of RGBPixel type. More...
|
class | itk::Version |
| Track the current version of the software. More...
|
class | itk::Versor< T > |
| A templated class holding a unit quaternion. More...
|
class | itk::VersorRigid3DTransform< TScalarType > |
| VersorRigid3DTransform of a vector space (e.g. space coordinates). More...
|
class | itk::VersorTransform< TScalarType > |
class | itk::VertexCell< TCellInterface > |
class | itk::VolumeSplineKernelTransform< TScalarType, NDimensions > |
class | itk::WeakPointer< TObjectType > |
| Implements a weak reference to an object. More...
|
class | itk::Win32OutputWindow |
| Collect error and debug messages on Win32-based systems. More...
|
class | itk::WindowedSincInterpolateImageFunction< TInputImage, VRadius, TWindowFunction, TBoundaryCondition, TCoordRep > |
| Use the windowed sinc function to interpolate. More...
|
class | itk::XMLFileOutputWindow |
| Messages sent from the system are sent to a file with each message enclosed by XML tags. More...
|
class | 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. More...
|
class | itk::AnalyzeImageIO |
| Class that defines how to read Analyze file format. Analyze IMAGE FILE FORMAT - As much information as I can determine from the Medical image formats web site, and the Analyze75.pdf file provided from the Mayo clinic. A special note of thanks to Dennis P. Hanson (dph@mayo.edu) for his generous contributions in getting this information correct. More...
|
class | itk::AnalyzeImageIOFactory |
| Create instances of AnalyzeImageIO objects using an object factory. More...
|
class | itk::ArchetypeSeriesFileNames |
| Generate an ordered sequence of filenames. More...
|
class | itk::BMPImageIO |
| Read BMPImage file format. More...
|
class | itk::BMPImageIOFactory |
| Create instances of BMPImageIO objects using an object factory. More...
|
class | itk::Brains2HeaderFactory |
| Create instances of Brains2Header objects using an object factory. More...
|
class | itk::Brains2IPLHeaderInfo |
class | itk::Brains2MaskHeaderInfo |
class | itk::Brains2MaskImageIO |
| Class that defines how to read Brains2Mask file format. More...
|
class | itk::Brains2MaskImageIOFactory |
| Create instances of Brains2MaskImageIO objects using an object factory. More...
|
class | itk::ConvertPixelBuffer< InputPixelType, OutputPixelType, OutputConvertTraits > |
| Class to convert blocks of data from one type to another. More...
|
class | itk::DefaultConvertPixelTraits< PixelType > |
| Traits class used to by ConvertPixels to convert blocks of pixels. More...
|
class | itk::DicomImageIO |
| Read DicomImage file format. More...
|
struct | itk::DicomImageIO::Bal |
class | itk::DICOMImageIO2 |
| Read DICOMImage file format. More...
|
class | itk::DICOMImageIO2Factory |
| Create instances of DICOMImageIO2 objects using an object factory. More...
|
class | itk::DicomImageIOFactory |
| Create instances of DicomImageIO objects using an object factory. More...
|
class | itk::DICOMSeriesFileNames |
| Generate an ordered sequence of filenames. More...
|
class | itk::GDCMImageIO |
| ImageIO class for reading and writing DICOM v3 and ACR/NEMA images This class is only an adaptor to the gdcm library (currently gdcm 0.6.x is used):. More...
|
class | itk::GDCMSeriesFileNames |
| Generate a sequence of filenames from a DICOM series. More...
|
class | itk::GE4ImageIO |
| Class that defines how to read GE4 file format. More...
|
class | itk::GE4ImageIOFactory |
| Create instances of GE4ImageIO objects using an object factory. More...
|
class | itk::GE5ImageIO |
| Class that defines how to read GE5 file format. More...
|
class | itk::GE5ImageIOFactory |
| Create instances of GE5ImageIO objects using an object factory. More...
|
class | itk::GEAdwImageIO |
| Class that defines how to read GEAdw file format. More...
|
class | itk::GEAdwImageIOFactory |
| Create instances of GEAdwImageIO objects using an object factory. More...
|
class | itk::GiplImageIO |
| Read GiplImage file format. More...
|
class | itk::GiplImageIOFactory |
| Create instances of GiplImageIO objects using an object factory. More...
|
class | itk::ImageFileReaderException |
| Base exception class for IO conflicts. More...
|
class | itk::ImageFileReader< TOutputImage, ConvertPixelTraits > |
| Data source that reads image data from a single file. More...
|
class | itk::ImageFileWriterException |
| Base exception class for IO problems during writing. More...
|
class | itk::ImageFileWriter< TInputImage > |
| Writes image data to a single file. More...
|
class | itk::ImageIOBase |
| Abstract superclass defines image IO interface. More...
|
class | itk::ImageIOBase::UnknownType |
class | itk::ImageIOFactory |
| Create instances of ImageIO objects using an object factory. More...
|
class | itk::ImageIORegion |
| An ImageIORegion represents a structured region of data. More...
|
class | itk::ImageSeriesReader< TOutputImage > |
| Data source that reads image data from a series of disk files. More...
|
class | itk::ImageSeriesWriterException |
| Base exception class for IO problems during writing. More...
|
class | itk::ImageSeriesWriter< TInputImage, TOutputImage > |
| Writes image data to a series of data files. More...
|
class | itk::IOCommon |
| Centralized funtionality for IO classes. More...
|
class | itk::IPLCommonImageIO |
| Class that defines how to read GE4 file format. More...
|
class | itk::IPLFileSortInfo |
class | itk::IPLFileNameList |
| -- stores filename+info to be enumerated for IPLCommonImageIO More...
|
class | itk::JPEGImageIO |
class | itk::JPEGImageIOFactory |
| Create instances of JPEGImageIO objects using an object factory. More...
|
class | itk::MetaImageIO |
| Read MetaImage file format. More...
|
class | itk::MetaImageIOFactory |
| Create instances of MetaImageIO objects using an object factory. More...
|
class | itk::NrrdImageIO |
| Read and write the "Nearly Raw Raster Data" (Nrrd) image format. The Nrrd format was developed as part of the Teem package (teem.sourceforge.org). More...
|
class | itk::NrrdImageIOFactory |
| Create instances of NrrdImageIO objects using an object factory. More...
|
class | itk::NumericSeriesFileNames |
| Generate an ordered sequence of filenames. More...
|
struct | itk::dcmp_t |
struct | itk::unpack |
struct | itk::pixhdr |
struct | itk::PixUpk |
struct | itk::PBInfo |
class | itk::PNGImageIO |
class | itk::PNGImageIOFactory |
| Create instances of PNGImageIO objects using an object factory. More...
|
class | itk::PolygonGroupSpatialObjectXMLFileReader |
class | itk::PolygonGroupSpatialObjectXMLFileWriter |
class | itk::RawImageIO< TPixel, VImageDimension > |
| Read and write raw binary images. More...
|
class | itk::RawImageIOFactory< TPixel, VImageDimension > |
class | itk::RegularExpressionSeriesFileNames |
| Generate an ordered sequence of filenames that match a regular expression. More...
|
class | itk::SiemensVisionImageIO |
| Class that defines how to read SiemensVision file format. More...
|
class | itk::SiemensVisionImageIOFactory |
| Create instances of SiemensVisionImageIO objects using an object factory. More...
|
class | itk::SpatialObjectReader< NDimensions, PixelType, TMeshTraits > |
class | itk::SpatialObjectWriter< NDimensions, PixelType, TMeshTraits > |
class | itk::StimulateImageIO |
| ImageIO class for reading SDT/SPR (Stimulate) images This format is similar to a MetaImageIO file: The user should specify the .spr file (not the data file : .sdt). More...
|
class | itk::StimulateImageIOFactory |
| Create instances of StimulateImageIO objects using an object factory. More...
|
class | itk::TIFFImageIO |
class | itk::TIFFImageIOFactory |
| Create instances of TIFFImageIO objects using an object factory. More...
|
class | itk::VTKImageIO |
| ImageIO class for reading VTK images. More...
|
class | itk::VTKImageIOFactory |
| Create instances of VTKImageIO objects using an object factory. More...
|
class | itk::XMLReaderBase |
class | itk::XMLReader< T > |
class | itk::XMLWriterBase< T > |
class | itk::AmoebaOptimizer |
| Wrap of the vnl_amoeba algorithm. More...
|
class | itk::CacheableScalarFunction |
| function cache implementation More...
|
class | itk::TargetClass |
class | itk::CompositeValleyFunction |
| Multiple valley shaped curve function. More...
|
class | itk::ConjugateGradientOptimizer |
| Wrap of the vnl_conjugate_gradient. More...
|
class | itk::CostFunction |
| Base class for cost functions intended to be used with Optimizers. More...
|
class | itk::CumulativeGaussianCostFunction |
| Cost function for the Cumulative Gaussian Optimizer. More...
|
class | itk::CumulativeGaussianOptimizer |
| This is an optimizer specific to estimating the parameters of Cumulative Gaussian sampled data. More...
|
class | itk::GradientDescentOptimizer |
| Implement a gradient descent optimizer. More...
|
class | itk::LBFGSBOptimizer |
| Limited memory Broyden Fletcher Goldfarb Shannon minimization with simple bounds. More...
|
class | itk::LBFGSOptimizer |
| Wrap of the vnl_lbfgs algorithm. More...
|
class | itk::LevenbergMarquardtOptimizer |
| Wrap of the vnl_levenberg_marquardt algorithm. More...
|
class | itk::MultipleValuedCostFunction |
| This class is a base for the CostFunctions returning a multiple values. More...
|
class | itk::MultipleValuedNonLinearOptimizer |
| This class is a base for the Optimization methods that optimize a multiple valued function. More...
|
class | itk::MultipleValuedNonLinearVnlOptimizer |
| This class is a base for the Optimization methods that optimize a single valued function. More...
|
class | itk::MultipleValuedVnlCostFunctionAdaptor |
| This class is an Adaptor that allows to pass itk::MultipleValuedCostFunctions to vnl_optimizers expecting a vnl_cost_function. More...
|
class | itk::MultivariateLegendrePolynomial |
| 2D and 3D multivariate Legendre Polynomial More...
|
class | itk::MultivariateLegendrePolynomial::CoefficientVectorSizeMismatch |
class | itk::MultivariateLegendrePolynomial::SimpleForwardIterator |
class | itk::NonLinearOptimizer |
| Wrap of the vnl_nonlinear_minimizer to be adapted. More...
|
class | itk::OnePlusOneEvolutionaryOptimizer |
| 1+1 evolutionary strategy optimizer More...
|
class | itk::Optimizer |
| Generic representation for an optimization method. More...
|
class | itk::PowellOptimizer |
| Implements Powell optimization using Brent line search - adapted from Numerical Recipes in C (first edition). More...
|
class | itk::QuaternionRigidTransformGradientDescentOptimizer |
| Implement a gradient descent optimizer. More...
|
class | itk::RegularStepGradientDescentBaseOptimizer |
| Implement a gradient descent optimizer. More...
|
class | itk::RegularStepGradientDescentOptimizer |
| Implement a gradient descent optimizer. More...
|
class | itk::SingleValuedCostFunction |
| This class is a base for the CostFunctions returning a single value. More...
|
class | itk::SingleValuedNonLinearOptimizer |
| This class is a base for the Optimization methods that optimize a single valued function. More...
|
class | itk::SingleValuedNonLinearVnlOptimizer |
| This class is a base for the Optimization methods that optimize a single valued function. More...
|
class | itk::SingleValuedVnlCostFunctionAdaptor |
| This class is an Adaptor that allows to pass itk::SingleValuedCostFunctions to vnl_optimizers expecting a vnl_cost_function. More...
|
class | itk::SymmetricEigenSystem< TMatrixElement, VNumberOfRows > |
| wrapper of the vnl_symmetric_eigensystem algorithm More...
|
class | itk::VersorRigid3DTransformOptimizer |
| Implement a gradient descent optimizer for the VersorRigid3DTransform parameter space. More...
|
class | itk::VersorTransformOptimizer |
| Implement a gradient descent optimizer. More...
|
class | itk::ActiveShapeModelCalculator< TImage > |
| Base class for ActiveShapeModelCalculator object. More...
|
class | itk::ActiveShapeModelGradientSearchMethod< TImage > |
| Base class for ActiveShapeModelGradientSearchMethod object. More...
|
class | itk::SimpleFuzzyConnectednessScalarImageFilter< TInputImage, TOutputImage > |
| Perform segmentation on grayscale images using method of fuzzy connectedness. More...
|
class | itk::VectorFuzzyConnectednessImageFilter< TInputImage, TOutputImage > |
class | itk::AffineGeometryFrame< TScalarType, NDimensions > |
| Describes the geometry of a data object. More...
|
class | itk::ArrowSpatialObject< TDimension > |
| Representation of a Arrow based on the spatial object classes. More...
|
class | itk::BlobSpatialObject< TDimension > |
| Spatial object representing a potentially amorphous object. More...
|
class | itk::CylinderSpatialObject |
| This class describe a cylinder in 3D only. More...
|
class | itk::DTITubeSpatialObject< TDimension > |
| Representation of a tube based on the spatial object classes. More...
|
class | itk::DTITubeSpatialObjectPoint< TPointDimension > |
| Point used for a tube definition. More...
|
class | itk::EllipseSpatialObject< TDimension > |
class | itk::GaussianSpatialObject< TDimension > |
| Represents a multivariate Gaussian function. More...
|
class | itk::GroupSpatialObject< TDimension > |
| Representation of a group based on the spatial object classes. More...
|
class | itk::ImageMaskSpatialObject< TDimension > |
| Implementation of an image mask as spatial object. More...
|
class | itk::ImageSpatialObject< TDimension, TPixelType > |
| Implementation of an image as spatial object. More...
|
class | itk::LandmarkSpatialObject< TDimension > |
| Representation of a Landmark based on the spatial object classes. More...
|
class | itk::LineSpatialObject< TDimension > |
| Representation of a Line based on the spatial object classes. More...
|
class | itk::LineSpatialObjectPoint< TPointDimension > |
| Point used for a line definition. More...
|
class | itk::MeshSpatialObject< TMesh > |
| Implementation of an Mesh as spatial object. More...
|
class | itk::MetaArrowConverter< NDimensions > |
class | itk::MetaBlobConverter< NDimensions > |
class | itk::MetaDTITubeConverter< NDimensions > |
class | itk::MetaEllipseConverter< NDimensions > |
class | itk::MetaEvent |
class | itk::MetaGaussianConverter< NDimensions > |
class | itk::MetaGroupConverter< NDimensions > |
class | itk::MetaImageConverter< NDimensions, PixelType > |
class | itk::MetaLandmarkConverter< NDimensions > |
class | itk::MetaLineConverter< NDimensions > |
class | itk::MetaMeshConverter< NDimensions, PixelType, TMeshTraits > |
class | itk::MetaSceneConverter< NDimensions, PixelType, TMeshTraits > |
class | itk::MetaSurfaceConverter< NDimensions > |
class | itk::MetaTubeConverter< NDimensions > |
class | itk::MetaVesselTubeConverter< NDimensions > |
class | itk::PlaneSpatialObject< TDimension > |
class | itk::PointBasedSpatialObject< TDimension > |
| This class serves as the base class for point-based spatial objects. More...
|
class | itk::PolygonGroupSpatialObject< TDimension > |
| Implements a Region Of Interest Type. More...
|
class | itk::PolygonSpatialObject< TDimension > |
class | itk::SceneSpatialObject< SpaceDimension > |
| a SceneSpatialObject has a list of SpatialObjects More...
|
class | itk::SpatialObject< TDimension > |
| Implementation of the composite pattern. More...
|
class | itk::SpatialObjectPoint< TPointDimension > |
| Point used for spatial objets. More...
|
class | itk::SpatialObjectProperty< TComponentType > |
class | itk::SpatialObjectTreeContainer< TDimension > |
| Array class with size defined at construction time. More...
|
class | itk::SpatialObjectTreeNode< TDimension > |
class | itk::SurfaceSpatialObject< TDimension > |
| Representation of a Surface based on the spatial object classes. More...
|
class | itk::SurfaceSpatialObjectPoint< TPointDimension > |
| Point used for a Surface definition. More...
|
class | itk::TubeSpatialObject< TDimension, TTubePointType > |
| Representation of a tube based on the spatial object classes. More...
|
class | itk::TubeSpatialObjectPoint< TPointDimension > |
| Point used for a tube definition. More...
|
class | itk::VesselTubeSpatialObject< TDimension > |
| Representation of a tube based on the spatial object classes. More...
|
class | itk::VesselTubeSpatialObjectPoint< TPointDimension > |
| Point used for a tube definition. More...
|
class | itk::itkBinaryMask3DMeshSource |
class | itk::DeformableMesh3D |
class | itk::itkBSplineCenteredL2ResampleImageFilterBase |
| Uses the "Centered L2" B-Spline pyramid implementation of B-Spline Filters to up/down sample an image by a factor of 2. More...
|
class | itk::itkBSplineDecompositionImageFilter |
| Calculates the B-Spline coefficients of an image. Spline order may be from 0 to 5. More...
|
class | itk::BSplineUpsampleImageFilterBase |
| Uses 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. More...
|
class | itk::itkSparseFieldLayer |
class | itk::EllipsoidSpatialFunction |
| Function implementation of an ellipsoid. More...
|
class | itk::IPLSortInfo |
| -- holds info on one file for IPLCommonImageIO More...
|
[NOHEADER] |
template<typename TAutoPointerBase, typename TAutoPointerDerived> |
void ITK_EXPORT | TransferAutoPointer (TAutoPointerBase &pa, TAutoPointerDerived &pb) |
[NOHEADER] |
std::ostream & | operator<< (std::ostream &os, EventObject &e) |
[NOHEADER] |
| itkEventMacro (NoEvent, EventObject) |
| itkEventMacro (AnyEvent, EventObject) |
| itkEventMacro (DeleteEvent, AnyEvent) |
| itkEventMacro (StartEvent, AnyEvent) |
| itkEventMacro (EndEvent, AnyEvent) |
| itkEventMacro (ProgressEvent, AnyEvent) |
| itkEventMacro (ExitEvent, AnyEvent) |
| itkEventMacro (AbortEvent, AnyEvent) |
| itkEventMacro (ModifiedEvent, AnyEvent) |
| itkEventMacro (InitializeEvent, AnyEvent) |
| itkEventMacro (IterationEvent, AnyEvent) |
| itkEventMacro (PickEvent, AnyEvent) |
| itkEventMacro (StartPickEvent, PickEvent) |
| itkEventMacro (EndPickEvent, PickEvent) |
| itkEventMacro (AbortCheckEvent, PickEvent) |
[NOHEADER] |
ITKCommon_EXPORT void | OutputWindowDisplayText (const char *) |
ITKCommon_EXPORT void | OutputWindowDisplayErrorText (const char *) |
ITKCommon_EXPORT void | OutputWindowDisplayWarningText (const char *) |
ITKCommon_EXPORT void | OutputWindowDisplayGenericOutputText (const char *) |
ITKCommon_EXPORT void | OutputWindowDisplayDebugText (const char *) |
[NOHEADER] |
template<class T> |
void | EncapsulateMetaData (MetaDataDictionary &Dictionary, const std::string &key, const T &invalue) |
[NOHEADER] |
template<class TFourierSeriesPath, class TChainCodePath> |
void | MakeFourierSeriesPathTraceChainCode (TFourierSeriesPath &FSPath, const TChainCodePath &chainPath, unsigned int numHarmonics=8) |
Typedefs |
typedef void * | LibHandle |
typedef void(* | ThreadFunctionType )(void *) |
typedef int | ThreadProcessIDType |
typedef int | MutexType |
typedef int | SemaphoreType |
typedef int | FastMutexType |
typedef itk::dcmp_t | dcmp_t |
typedef unsigned char | PIXEL |
typedef itk::pixhdr | PixHdr |
typedef PBInfo | BookEntry_t |
typedef PolygonGroupSpatialObject< 3 > | PGroupSpatialObjectType |
Enumerations |
enum | { num_primes = 28
} |
enum | { B2_MASKFILE_BLACK = 0,
B2_MASKFILE_WHITE = 1,
B2_MASKFILE_GRAY = 2
} |
enum | OctreePlaneType |
enum | LeafIdentifier {
ZERO = 0,
ONE = 1,
TWO = 2,
THREE = 3,
FOUR = 4,
FIVE = 5,
SIX = 6,
SEVEN = 7
} |
enum | PolygonGroupOrientation {
Axial = 0,
Coronal = 1,
Sagittal = 2,
UserPlane = 3,
Unknown = 4
} |
Functions |
template<class Key, class T, class HashFcn, class EqualKey, class Alloc> |
bool | operator== (const hash_map< Key, T, HashFcn, EqualKey, Alloc > &hm1, const hash_map< Key, T, HashFcn, EqualKey, Alloc > &hm2) |
template<class Key, class T, class HashFcn, class EqualKey, class Alloc> |
bool | operator== (const hash_multimap< Key, T, HashFcn, EqualKey, Alloc > &hm1, const hash_multimap< Key, T, HashFcn, EqualKey, Alloc > &hm2) |
template<class Value, class HashFcn, class EqualKey, class Alloc> |
bool | operator== (const hash_set< Value, HashFcn, EqualKey, Alloc > &hs1, const hash_set< Value, HashFcn, EqualKey, Alloc > &hs2) |
template<class Value, class HashFcn, class EqualKey, class Alloc> |
bool | operator== (const hash_multiset< Value, HashFcn, EqualKey, Alloc > &hs1, const hash_multiset< Value, HashFcn, EqualKey, Alloc > &hs2) |
vcl_size_t | hash_string (const char *s) |
unsigned long | next_prime (unsigned long n) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
bool | operator== (hashtable< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc >const &, hashtable< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc >const &) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
std::forward_iterator_tag | iterator_category (const hashtable_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > &) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
Value * | value_type (const hashtable_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > &) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
ptrdiff_t * | distance_type (const hashtable_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > &) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
std::forward_iterator_tag | iterator_category (const hashtable_const_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > &) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
Value * | value_type (const hashtable_const_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > &) |
template<class Value, class Key, class HashFcn, class ExtractKey, class EqualKey, class Alloc> |
ptrdiff_t * | distance_type (const hashtable_const_iterator< Value, Key, HashFcn, ExtractKey, EqualKey, Alloc > &) |
template<typename TValueType> |
std::ostream & | operator<< (std::ostream &os, const Array< TValueType > &arr) |
template<typename TValueType> |
std::ostream & | operator<< (std::ostream &os, const Array2D< TValueType > &arr) |
template<typename T> |
std::ostream & | operator<< (std::ostream &os, AutoPointer< T > p) |
template<class TImage> |
ConstNeighborhoodIterator<
TImage > | operator+ (const ConstNeighborhoodIterator< TImage > &it, const typename ConstNeighborhoodIterator< TImage >::OffsetType &ind) |
template<class TImage> |
ConstNeighborhoodIterator<
TImage > | operator+ (const typename ConstNeighborhoodIterator< TImage >::OffsetType &ind, const ConstNeighborhoodIterator< TImage > &it) |
template<class TImage> |
ConstNeighborhoodIterator<
TImage > | operator- (const ConstNeighborhoodIterator< TImage > &it, const typename ConstNeighborhoodIterator< TImage >::OffsetType &ind) |
| itkEventMacro (UserEvent, AnyEvent) |
template<typename TValueType, unsigned int VLength> |
std::ostream & | operator<< (std::ostream &os, const FixedArray< TValueType, VLength > &arr) |
template<unsigned int VImageDimension> |
std::ostream & | operator<< (std::ostream &os, const ImageRegion< VImageDimension > ®ion) |
template<unsigned int VIndexDimension> |
std::ostream & | operator<< (std::ostream &os, const Index< VIndexDimension > &ind) |
template<class T, unsigned int NRows, unsigned int NColumns> |
ITK_EXPORT std::ostream & | operator<< (std::ostream &os, const Matrix< T, NRows, NColumns > &v) |
template<class T> |
void | EncapsulateMetaData (MetaDataDictionary &Dictionary, const char *key, const T &invalue) |
template<class T> |
bool | ExposeMetaData (MetaDataDictionary &Dictionary, const std::string key, T &outval) |
template<class T> |
bool | ExposeMetaData (MetaDataDictionary &Dictionary, const char *const key, T &outval) |
template<class TPixel, unsigned int VDimension, class TContainer> |
std::ostream & | operator<< (std::ostream &os, const Neighborhood< TPixel, VDimension, TContainer > &neighborhood) |
template<class TPixel> |
std::ostream & | operator<< (std::ostream &o, const NeighborhoodAllocator< TPixel > &a) |
template<unsigned int VOffsetDimension> |
std::ostream & | operator<< (std::ostream &os, const Offset< VOffsetDimension > &ind) |
template<class TChainCodePath, class TPathInput> |
void | MakeChainCodeTracePath (TChainCodePath &chainPath, const TPathInput &inPath, bool restrictMovement=false) |
template<class T, unsigned int NPointDimension> |
ITK_EXPORT std::ostream & | operator<< (std::ostream &os, const Point< T, NPointDimension > &v) |
template<class T, unsigned int NPointDimension> |
ITK_EXPORT std::istream & | operator>> (std::istream &is, Point< T, NPointDimension > &v) |
template<typename TComponent> |
ITK_EXPORT std::ostream & | operator<< (std::ostream &os, const RGBAPixel< TComponent > &c) |
template<typename TComponent> |
ITK_EXPORT std::istream & | operator>> (std::istream &is, RGBAPixel< TComponent > &c) |
template<typename TComponent> |
ITK_EXPORT std::ostream & | operator<< (std::ostream &os, const RGBPixel< TComponent > &c) |
template<typename TComponent> |
ITK_EXPORT std::istream & | operator>> (std::istream &is, RGBPixel< TComponent > &c) |
template<unsigned int VDimension> |
std::ostream & | operator<< (std::ostream &os, const Size< VDimension > &size) |
template<typename T> |
std::ostream & | operator<< (std::ostream &os, SmartPointer< T > p) |
template<typename T> |
std::ostream & | operator<< (std::ostream &os, SmartPointerForwardReference< T > p) |
template<typename T> |
std::ostream & | operator<< (std::ostream &os, TreeIteratorClone< T > p) |
template<class T, unsigned int NVectorDimension> |
ITKCommon_EXPORT std::ostream & | operator<< (std::ostream &os, const Vector< T, NVectorDimension > &v) |
template<class T, unsigned int NVectorDimension> |
ITKCommon_EXPORT std::istream & | operator>> (std::istream &is, Vector< T, NVectorDimension > &v) |
ITKCommon_EXPORT Vector< double, 3 > | CrossProduct (const Vector< double, 3 > &, const Vector< double, 3 > &) |
ITKCommon_EXPORT Vector< float, 3 > | CrossProduct (const Vector< float, 3 > &, const Vector< float, 3 > &) |
ITKCommon_EXPORT Vector< int, 3 > | CrossProduct (const Vector< int, 3 > &, const Vector< int, 3 > &) |
template<class T> |
ITK_EXPORT std::ostream & | operator<< (std::ostream &os, const Versor< T > &v) |
template<class T> |
ITK_EXPORT std::istream & | operator>> (std::istream &is, Versor< T > &v) |
template<typename T> |
std::ostream & | operator<< (std::ostream &os, WeakPointer< T > p) |
| ITK_DEFAULTCONVERTTRAITS_FIXEDARRAY_TYPE_ALL_TYPES_MACRO (Vector) |
| ITK_DEFAULTCONVERTTRAITS_FIXEDARRAY_TYPE_ALL_TYPES_MACRO (CovariantVector) |
| ITK_DEFAULTCONVERTTRAITS_FIXEDARRAY_TYPE_ALL_TYPES_MACRO (Point) |
| ITK_DEFAULTCONVERTTRAITS_FIXEDARRAY_TYPE_ALL_TYPES_MACRO (FixedArray) |
std::ostream & | operator<< (std::ostream &os, const ImageIORegion ®ion) |
float | MvtSunf (int numb) |
itk::ObjectFactoryBase * | itkLoad () |
std::ostream & | operator<< (std::ostream &os, MultivariateLegendrePolynomial &poly) |
Variables |
const unsigned long | prime_list [num_primes] |
const char *const | ANALYZE_ScanNumber |
const char *const | ANALYZE_O_MAX |
const char *const | ANALYZE_O_MIN |
const char *const | ANALYZE_S_MAX |
const char *const | ANALYZE_S_MIN |
const char *const | ANALYZE_CAL_MAX |
const char *const | ANALYZE_CAL_MIN |
const char *const | ANALYZE_GLMAX |
const char *const | ANALYZE_GLMIN |
const char *const | ANALYZE_AUX_FILE_NAME |
const char *const | ANALYZE_CALIBRATIONUNITS |
const char *const | ITK_OnDiskStorageTypeName |
const char *const | ITK_ImageFileBaseName |
const char *const | ITK_VoxelUnits |
const char *const | ITK_OnDiskBitPerPixel |
const char *const | SPM_ROI_SCALE |
const char *const | ITK_FileNotes |
const char *const | ITK_CoordinateOrientation |
const char *const | ITK_Origin |
const char *const | ITK_FileOriginator |
const char *const | ITK_OriginationDate |
const char *const | ITK_PatientID |
const char *const | ITK_ExperimentDate |
const char *const | ITK_ExperimentTime |
const char *const | ITK_InputFilterName |
const char *const | ITK_NumberOfDimensions |
const char *const | ITK_ImageType |
const char *const | ITK_PatientName |
const char *const | ITK_ScanID |
const char *const | ROI_NAME |
const char *const | ROI_X_SIZE |
const char *const | ROI_X_RESOLUTION |
const char *const | ROI_Y_SIZE |
const char *const | ROI_Y_RESOLUTION |
const char *const | ROI_Z_SIZE |
const char *const | ROI_Z_RESOLUTION |
const char *const | ROI_NUM_SEGMENTS |
const char *const | ROI_PLANE |
const char *const | ROI_SCAN_ID |
The three coordinate axis are azimuth, elevation, and range.
The azimuth elevation coordinate system is defined similarly to spherical coordinates but is slightly different in that the azimuth and elevation are measured in degrees between the r-axis (i.e z axis) and the projection on the x-z and y-z planes, respectively. Range, or r, is the distance from the origin.
The equations form performing the conversion from azimuth-elevation coordinates to cartesian coordinates are as follows: z = sqrt((r^2*(cos(azimuth))^2)/(1 + (cos(azimuth))^2 * (tan(elevation))^2); x = z * tan(azimuth) y = z * tan(elevation)
The reversed transforms are: azimuth = arctan(x/y) elevation = arctan(y/z) r = sqrt(x^2 + y^2 + z^2)
In this class, we can also set what a "forward" transform means. If we call SetForwardAzimuthElevationToCartesian(), a forward transform will return cartesian coordinates when passed azimuth,elevation,r coordinates. Calling SetForwardCartesianToAzimuthElevation() will cause the forward transform to return azimuth,elevation,r coordinates from cartesian coordinates.
Setting the FirstSampleDistance to a non-zero value means that a r value of 12 is actually (12 + FirstSampleDistance) distance from the origin.
ScalarT The type to be used for scalar numeric values. Either float or double.
NDimensions The number of dimensions of the vector space (must be >=3).