Documentation/Nightly/Modules/SimpleFilters

From Slicer Wiki
Revision as of 13:41, 26 June 2014 by Blowekamp (talk | contribs)
Jump to: navigation, search
Home < Documentation < Nightly < Modules < SimpleFilters


For the latest Slicer documentation, visit the read-the-docs.


Introduction and Acknowledgements

This work is supported by NLM, and the Slicer Community. This work is partially supported by...
Author: Bradley Lowekamp, Steve Pieper, Jean-Cristophe Fillion Robin
Contact: Bradley Lowekamp <email>blowekamp@mail.nih.gov</email>

The National Library of Medicine  
National Alliance for Medical Image Computing (NA-MIC)  
Itk  
Kitware, Inc.  


Module Description

N/A

Filter Name Brief Description ITK Class
AbsImageFilter Computes the absolute value of each pixel. jsonName
AbsoluteValueDifferenceImageFilter Implements pixel-wise the computation of absolute value difference. jsonName
AcosImageFilter Computes the inverse cosine of each pixel. jsonName
AdaptiveHistogramEqualizationImageFilter Power Law Adaptive Histogram Equalization. AdaptiveHistogramEqualizationImageFilter
AddImageFilter Pixel-wise addition of two images. jsonName
AndImageFilter Implements the AND bitwise operator pixel-wise between two images. jsonName
AntiAliasBinaryImageFilter A method for estimation of a surface from a binary volume. jsonName
ApproximateSignedDistanceMapImageFilter Create a map of the approximate signed distance from the boundaries of a binary image. jsonName
AsinImageFilter Computes the sine of each pixel. jsonName
Atan2ImageFilter Computes two argument inverse tangent. jsonName
AtanImageFilter Computes the one-argument inverse tangent of each pixel. jsonName
BilateralImageFilter Blurs an image while preserving edges. jsonName
BinShrinkImageFilter Reduce the size of an image by an integer factor in each dimension while performing averaging of an input neighborhood. jsonName
BinaryClosingByReconstructionImageFilter binary closing by reconstruction of an image. jsonName
BinaryContourImageFilter Labels the pixels on the border of the objects in a binary image. jsonName
BinaryDilateImageFilter Fast binary dilation. jsonName
BinaryErodeImageFilter Fast binary erosion. jsonName
BinaryFillholeImageFilter Remove holes not connected to the boundary of the image. BinaryFillholeImageFilter
BinaryGrindPeakImageFilter Remove the objects not connected to the boundary of the image. BinaryGrindPeakImageFilter
BinaryMagnitudeImageFilter Computes the square root of the sum of squares of corresponding input pixels. jsonName
BinaryMedianImageFilter Applies a version of the median filter optimized for binary images. jsonName
BinaryMinMaxCurvatureFlowImageFilter Denoise a binary image using min/max curvature flow. jsonName
BinaryMorphologicalClosingImageFilter binary morphological closing of an image. jsonName
BinaryMorphologicalOpeningImageFilter binary morphological opening of an image. jsonName
BinaryNotImageFilter Implements the BinaryNot logical operator pixel-wise between two images. BinaryNotImageFilter
BinaryOpeningByReconstructionImageFilter binary morphological closing of an image. jsonName
BinaryProjectionImageFilter Binary projection. jsonName
BinaryReconstructionByDilationImageFilter binary reconstruction by dilation of an image BinaryReconstructionByDilationImageFilter
BinaryReconstructionByErosionImageFilter binary reconstruction by erosion of an image BinaryReconstructionByErosionImageFilter
BinaryThinningImageFilter This filter computes one-pixel-wide edges of the input image. jsonName
BinaryThresholdImageFilter Binarize an input image by thresholding. jsonName
BinaryThresholdProjectionImageFilter BinaryThreshold projection. jsonName
BinomialBlurImageFilter Performs a separable blur on each dimension of an image. jsonName
BitwiseNotImageFilter Implements pixel-wise generic operation on one image. UnaryFunctorImageFilter
BlackTopHatImageFilter Black top hat extract local minima that are smaller than the structuring element. jsonName
BoundedReciprocalImageFilter Computes 1/(1+x) for each pixel in the image. jsonName
BoxMeanImageFilter Implements a fast rectangular mean filter using the accumulator approach. jsonName
BoxSigmaImageFilter Implements a fast rectangular sigma filter using the accumulator approach. jsonName
CannyEdgeDetectionImageFilter This filter is an implementation of a Canny edge detector for scalar-valued images. Based on John Canny's paper "A Computational Approach

to Edge Detection"(IEEE Transactions on Pattern Analysis and Machine Intelligence, Vol. PAMI-8, No.6, November 1986), there are four major steps used in the edge-detection scheme: (1) Smooth the input image with Gaussian filter. (2) Calculate the second directional derivatives of the smoothed image. (3) Non-Maximum Suppression: the zero-crossings of 2nd derivative are found, and the sign of third derivative is used to find the correct extrema. (4) The hysteresis thresholding is applied to the gradient magnitude (multiplied with zero-crossings) of the smoothed image to find and link edges.

jsonName
CastImageFilter Casts input image's pixels to output pixel type. jsonName
CheckerBoardImageFilter Combines two images in a checkerboard pattern. CheckerBoardImageFilter
ClampImageFilter Casts input pixels to output pixel type and clamps the output pixel values to a specified range. ClampImageFilter
ClosingByReconstructionImageFilter Closing by reconstruction of an image. jsonName
ComplexToImaginaryImageFilter Computes pixel-wise the imaginary part of a complex image. jsonName
ComplexToModulusImageFilter Computes pixel-wise the Modulus of a complex image. jsonName
ComplexToPhaseImageFilter Computes pixel-wise the modulus of a complex image. jsonName
ComplexToRealImageFilter Computes pixel-wise the real(x) part of a complex image. jsonName
ComposeImageFilter ComposeImageFiltercombine several scalar images into a multicomponent image. jsonName
ConfidenceConnectedImageFilter Segment pixels with similar statistics using connectivity. jsonName
ConnectedComponentImageFilter Label the objects in a binary image. jsonName
ConnectedThresholdImageFilter Label pixels that are connected to a seed and lie within a range of values. jsonName
ConstantPadImageFilter Increase the image size by padding with a constant value. jsonName
ConvolutionImageFilter Convolve a given image with an arbitrary image kernel. jsonName
CosImageFilter Computes the cosine of each pixel. jsonName
CropImageFilter Decrease the image size by cropping the image by an itk::Sizeat both the upper and lower bounds of the largest possible region. jsonName
CurvatureAnisotropicDiffusionImageFilter jsonName
CurvatureFlowImageFilter Denoise an image using curvature driven flow. jsonName
CyclicShiftImageFilter Perform a cyclic spatial shift of image intensities on the image grid. jsonName
DanielssonDistanceMapImageFilter This filter computes the distance map of the input image as an approximation with pixel accuracy to the Euclidean distance. jsonName
DerivativeImageFilter 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. jsonName
DilateObjectMorphologyImageFilter dilation of an object in an image jsonName
DiscreteGaussianDerivativeImageFilter Calculates image derivatives using discrete derivative gaussian kernels. This filter calculates Gaussian derivative by separable convolution of an image and a discrete Gaussian derivative operator (kernel). jsonName
DiscreteGaussianImageFilter 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). jsonName
DivideFloorImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
DivideImageFilter Pixel-wise division of two images. jsonName
DivideRealImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
DoubleThresholdImageFilter Binarize an input image using double thresholding. jsonName
EdgePotentialImageFilter Computes the edge potential of an image from the image gradient. jsonName
EqualImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
ErodeObjectMorphologyImageFilter Erosion of an object in an image. jsonName
ExpImageFilter Computes the exponential function of each pixel. jsonName
ExpNegativeImageFilter Computes the function exp(-K.x) for each input pixel. jsonName
ExpandImageFilter Expand the size of an image by an integer factor in each dimension. jsonName
ExtractImageFilter Decrease the image size by cropping the image to the selected region bounds. ExtractImageFilter
FFTConvolutionImageFilter Convolve a given image with an arbitrary image kernel using multiplication in the Fourier domain. jsonName
FFTNormalizedCorrelationImageFilter Calculate normalized cross correlation using FFTs. FFTNormalizedCorrelationImageFilter
FFTShiftImageFilter Shift the zero-frequency components of a Fourier transfrom to the center of the image. jsonName
FastApproximateRankImageFilter A separable rank filter. jsonName
FastMarchingImageFilter Solve an Eikonal equation using Fast Marching. FastMarchingImageFilterBase
FlipImageFilter Flips an image across user specified axes. FlipImageFilter
ForwardFFTImageFilter Base class for forward Fast Fourier Transform. ForwardFFTImageFilter
GaborImageSource Generate an n-dimensional image of a Gabor filter. GaborImageSource
GaussianImageSource Generate an n-dimensional image of a Gaussian. GaussianImageSource
GeodesicActiveContourLevelSetImageFilter Segments structures in images based on a user supplied edge potential map. GeodesicActiveContourLevelSetImageFilter
GradientAnisotropicDiffusionImageFilter jsonName
GradientImageFilter Computes the gradient of an image using directional derivatives. GradientImageFilter
GradientMagnitudeImageFilter Computes the gradient magnitude of an image region at each pixel. jsonName
GradientMagnitudeRecursiveGaussianImageFilter Computes the Magnitude of the Gradient of an image by convolution with the first derivative of a Gaussian. jsonName
GradientRecursiveGaussianImageFilter Computes the gradient of an image by convolution with the first derivative of a Gaussian. jsonName
GrayscaleConnectedClosingImageFilter Enhance pixels associated with a dark object (identified by a seed pixel) where the dark object is surrounded by a brigher object. jsonName
GrayscaleConnectedOpeningImageFilter Enhance pixels associated with a bright object (identified by a seed pixel) where the bright object is surrounded by a darker object. jsonName
GrayscaleDilateImageFilter gray scale dilation of an image jsonName
GrayscaleErodeImageFilter gray scale dilation of an image jsonName
GrayscaleFillholeImageFilter Remove local minima not connected to the boundary of the image. GrayscaleFillholeImageFilter
GrayscaleGeodesicDilateImageFilter geodesic gray scale dilation of an image GrayscaleGeodesicDilateImageFilter
GrayscaleGeodesicErodeImageFilter geodesic gray scale erosion of an image GrayscaleGeodesicErodeImageFilter
GrayscaleGrindPeakImageFilter Remove local maxima not connected to the boundary of the image. GrayscaleGrindPeakImageFilter
GrayscaleMorphologicalClosingImageFilter gray scale dilation of an image jsonName
GrayscaleMorphologicalOpeningImageFilter gray scale dilation of an image jsonName
GreaterEqualImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
GreaterImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
GridImageSource Generate an n-dimensional image of a grid. GridImageSource
HConcaveImageFilter Identify local minima whose depth below the baseline is greater than h. jsonName
HConvexImageFilter Identify local maxima whose height above the baseline is greater than h. jsonName
HMaximaImageFilter Suppress local maxima whose height above the baseline is less than h. jsonName
HMinimaImageFilter Suppress local minima whose depth below the baseline is less than h. jsonName
HalfHermitianToRealInverseFFTImageFilter Base class for specialized complex-to-real inverse Fast Fourier Transform. HalfHermitianToRealInverseFFTImageFilter
HausdorffDistanceImageFilter Computes the Hausdorff distance between the set of non-zero pixels of two images. HausdorffDistanceImageFilter
HistogramMatchingImageFilter Normalize the grayscale values between two images by histogram matching. HistogramMatchingImageFilter
HuangThresholdImageFilter Threshold an image using the Huang Threshold. jsonName
IntensityWindowingImageFilter Applies a linear transformation to the intensity levels of the input Imagethat are inside a user-defined interval. Values below this interval are mapped to a constant. Values over the interval are mapped to another constant. jsonName
IntermodesThresholdImageFilter Threshold an image using the Intermodes Threshold. jsonName
InverseDeconvolutionImageFilter The direct linear inverse deconvolution filter. jsonName
InverseFFTImageFilter Base class for inverse Fast Fourier Transform. InverseFFTImageFilter
InvertIntensityImageFilter Invert the intensity of an image. jsonName
IsoContourDistanceImageFilter Compute an approximate distance from an interpolated isocontour to the close grid points. jsonName
IsoDataThresholdImageFilter Threshold an image using the IsoData Threshold. jsonName
IsolatedConnectedImageFilter Label pixels that are connected to one set of seeds but not another. jsonName
IsolatedWatershedImageFilter Isolate watershed basins using two seeds. jsonName
JoinSeriesImageFilter Join N-D images into an (N+1)-D image. jsonName
KittlerIllingworthThresholdImageFilter Threshold an image using the KittlerIllingworth Threshold. jsonName
LabelContourImageFilter Labels the pixels on the border of the objects in a labeled image. jsonName
LabelOverlayImageFilter Apply a colormap to a label image and put it on top of the input image. LabelOverlayImageFilter
LabelToRGBImageFilter Apply a colormap to a label image. jsonName
LabelVotingImageFilter This filter performs pixelwise voting among an arbitrary number of input images, where each of them represents a segmentation of the same scene (i.e., image). jsonName
LandweberDeconvolutionImageFilter Deconvolve an image using the Landweber deconvolution algorithm. jsonName
LaplacianImageFilter jsonName
LaplacianRecursiveGaussianImageFilter Computes the Laplacian of Gaussian (LoG) of an image. jsonName
LaplacianSegmentationLevelSetImageFilter Segments structures in images based on a second derivative image features. LaplacianSegmentationLevelSetImageFilter
LaplacianSharpeningImageFilter This filter sharpens an image using a Laplacian. LaplacianSharpening highlights regions of rapid intensity change and therefore highlights or enhances the edges. The result is an image that appears more in focus. jsonName
LessEqualImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
LessImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
LiThresholdImageFilter Threshold an image using the Li Threshold. jsonName
Log10ImageFilter Computes the log10 of each pixel. jsonName
LogImageFilter Computes the log() of each pixel. jsonName
MagnitudeAndPhaseToComplexImageFilter Implements pixel-wise conversion of magnitude and phase data into complex voxels. jsonName
MaskImageFilter Mask an image with a mask. jsonName
MaskNegatedImageFilter Mask an image with the negative of a mask. jsonName
MaskedFFTNormalizedCorrelationImageFilter Calculate masked normalized cross correlation using FFTs. MaskedFFTNormalizedCorrelationImageFilter
MaximumEntropyThresholdImageFilter Threshold an image using the MaximumEntropy Threshold. jsonName
MaximumImageFilter Implements a pixel-wise operator Max(a,b) between two images. jsonName
MaximumProjectionImageFilter Maximum projection. jsonName
MeanImageFilter Applies an averaging filter to an image. jsonName
MeanProjectionImageFilter Mean projection. jsonName
MedianImageFilter Applies a median filter to an image. jsonName
MedianProjectionImageFilter Median projection. jsonName
MinMaxCurvatureFlowImageFilter Denoise an image using min/max curvature flow. jsonName
MinimumImageFilter Implements a pixel-wise operator Min(a,b) between two images. jsonName
MinimumMaximumImageFilter Computes the minimum and the maximum intensity values of an image. MinimumMaximumImageFilter
MinimumProjectionImageFilter Minimum projection. jsonName
MirrorPadImageFilter Increase the image size by padding with replicants of the input image value. jsonName
ModulusImageFilter Computes the modulus (x % dividend) pixel-wise. jsonName
MomentsThresholdImageFilter Threshold an image using the Moments Threshold. jsonName
MorphologicalGradientImageFilter gray scale dilation of an image jsonName
MorphologicalWatershedFromMarkersImageFilter Morphological watershed transform from markers. MorphologicalWatershedFromMarkersImageFilter
MorphologicalWatershedImageFilter TODO. jsonName
MultiplyImageFilter Pixel-wise multiplication of two images. jsonName
N4BiasFieldCorrectionImageFilter Implementation of the N4 bias field correction algorithm. jsonName
NaryAddImageFilter Pixel-wise addition of N images. jsonName
NaryMaximumImageFilter Computes the pixel-wise maximum of several images. jsonName
NeighborhoodConnectedImageFilter Label pixels that are connected to a seed and lie within a neighborhood. jsonName
NoiseImageFilter Calculate the local noise in an image. jsonName
NormalizeImageFilter Normalize an image by setting its mean to zero and variance to one. jsonName
NormalizeToConstantImageFilter Scales image pixel intensities to make the sum of all pixels equal a user-defined constant. jsonName
NormalizedCorrelationImageFilter Computes the normalized correlation of an image and a template. NormalizedCorrelationImageFilter
NotEqualImageFilter Implements pixel-wise generic operation of two images, or of an image and a constant. BinaryFunctorImageFilter
NotImageFilter Implements the NOT logical operator pixel-wise on an image. jsonName
OpeningByReconstructionImageFilter Opening by reconstruction of an image. jsonName
OrImageFilter Implements the OR bitwise operator pixel-wise between two images. jsonName
OtsuMultipleThresholdsImageFilter Threshold an image using multiple Otsu Thresholds. jsonName
OtsuThresholdImageFilter Threshold an image using the Otsu Threshold. jsonName
PasteImageFilter Paste an image into another image. jsonName
PatchBasedDenoisingImageFilter Derived class implementing a specific patch-based denoising algorithm, as detailed below. jsonName
PermuteAxesImageFilter Permutes the image axes according to a user specified order. PermuteAxesImageFilter
PhysicalPointImageSource Generate an image of the physical locations of each pixel. PhysicalPointImageSource
PowImageFilter Computes the powers of 2 images. jsonName
ProjectedLandweberDeconvolutionImageFilter Deconvolve an image using the projected Landweber deconvolution algorithm. jsonName
RankImageFilter Rank filter of a greyscale image. jsonName
RealAndImaginaryToComplexImageFilter ComposeImageFiltercombine several scalar images into a multicomponent image. ComposeImageFilter
RealToHalfHermitianForwardFFTImageFilter Base class for specialized real-to-complex forward Fast Fourier Transform. RealToHalfHermitianForwardFFTImageFilter
ReconstructionByDilationImageFilter grayscale reconstruction by dilation of an image ReconstructionByDilationImageFilter
ReconstructionByErosionImageFilter grayscale reconstruction by erosion of an image ReconstructionByErosionImageFilter
RecursiveGaussianImageFilter Base class for computing IIR convolution with an approximation of a Gaussian kernel. jsonName
RegionOfInterestImageFilter Extract a region of interest from the input image. jsonName
RegionalMaximaImageFilter Produce a binary image where foreground is the regional maxima of the input image. jsonName
RegionalMinimaImageFilter Produce a binary image where foreground is the regional minima of the input image. jsonName
RelabelComponentImageFilter Relabel the components in an image such that consecutive labels are used. jsonName
RenyiEntropyThresholdImageFilter Threshold an image using the RenyiEntropy Threshold. jsonName
ResampleImageFilter Resample an image via a coordinate transform. ResampleImageFilter
RescaleIntensityImageFilter Applies a linear transformation to the intensity levels of the input Image. jsonName
RichardsonLucyDeconvolutionImageFilter Deconvolve an image using the Richardson-Lucy deconvolution algorithm. jsonName
STAPLEImageFilter The STAPLE filter implements the Simultaneous Truth and Performance Level Estimation algorithm for generating ground truth volumes from a set of binary expert segmentations. STAPLEImageFilter
ScalarChanAndVeseDenseLevelSetImageFilter Dense implementation of the Chan and Vese multiphase level set image filter. ScalarChanAndVeseDenseLevelSetImageFilter
ScalarConnectedComponentImageFilter A connected components filter that labels the objects in an arbitrary image. Two pixels are similar if they are within threshold of each other. Uses ConnectedComponentFunctorImageFilter. ScalarConnectedComponentImageFilter
ScalarImageKmeansImageFilter Classifies the intensity values of a scalar image using the K-Means algorithm. jsonName
ScalarToRGBColormapImageFilter Implements pixel-wise intensity->rgb mapping operation on one image. jsonName
ShanbhagThresholdImageFilter Threshold an image using the Shanbhag Threshold. jsonName
ShapeDetectionLevelSetImageFilter Segments structures in images based on a user supplied edge potential map. ShapeDetectionLevelSetImageFilter
ShiftScaleImageFilter Shift and scale the pixels in an image. jsonName
ShrinkImageFilter Reduce the size of an image by an integer factor in each dimension. jsonName
SigmoidImageFilter Computes the sigmoid function pixel-wise. jsonName
SignedDanielssonDistanceMapImageFilter jsonName
SignedMaurerDistanceMapImageFilter This filter calculates the Euclidean distance transform of a binary image in linear time for arbitrary dimensions. jsonName
SimilarityIndexImageFilter Measures the similarity between the set of non-zero pixels of two images. SimilarityIndexImageFilter
SimpleContourExtractorImageFilter Computes an image of contours which will be the contour of the first image. jsonName
SinImageFilter Computes the sine of each pixel. jsonName
SliceImageFilter jsonName
SmoothingRecursiveGaussianImageFilter Computes the smoothing of an image by convolution with the Gaussian kernels implemented as IIR filters. jsonName
SobelEdgeDetectionImageFilter A 2D or 3D edge detection using the Sobel operator. jsonName
SqrtImageFilter Computes the square root of each pixel. jsonName
SquareImageFilter Computes the square of the intensity values pixel-wise. jsonName
SquaredDifferenceImageFilter Implements pixel-wise the computation of squared difference. jsonName
StandardDeviationProjectionImageFilter Mean projection. jsonName
SubtractImageFilter Pixel-wise subtraction of two images. jsonName
SumProjectionImageFilter Sum projection. jsonName
TanImageFilter Computes the tangent of each input pixel. jsonName
TernaryAddImageFilter Pixel-wise addition of three images. TernaryAddImageFilter
TernaryMagnitudeImageFilter Pixel-wise addition of three images. TernaryMagnitudeImageFilter
TernaryMagnitudeSquaredImageFilter Pixel-wise addition of three images. TernaryMagnitudeSquaredImageFilter
ThresholdImageFilter Set image values to a user-specified value if they are below, above, or between simple threshold values. ThresholdImageFilter
ThresholdMaximumConnectedComponentsImageFilter Finds the threshold value of an image based on maximizing the number of objects in the image that are larger than a given minimal size. jsonName
ThresholdSegmentationLevelSetImageFilter Segments structures in images based on intensity values. ThresholdSegmentationLevelSetImageFilter
TikhonovDeconvolutionImageFilter An inverse deconvolution filter regularized in the Tikhonov sense. jsonName
TileImageFilter Tile multiple input images into a single output image. jsonName
TriangleThresholdImageFilter Threshold an image using the Triangle Threshold. jsonName
UnaryMinusImageFilter Computes the negative of each pixel. UnaryFunctorImageFilter
ValuedRegionalMaximaImageFilter Transforms the image so that any pixel that is not a regional maxima is set to the minimum value for the pixel type. Pixels that are regional maxima retain their value. jsonName
ValuedRegionalMinimaImageFilter Transforms the image so that any pixel that is not a regional minima is set to the maximum value for the pixel type. Pixels that are regional minima retain their value. jsonName
VectorConfidenceConnectedImageFilter Segment pixels with similar statistics using connectivity. jsonName
VectorConnectedComponentImageFilter A connected components filter that labels the objects in a vector image. Two vectors are pointing similar directions if one minus their dot product is less than a threshold. Vectors that are 180 degrees out of phase are similar. Assumes that vectors are normalized. VectorConnectedComponentImageFilter
VectorIndexSelectionCastImageFilter Extracts the selected index of the vector that is the input pixel type. jsonName
VectorMagnitudeImageFilter Take an image of vectors as input and produce an image with the magnitude of those vectors. VectorMagnitudeImageFilter
VotingBinaryHoleFillingImageFilter Fills in holes and cavities by applying a voting operation on each pixel. jsonName
VotingBinaryImageFilter Applies a voting operation in a neighborhood of each pixel. jsonName
VotingBinaryIterativeHoleFillingImageFilter Fills in holes and cavities by iteratively applying a voting operation. VotingBinaryIterativeHoleFillingImageFilter
WarpImageFilter Warps an image using an input displacement field. WarpImageFilter
WhiteTopHatImageFilter White top hat extract local maxima that are larger than the structuring element. jsonName
WienerDeconvolutionImageFilter The Wiener deconvolution image filter is designed to restore an image convolved with a blurring kernel while keeping noise enhancement to a minimum. jsonName
WrapPadImageFilter Increase the image size by padding with replicants of the input image value. jsonName
XorImageFilter Computes the XOR bitwise operator pixel-wise between two images. jsonName
YenThresholdImageFilter Threshold an image using the Yen Threshold. jsonName
ZeroCrossingBasedEdgeDetectionImageFilter This filter implements a zero-crossing based edge detecor. jsonName
ZeroCrossingImageFilter This filter finds the closest pixel to the zero-crossings (sign changes) in a signed itk::Image. jsonName
ZeroFluxNeumannPadImageFilter Increase the image size by padding according to the zero-flux Neumann boundary condition. jsonName

Use Cases

N/A

Tutorials

N/A

Panels and their use

N/A

Similar Modules

N/A

References

N/A

Information for Developers