go home Home | Main Page | Modules | Namespace List | Class Hierarchy | Alphabetical List | Data Structures | File List | Namespace Members | Data Fields | Globals | Related Pages
Data Structures
Here are the data structures with brief descriptions:
BSplineInterpolateImageFunction
elastix::AdaptiveStochasticGradientDescent< TElastix >A gradient descent optimizer with an adaptive gain
elastix::AdvancedAffineTransformElastix< TElastix >A transform based on the itk::AdvancedMatrixOffsetTransformBase
elastix::AdvancedBSplineTransform< TElastix >A transform based on the itkAdvancedBSplineTransform
elastix::AdvancedKappaStatisticMetric< TElastix >An metric based on the itk::AdvancedKappaStatisticImageToImageMetric
elastix::AdvancedMattesMutualInformationMetric< TElastix >A metric based on the itk::ParzenWindowMutualInformationImageToImageMetric
elastix::AdvancedMeanSquaresMetric< TElastix >An metric based on the itk::AdvancedMeanSquaresImageToImageMetric
elastix::AdvancedNormalizedCorrelationMetric< TElastix >An metric based on the itk::AdvancedNormalizedCorrelationImageToImageMetric
elastix::AffineDTITransformElastix< TElastix >A transform based on the itk AffineDTITransform
elastix::BaseComponentClass that all elastix components should inherit from
elastix::BaseComponentSE< TElastix >The BaseComponentSE class is a base class for elastix components that provides some basic functionality
elastix::BSplineInterpolator< TElastix >An interpolator based on the itkBSplineInterpolateImageFunction
elastix::BSplineInterpolatorFloat< TElastix >An interpolator based on the itk::BSplineInterpolateImageFunction
elastix::BSplineResampleInterpolator< TElastix >A resample-interpolator based on B-splines
elastix::BSplineResampleInterpolatorFloat< TElastix >A resample-interpolator based on B-splines
elastix::BSplineStackTransform< TElastix >A B-spline transform based on the itkStackTransform
elastix::BSplineTransformWithDiffusion< TElastix >This class combines a B-spline transform with the diffusion/filtering of the deformation field
elastix::CMAEvolutionStrategy< TElastix >An optimizer based on the itk::CMAEvolutionStrategyOptimizer
elastix::ComponentDatabaseClass that stores the New() functions of all components
elastix::ComponentLoaderDetermines which components (metrics, transforms, etc.) are available
elastix::ConfigurationA class that deals with user given parameters and command line arguments
elastix::ConjugateGradient< TElastix >An optimizer based on the itk::GenericConjugateGradientOptimizer
elastix::ConjugateGradientFRPR< TElastix >The ConjugateGradientFRPR class
elastix::CorrespondingPointsEuclideanDistanceMetric< TElastix >An metric based on the itk::CorrespondingPointsEuclideanDistancePointMetric
elastix::CUDAResampler< TElastix >A resampler based on the itk::CUDAResampleImageFilter
elastix::DeformationFieldTransform< TElastix >A transform based on a DeformationField
elastix::DisplacementMagnitudePenalty< TElastix >A penalty term that penalises ||T(x)-x||
elastix::ElastixBaseThis class creates an interface for elastix
elastix::ElastixBase::MultipleImageLoader< TImage >
elastix::ElastixMainA class with all functionality to configure elastix
elastix::ElastixTemplate< TFixedImage, TMovingImage >The main elastix class, which connects components and invokes the BeforeRegistration(), BeforeEachResolution(), etc. methods
elastix::EulerTransformElastix< TElastix >A transform based on the itk EulerTransforms
elastix::FiniteDifferenceGradientDescent< TElastix >An optimizer based on the itk::FiniteDifferenceGradientDescentOptimizer
elastix::FixedImagePyramidBase< TElastix >This class is the elastix base class for all FixedImagePyramids
elastix::FixedRecursivePyramid< TElastix >A pyramid based on the itk::RecursiveMultiResolutionPyramidImageFilter
elastix::FixedShrinkingPyramid< TElastix >A pyramid based on the itk::MultiResolutionShrinkPyramidImageFilter
elastix::FixedSmoothingPyramid< TElastix >A pyramid based on the itk::MultiResolutionGaussianSmoothingPyramidImageFilter
elastix::FullSampler< TElastix >An interpolator based on the itk::ImageFullSampler
elastix::FullSearch< TElastix >An optimizer based on the itk::FullSearchOptimizer
elastix::GradientDifferenceMetric< TElastix >An metric based on the itk::GradientDifferenceImageToImageMetric
elastix::GridSampler< TElastix >An interpolator based on the itk::ImageGridSampler
elastix::ImageSamplerBase< TElastix >This class is the elastix base class for all ImageSamplers
elastix::InstallFunctions< TAnyItkObject >A class with functions that are used to install elastix components
elastix::InterpolatorBase< TElastix >This class is the elastix base class for all Interpolators
elastix::KNNGraphAlphaMutualInformationMetric< TElastix >A metric based on the itk::KNNGraphAlphaMutualInformationImageToImageMetric
elastix::LinearInterpolator< TElastix >An interpolator based on the itkLinearInterpolateImageFunction
elastix::LinearResampleInterpolator< TElastix >A linear resample-interpolator
elastix::MetricBase< TElastix >This class is the elastix base class for all Metrics
elastix::MovingImagePyramidBase< TElastix >This class is the elastix base class for all MovingImagePyramids
elastix::MovingRecursivePyramid< TElastix >A pyramid based on the itkRecursiveMultiResolutionPyramidImageFilter
elastix::MovingShrinkingPyramid< TElastix >A pyramid based on the itk::MultiResolutionShrinkPyramidImageFilter
elastix::MovingSmoothingPyramid< TElastix >A pyramid based on the itkMultiResolutionGaussianSmoothingPyramidImageFilter
elastix::MultiInputRandomCoordinateSampler< TElastix >An interpolator based on the itk::MultiInputImageRandomCoordinateSampler
elastix::MultiMetricMultiResolutionRegistration< TElastix >A registration framework based on the itk::MultiMetricMultiResolutionImageRegistrationMethod
elastix::MultiResolutionRegistration< TElastix >A registration framework based on the itk::MultiResolutionImageRegistrationMethod
elastix::MultiResolutionRegistrationWithFeatures< TElastix >A registration framework based on the itk::MultiResolutionImageRegistrationMethodWithFeatures
elastix::MutualInformationHistogramMetric< TElastix >A metric based on the itk::MutualInformationHistogramImageToImageMetric
elastix::MyStandardResampler< TElastix >A resampler based on the itk::ResampleImageFilter
elastix::NearestNeighborInterpolator< TElastix >An interpolator based on the itkNearestNeighborInterpolateImageFunction
elastix::NearestNeighborResampleInterpolator< TElastix >A nearest neighbor resample-interpolator
elastix::NormalizedGradientCorrelationMetric< TElastix >An metric based on the itk::NormalizedGradientCorrelationImageToImageMetric
elastix::NormalizedMutualInformationMetric< TElastix >A metric based on the itk::ParzenWindowNormalizedMutualInformationImageToImageMetric
elastix::OptimizerBase< TElastix >This class is the elastix base class for all Optimizers
elastix::PatternIntensityMetric< TElastix >An metric based on the itk::PatternIntensityImageToImageMetric
elastix::Powell< TElastix >An optimizer based on Powell..
elastix::ProgressCommandA specialized Command object for updating the progress of a filter
elastix::QuasiNewtonLBFGS< TElastix >An optimizer based on the itk::QuasiNewtonLBFGSOptimizer
elastix::RandomCoordinateSampler< TElastix >An interpolator based on the itk::ImageRandomCoordinateSampler
elastix::RandomSampler< TElastix >An interpolator based on the itk::ImageRandomSampler
elastix::RandomSamplerSparseMask< TElastix >An interpolator based on the itk::ImageRandomSamplerSparseMask
elastix::RayCastInterpolator< TElastix >An interpolator based on the itkAdvancedRayCastInterpolateImageFunction
elastix::RayCastResampleInterpolator< TElastix >An interpolator based on ..
elastix::ReducedDimensionBSplineInterpolator< TElastix >An interpolator based on the itkReducedDimensionBSplineInterpolateImageFunction
elastix::ReducedDimensionBSplineResampleInterpolator< TElastix >A resample-interpolator based on B-splines which ignores the last dimension
elastix::RegistrationBase< TElastix >This class is the elastix base class for all Registration schemes
elastix::RegularStepGradientDescent< TElastix >An optimizer based on gradient descent..
elastix::ResampleInterpolatorBase< TElastix >This class is the elastix base class for all ResampleInterpolators
elastix::ResamplerBase< TElastix >
elastix::RSGDEachParameterApart< TElastix >An optimizer based on gradient descent
elastix::SimilarityTransformElastix< TElastix >A transform based on the itk SimilarityTransforms
elastix::Simplex< TElastix >An optimizer based on Simplex..
elastix::SimultaneousPerturbation< TElastix >An optimizer based on the itk::SPSAOptimizer
elastix::SplineKernelTransform< TElastix >A transform based on the itk::KernelTransform2
elastix::StandardGradientDescent< TElastix >A gradient descent optimizer with a decaying gain
elastix::TransformBase< TElastix >This class is the elastix base class for all Transforms
elastix::TransformBendingEnergyPenalty< TElastix >A penalty term based on the bending energy of a thin metal sheet
elastix::TransformixMainA class with all functionality to configure transformix
elastix::TransformRigidityPenalty< TElastix >A penalty term based on non-rigidity
elastix::TranslationTransformElastix< TElastix >A transform based on the itk::TranslationTransform
elastix::VarianceOverLastDimensionMetric< TElastix >Compute the sum of variances over the slowest varying dimension in the moving image
elastix::ViolaWellsMutualInformationMetric< TElastix >A metric based on the itk::MutualInformationImageToImageMetric
elastix::WeightedCombinationTransformElastix< TElastix >A transform based on the itk::WeightedCombinationTransform
FunctionBase
ImageFileWriter
ImageIOBase
ImageSource
ImageToImageFilter
ImageToImageMetric
InterpolateImageFunction
itk::AdaptiveStochasticGradientDescentOptimizerThis class implements a gradient descent optimizer with adaptive gain
itk::AdvancedBSplineDeformableTransform< TScalarType, NDimensions, VSplineOrder >Deformable transform using a B-spline representation
itk::AdvancedBSplineDeformableTransformBase< TScalarType, NDimensions >Base class for deformable transform using a B-spline representation
itk::AdvancedCombinationTransform< TScalarType, NDimensions >This class combines two transforms: an 'initial transform' with a 'current transform'
itk::AdvancedEuler3DTransform< TScalarType >AdvancedEuler3DTransform of a vector space (e.g. space coordinates)
itk::AdvancedIdentityTransform< TScalarType, NDimensions >Implementation of an Identity Transform
itk::AdvancedImageToImageMetric< TFixedImage, TMovingImage >An extension of the ITK ImageToImageMetric. It is the intended base class for all elastix metrics
itk::AdvancedKappaStatisticImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two objects to be registered
itk::AdvancedMatrixOffsetTransformBase< TScalarType, NInputDimensions, NOutputDimensions >
itk::AdvancedMeanSquaresImageToImageMetric< TFixedImage, TMovingImage >Compute Mean square difference between two images, based on AdvancedImageToImageMetric..
itk::AdvancedNormalizedCorrelationImageToImageMetric< TFixedImage, TMovingImage >Computes normalized correlation between two images, based on AdvancedImageToImageMetric..
itk::AdvancedRayCastInterpolateImageFunction< TInputImage, TCoordRep >Projective interpolation of an image at specified positions
itk::AdvancedRigid2DTransform< TScalarType >AdvancedRigid2DTransform of a vector space (e.g. space coordinates)
itk::AdvancedRigid3DTransform< TScalarType >AdvancedRigid3DTransform of a vector space (e.g. space coordinates)
itk::AdvancedSimilarity2DTransform< TScalarType >AdvancedSimilarity2DTransform of a vector space (e.g. space coordinates)
itk::AdvancedSimilarity3DTransform< TScalarType >AdvancedSimilarity3DTransform of a vector space (e.g. space coordinates)
itk::AdvancedTransform< TScalarType, NInputDimensions, NOutputDimensions >Transform maps points, vectors and covariant vectors from an input space to an output space
itk::AdvancedTranslationTransform< TScalarType, NDimensions >Translation transformation of a vector space (e.g. space coordinates)
itk::AdvancedVersorRigid3DTransform< TScalarType >AdvancedVersorRigid3DTransform of a vector space (e.g. space coordinates)
itk::AdvancedVersorTransform< TScalarType >
itk::AffineDTI3DTransform< TScalarType >AffineDTI3DTransform of a vector space (e.g. space coordinates)
AmoebaOptimizer
itk::ANNbdTree< TListSample >
itk::ANNBinaryTreeCreator
itk::ANNBruteForceTree< TListSample >
itk::ANNFixedRadiusTreeSearch< TListSample >
itk::ANNkDTree< TListSample >
itk::ANNPriorityTreeSearch< TListSample >
itk::ANNStandardTreeSearch< TListSample >
itk::BinaryANNTreeBase< TListSample >
itk::BinaryANNTreeSearchBase< TListSample >
itk::BinaryTreeBase< TListSample >
itk::BinaryTreeSearchBase< TListSample >
itk::BSplineDerivativeKernelFunction2< VSplineOrder >Derivative of a B-spline kernel used for density estimation and nonparametric regression
itk::BSplineInterpolationDerivativeWeightFunction< TCoordRep, VSpaceDimension, VSplineOrder >Returns the weights over the support region used for B-spline interpolation/reconstruction
itk::BSplineInterpolationSecondOrderDerivativeWeightFunction< TCoordRep, VSpaceDimension, VSplineOrder >Returns the weights over the support region used for B-spline interpolation/reconstruction
itk::BSplineInterpolationWeightFunction2< TCoordRep, VSpaceDimension, VSplineOrder >Returns the weights over the support region used for B-spline interpolation/reconstruction
itk::BSplineInterpolationWeightFunctionBase< TCoordRep, VSpaceDimension, VSplineOrder >Returns the weights over the support region used for B-spline interpolation/reconstruction
itk::BSplineKernelFunction2< VSplineOrder >B-spline kernel used for density estimation and nonparameteric regression
itk::BSplineSecondOrderDerivativeKernelFunction2< VSplineOrder >Derivative of a B-spline kernel used for density estimation and nonparametric regression
itk::CenteredTransformInitializer2< TTransform, TFixedImage, TMovingImage >CenteredTransformInitializer2 is a helper class intended to initialize the center of rotation and the translation of Transforms having the center of rotation among their parameters
itk::CMAEvolutionStrategyOptimizerA Covariance Matrix Adaptation Evolution Strategy Optimizer
itk::CombinationImageToImageMetric< TFixedImage, TMovingImage >Combines multiple metrics
itk::CorrespondingPointsEuclideanDistancePointMetric< TFixedPointSet, TMovingPointSet >Computes the Euclidean distance between a moving point-set and a fixed point-set. Correspondence is needed
itk::CyclicBSplineDeformableTransform< TScalarType, NDimensions, VSplineOrder >Deformable transform using a B-spline representation in which the B-spline grid is formulated in a cyclic way
itk::CyclicGridScheduleComputer< TTransformScalarType, VImageDimension >This class computes all information about the B-spline grid
itk::DeformationFieldInterpolatingTransform< TScalarType, NDimensions, TComponentType >Transform that interpolates a given deformation field
itk::DeformationFieldRegulizer< TAnyITKTransform >This class combines any itk transform with the DeformationFieldTransform
itk::DeformationVectorFieldTransform< TScalarType, NDimensions >An itk transform based on a DeformationVectorField
itk::DisplacementMagnitudePenaltyTerm< TFixedImage, TScalarType >A cost function that calculates $||T(x)-x||^2$
itk::ElasticBodyReciprocalSplineKernelTransform2< TScalarType, NDimensions >
itk::ElasticBodySplineKernelTransform2< TScalarType, NDimensions >
itk::ErodeMaskImageFilter< TImage >
itk::ExponentialLimiterFunction< TInput, NDimension >A soft limiter
itk::FiniteDifferenceGradientDescentOptimizerAn optimizer based on gradient descent ..
FRPROptimizer
itk::FullSearchOptimizerAn optimizer based on full search
itk::GenericConjugateGradientOptimizerA set of conjugate gradient algorithms
itk::GradientDescentOptimizer2Implement a gradient descent optimizer
itk::GradientDifferenceImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two objects to be registered
itk::GridScheduleComputer< TTransformScalarType, VImageDimension >This class computes all information about the B-spline grid, given the image information and the desired grid spacing
itk::HardLimiterFunction< TInput, NDimension >A hard limiter
itk::ImageFileCastWriter< TInputImage >Casts pixel type and writes image data
itk::ImageFullSampler< TInputImage >Samples all voxels in the InputImageRegion
itk::ImageGridSampler< TInputImage >Samples image voxels on a regular grid
itk::ImageMaskSpatialObject2< TDimension >Implementation of an image mask as spatial object
itk::ImageRandomCoordinateSampler< TInputImage >Samples an image by randomly composing a set of physical coordinates
itk::ImageRandomSampler< TInputImage >Samples randomly some voxels of an image
itk::ImageRandomSamplerBase< TInputImage >This class is a base class for any image sampler that randomly picks samples
itk::ImageRandomSamplerSparseMask< TInputImage >Samples randomly some voxels of an image
itk::ImageSample< TImage >A class that defines an image sample, which is the coordinates of a point and its value
itk::ImageSamplerBase< TInputImage >This class is a base class for any image sampler
itk::ImageSpatialObject2< TDimension, TPixelType >Implementation of an image as spatial object
itk::ImageToImageMetricWithFeatures< TFixedImage, TMovingImage, TFixedFeatureImage, TMovingFeatureImage >Computes similarity between regions of two images
itk::ImageToVectorContainerFilter< TInputImage, TOutputVectorContainer >Base class that takes in an image and pops out a vector container
itk::itkCUDAResampleImageFilter< TInputImage, TOutputImage, TInterpolatorPrecisionType >Resample an image on the GPU via a coordinate transform
itk::itkCUDAResampleImageFilter< TInputImage, TOutputImage, TInterpolatorPrecisionType >::WarningReportType
itk::KernelTransform2< TScalarType, NDimensions >
itk::KNNGraphAlphaMutualInformationImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two images to be registered
itk::LimiterFunctionBase< TInput, NDimension >Base class for all ITK limiter function objects
itk::LineSearchOptimizerA base class for LineSearch optimizers
itk::MeshFileReaderBase< TOutputMesh >Base class for mesh readers
itk::MeshFileReaderExceptionBase exception class for IO conflicts
itk::MevisDicomTiffImageIO
itk::MevisDicomTiffImageIOFactoryCreate instances of MevisDicomTiffImageIO objects using an object factory
itk::MoreThuenteLineSearchOptimizerITK version of the MoreThuente line search algorithm
itk::MultiInputImageRandomCoordinateSampler< TInputImage >Samples an image by randomly composing a set of physical coordinates
itk::MultiInputImageToImageMetricBase< TFixedImage, TMovingImage >Implements a metric base class that takes multiple inputs
itk::MultiInputMultiResolutionImageRegistrationMethodBase< TFixedImage, TMovingImage >Base class for multi-resolution image registration methods
itk::MultiMetricMultiResolutionImageRegistrationMethod< TFixedImage, TMovingImage >Base class for multi-resolution image registration methods
itk::MultiOrderBSplineDecompositionImageFilter< TInputImage, TOutputImage >Calculates the B-Spline coefficients of an image. Spline order may be per dimension from 0 to 5 per
itk::MultiResolutionGaussianSmoothingPyramidImageFilter< TInputImage, TOutputImage >Framework for creating images in a multi-resolution pyramid
itk::MultiResolutionImageRegistrationMethod2< TFixedImage, TMovingImage >Base class for multi-resolution image registration methods
itk::MultiResolutionImageRegistrationMethodWithFeatures< TFixedImage, TMovingImage >Class for multi-resolution image registration methods
itk::MultiResolutionShrinkPyramidImageFilter< TInputImage, TOutputImage >Framework for creating images in a multi-resolution pyramid
itk::NDImageBase< TPixel >An image whose dimension can be specified at runtime
itk::NDImageTemplate< TPixel, VDimension >This class is a specialization of the NDImageBase, which acts as a wrap around an itk::Image
itk::NormalizedGradientCorrelationImageToImageMetric< TFixedImage, TMovingImage >An metric based on the itk::NormalizedGradientCorrelationImageToImageMetric
itk::ParabolicErodeDilateImageFilter< TInputImage, doDilate, TOutputImage >Parent class for morphological operations with parabolic structuring elements
itk::ParabolicErodeImageFilter< TInputImage, TOutputImage >Class for morphological erosion operations with parabolic structuring elements
itk::ParameterFileParserImplements functionality to read a parameter file
itk::ParameterMapInterfaceImplements functionality to get parameters from a parameter map
itk::ParzenWindowHistogramImageToImageMetric< TFixedImage, TMovingImage >A base class for image metrics based on a joint histogram computed using Parzen Windowing
itk::ParzenWindowMutualInformationImageToImageMetric< TFixedImage, TMovingImage >Computes the mutual information between two images to be registered using the method of Mattes et al
itk::ParzenWindowNormalizedMutualInformationImageToImageMetric< TFixedImage, TMovingImage >Computes the normalized mutual information between two images to be registered using a method based on Thevenaz&Unser [3]
itk::PatternIntensityImageToImageMetric< TFixedImage, TMovingImage >Computes similarity between two objects to be registered
PowellOptimizer
itk::QuasiNewtonLBFGSOptimizerITK version of the lbfgs algorithm ..
itk::ReducedDimensionBSplineInterpolateImageFunction< TImageType, TCoordRep, TCoefficientType >Evaluates the B-Spline interpolation of an image. Spline order may be from 0 to 5
RegularStepGradientDescentOptimizer
itk::RSGDEachParameterApartBaseOptimizerAn optimizer based on gradient descent..
itk::RSGDEachParameterApartOptimizerAn optimizer based on gradient descent
itk::ScaledSingleValuedCostFunctionA cost function that applies a scaling to another cost function
itk::ScaledSingleValuedNonLinearOptimizer
itk::SingleValuedPointSetToPointSetMetric< TFixedPointSet, TMovingPointSet >Computes similarity between two point sets
SPSAOptimizer
itk::StackTransform< TScalarType, NInputDimensions, NOutputDimensions >Implements stack of transforms: one for every last dimension index
itk::StandardGradientDescentOptimizerThis class implements a gradient descent optimizer with a decaying gain
itk::Statistics::ListSampleCArray< TMeasurementVector, TInternalValue >A ListSampleBase that internally uses a CArray, which can be accessed
itk::ThinPlateR2LogRSplineKernelTransform2< TScalarType, NDimensions >
itk::ThinPlateSplineKernelTransform2< TScalarType, NDimensions >
itk::TransformBendingEnergyPenaltyTerm< TFixedImage, TScalarType >A cost function that calculates the bending energy of a transformation
itk::TransformixInputPointFileReader< TOutputMesh >A reader that understands transformix input point files
itk::TransformPenaltyTerm< TFixedImage, TScalarType >A cost function that calculates a penalty term on a transformation
itk::TransformRigidityPenaltyTerm< TFixedImage, TScalarType >A cost function that calculates a rigidity penalty term
itk::TransformToDeterminantOfSpatialJacobianSource< TOutputImage, TTransformPrecisionType >Generate the spatial Jacobian from a coordinate transform
itk::TransformToSpatialJacobianSource< TOutputImage, TTransformPrecisionType >Generate the spatial Jacobian matrix from a coordinate transform
itk::TranslationTransformInitializer< TTransform, TFixedImage, TMovingImage >TranslationTransformInitializer is a helper class intended to initialize the translation of a TranslationTransforms
itk::UpsampleBSplineParametersFilter< TArray, TImage >Convenience class for upsampling a B-spline coefficient image
itk::VarianceOverLastDimensionImageMetric< TFixedImage, TMovingImage >Compute the sum of variances over the slowest varying dimension in the moving image
itk::VectorContainerSource< TOutputVectorContainer >A base class for creating an ImageToVectorContainerFilter
itk::VectorDataContainer< TElementIdentifier, TElement >Define a front-end to the STL "vector" container that conforms to the IndexedContainerInterface
itk::VectorMeanDiffusionImageFilter< TInputImage, TGrayValueImage >Applies an averaging filter to an image
itk::VolumeSplineKernelTransform2< TScalarType, NDimensions >
itk::WeightedCombinationTransform< TScalarType, NInputDimensions, NOutputDimensions >Implements a weighted linear combination of multiple transforms
LinearInterpolateImageFunction
MultiResolutionPyramidImageFilter
MutualInformationHistogramImageToImageMetric
MutualInformationImageToImageMetric
NearestNeighborInterpolateImageFunction
RecursiveMultiResolutionPyramidImageFilter
ResampleBaseThis class is the elastix base class for all Resamplers
ResampleImageFilter
SingleValuedCostFunction
SingleValuedNonLinearOptimizer
SpatialObject
tmr::TimerA class to time the different parts of the registration
xoutlibrary::xoutbase< charT, traits >Base class for xout
xoutlibrary::xoutcell< charT, traits >Stores the input in a string stream
xoutlibrary::xoutrow< charT, traits >The xoutrow class can easily generate tables
xoutlibrary::xoutsimple< charT, traits >Xout class with only basic functionality


Generated on 24-10-2011 for elastix by doxygen 1.7.4 elastix logo