SimpleITK常用滤波器

过滤器名称

解释
AbsImageFilter

Computes the absolute value of each pixel.

计算每个像素的绝对值 

AbsoluteValueDifferenceImageFilter

Implements pixel-wise the computation of absolute value difference.

实现逐像素绝对值差的计算。

AcosImageFilter

Computes the inverse cosine of each pixel.

计算每个像素的反余弦值。

AdaptiveHistogramEqualizationImageFilter

Power Law Adaptive Histogram Equalization.

幂律自适应直方图均衡。

AddImageFilter

Pixel-wise addition of two images.

两个图像逐像素求和

AdditiveGaussianNoiseImageFilter

Alter an image with additive Gaussian white noise.

使用高斯噪声改变图像。

AggregateLabelMapFilter

Collapses all labels into the first label.

将所有标签折叠到第一个标签中。

AndImageFilter

两个图像逐像素按位求与操作

Implements the AND bitwise operator pixel-wise between two images.

AntiAliasBinaryImageFilter

A method for estimation of a surface from a binary volume.

一种从线性面积估计表面的方法。

ApproximateSignedDistanceMapImageFilter

Create a map of the approximate signed distance from the boundaries of a binary image.

从二值图像的边界创建近似有符号距离的图像。

AsinImageFilterComputes the sine of each pixel.计算每个像素的正弦值。
Atan2ImageFilterComputes two argument inverse tangent.
AtanImageFilterComputes the one-argument inverse tangent of each pixel.
BSplineDecompositionImageFilterCalculates the B-Spline coefficients of an image. Spline order may be from 0 to 5.计算图像的 B-Spline 系数。 样条阶数可以是 0 到 5。
BilateralImageFilterBlurs an image while preserving edges.在保留边缘的同时模糊图像。
BinShrinkImageFilterReduce the size of an image by an integer factor in each dimension while performing averaging of an input neighborhood.在对输入邻域进行平均的同时,在每个维度上将图像的大小减小一个整数因子。

BinaryClosingByReconstructionImageFilter

binary closing by reconstruction of an image.

BinaryContourImageFilter

寻找二值图像的边界

Labels the pixels on the border of the objects in a binary image.

BinaryDilateImageFilter

Fast binary dilation of a single intensity value in the image.

BinaryErodeImageFilter

Fast binary erosion of a single intensity value in the image.

BinaryFillholeImageFilter

填充内部孔洞

Remove holes not connected to the boundary of the image.

BinaryGrindPeakImageFilter

Remove the objects not connected to the boundary of the image.

BinaryImageToLabelMapFilter

Label the connected components in a binary image and produce a collection of label objects.

BinaryMagnitudeImageFilter

Computes the square root of the sum of squares of corresponding input pixels.

BinaryMedianImageFilter

Applies a version of the median filter optimized for binary images.

BinaryMinMaxCurvatureFlowImageFilter

Denoise a binary image using min/max curvature flow.

BinaryMorphologicalClosingImageFilter

binary morphological closing of an image.

BinaryMorphologicalOpeningImageFilter

binary morphological opening of an image.

BinaryNotImageFilter

Implements the BinaryNot logical operator pixel-wise between two images.

BinaryOpeningByReconstructionImageFilter

binary morphological closing of an image.

BinaryProjectionImageFilter

Binary projection.

BinaryPruningImageFilter

This filter removes “spurs” of less than a certain length in the input image.

BinaryReconstructionByDilationImageFilter

binary reconstruction by dilation of an image

BinaryReconstructionByErosionImageFilter

binary reconstruction by erosion of an image

BinaryThinningImageFilter

This filter computes one-pixel-wide edges of the input image.

BinaryThresholdImageFilter

Binarize an input image by thresholding.

BinaryThresholdProjectionImageFilter

BinaryThreshold projection.

BinomialBlurImageFilter

Performs a separable blur on each dimension of an image.

BitwiseNotImageFilter

Implements pixel-wise generic operation on one image.

BlackTopHatImageFilter

Black top hat extracts local minima that are smaller than the structuring element.

BoundedReciprocalImageFilter

Computes 1/(1+x) for each pixel in the image.

BoxMeanImageFilter

Implements a fast rectangular mean filter using the accumulator approach.

BoxSigmaImageFilter

Implements a fast rectangular sigma filter using the accumulator approach.

CannyEdgeDetectionImageFilter

This filter is an implementation of a Canny edge detector for scalar-valued images.

CannySegmentationLevelSetImageFilter

Segments structures in images based on image features derived from pseudo-canny-edges.

ChangeLabelImageFilter

Change Sets of Labels.

ChangeLabelLabelMapFilter

Replace the label Ids of selected LabelObjects with new label Ids.

CheckerBoardImageFilter

Combines two images in a checkerboard pattern.

ClampImageFilter

Casts input pixels to output pixel type and clamps the output pixel values to a specified range.

ClosingByReconstructionImageFilter

Closing by reconstruction of an image.

CoherenceEnhancingDiffusionImageFilter

Coherence enhancing diffusion and edge enhancing diffusion.

CollidingFrontsImageFilter

Selects a region of space where two independent fronts run towards each other.

ComplexToImaginaryImageFilter

Computes pixel-wise the imaginary part of a complex image.

ComplexToModulusImageFilter

Computes pixel-wise the Modulus of a complex image.

ComplexToPhaseImageFilter

Computes pixel-wise the modulus of a complex image.

ComplexToRealImageFilter

Computes pixel-wise the real(x) part of a complex image.

ComposeImageFilter

ComposeImageFilter combine several scalar images into a multicomponent image.

ConfidenceConnectedImageFilter

Segment pixels with similar statistics using connectivity.

ConnectedComponentImageFilter

Label the objects in a binary image.

ConnectedThresholdImageFilter

Label pixels that are connected to a seed and lie within a range of values.

ConstantPadImageFilter

Increase the image size by padding with a constant value.

ConvolutionImageFilter

Convolve a given image with an arbitrary image kernel.

CosImageFilter

Computes the cosine of each pixel.

CropImageFilter

Decrease the image size by cropping the image by an itk::Size at both the upper and lower bounds of the largest possible region.

CurvatureFlowImageFilter

Denoise an image using curvature driven flow.

CyclicShiftImageFilter

Perform a cyclic spatial shift of image intensities on the image grid.

DICOMOrientImageFilter

Permute axes and flip images as needed to obtain an approximation to the desired orientation.

DanielssonDistanceMapImageFilter

This filter computes the distance map of the input image as an approximation with pixel accuracy to the Euclidean distance.

DemonsRegistrationFilter

Deformably register two images using the demons algorithm.

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.
 

DiffeomorphicDemonsRegistrationFilter

Deformably register two images using a diffeomorphic demons algorithm.

DilateObjectMorphologyImageFilter

dilation of an object in an image

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).
DiscreteGaussianImageFilterBlurs 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).
DisplacementFieldJacobianDeterminantFilterComputes 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. This calculation is correct in the case where the vector image is a “displacement” from the current location. The computation for the jacobian determinant is: det[ dT/dx ] = det[ I + du/dx ]
DivideFloorImageFilterImplements pixel-wise generic operation of two images, or of an image and a constant.

DivideImageFilter

Pixel-wise division of two images.

DivideRealImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

DoubleThresholdImageFilter

Binarize an input image using double thresholding.

EdgePotentialImageFilter

Computes the edge potential of an image from the image gradient.

EqualImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

ErodeObjectMorphologyImageFilter

Erosion of an object in an image.

ExpImageFilter

Computes the exponential function of each pixel.

ExpNegativeImageFilter

Computes the function exp(-K.x) for each input pixel.

ExpandImageFilter

Expand the size of an image by an integer factor in each dimension.

ExtractImageFilter

Decrease the image size by cropping the image to the selected region bounds.

FFTConvolutionImageFilter

Convolve a given image with an arbitrary image kernel using multiplication in the Fourier domain.

FFTNormalizedCorrelationImageFilter

Calculate normalized cross correlation using FFTs.

FFTPadImageFilter

Pad an image to make it suitable for an FFT transformation.

FFTShiftImageFilter

Shift the zero-frequency components of a Fourier transform to the center of the image.

FastApproximateRankImageFilter

A separable rank filter.

FastMarchingBaseImageFilter

Apply the Fast Marching method to solve an Eikonal equation on an image.

FastMarchingImageFilter

Solve an Eikonal equation using Fast Marching.

FastMarchingUpwindGradientImageFilter

Generates the upwind gradient field of fast marching arrival times.

FastSymmetricForcesDemonsRegistrationFilter

Deformably register two images using a symmetric forces demons algorithm.

FlipImageFilter

Flips an image across user specified axes.

ForwardFFTImageFilter

Base class for forward Fast Fourier Transform .

GaborImageSource

Generate an n-dimensional image of a Gabor filter.

GaussianImageSource

Generate an n-dimensional image of a Gaussian.

GeodesicActiveContourLevelSetImageFilter

Segments structures in images based on a user supplied edge potential map.

GradientImageFilter

Computes the gradient of an image using directional derivatives.

GradientMagnitudeImageFilter

Computes the gradient magnitude of an image region at each pixel.

GradientMagnitudeRecursiveGaussianImageFilter

Computes the Magnitude of the Gradient of an image by convolution with the first derivative of a Gaussian.
GradientRecursiveGaussianImageFilterComputes the gradient of an image by convolution with the first derivative of a Gaussian.
GrayscaleConnectedClosingImageFilterEnhance pixels associated with a dark object (identified by a seed pixel) where the dark object is surrounded by a brighter object.
GrayscaleConnectedOpeningImageFilterEnhance pixels associated with a bright object (identified by a seed pixel) where the bright object is surrounded by a darker object.

GrayscaleDilateImageFilter

Grayscale dilation of an image.

GrayscaleErodeImageFilter

Grayscale erosion of an image.

GrayscaleFillholeImageFilter

Remove local minima not connected to the boundary of the image.

GrayscaleFillholeImageFilter

Remove local minima not connected to the boundary of the image.

GrayscaleGeodesicErodeImageFilter

geodesic gray scale erosion of an image

GrayscaleGeodesicErodeImageFilter

geodesic gray scale erosion of an image

GrayscaleMorphologicalClosingImageFilter

gray scale dilation of an image

GreaterEqualImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

GreaterImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

GridImageSource

Generate an n-dimensional image of a grid.

GaussianImageSource

Generate an n-dimensional image of a Gaussian.

GeodesicActiveContourLevelSetImageFilter

Segments structures in images based on a user supplied edge potential map.

GeodesicActiveContourLevelSetImageFilter

Segments structures in images based on a user supplied edge potential map.

GeodesicActiveContourLevelSetImageFilter

Segments structures in images based on a user supplied edge potential map.

GradientMagnitudeRecursiveGaussianImageFilter

Computes the Magnitude of the Gradient of an image by convolution with the first derivative of a Gaussian.

GradientRecursiveGaussianImageFilterComputes the gradient of an image by convolution with the first derivative of a Gaussian.
GrayscaleConnectedClosingImageFilterEnhance pixels associated with a dark object (identified by a seed pixel) where the dark object is surrounded by a brighter object.
GrayscaleConnectedOpeningImageFilterEnhance pixels associated with a bright object (identified by a seed pixel) where the bright object is surrounded by a darker object.
GrayscaleDilateImageFilter

Grayscale dilation of an image.

GrayscaleErodeImageFilter

Grayscale erosion of an image.

GrayscaleFillholeImageFilter

Remove local minima not connected to the boundary of the image.

GrayscaleGeodesicDilateImageFilter

geodesic gray scale dilation of an image

GrayscaleGeodesicErodeImageFilter

geodesic gray scale erosion of an image

GrayscaleGrindPeakImageFilter

Remove local maxima not connected to the boundary of the image.

GrayscaleMorphologicalClosingImageFilter

gray scale dilation of an image

GrayscaleMorphologicalOpeningImageFilter

gray scale dilation of an image

GreaterEqualImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

GreaterImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

GridImageSource

Generate an n-dimensional image of a grid.

HConcaveImageFilter

Identify local minima whose depth below the baseline is greater than h.

HConvexImageFilter

Identify local maxima whose height above the baseline is greater than h.

HMaximaImageFilter

Suppress local maxima whose height above the baseline is less than h.

HMaximaImageFilter

Suppress local maxima whose height above the baseline is less than h.

HalfHermitianToRealInverseFFTImageFilter

Base class for specialized complex-to-real inverse Fast Fourier Transform .

HausdorffDistanceImageFilter

Computes the Hausdorff distance between the set of non-zero pixels of two images.

HistogramMatchingImageFilter

Normalize the grayscale values for a source image by matching the shape of the source image histogram to a reference histogram.

HuangThresholdImageFilter

Threshold an image using the Huang Threshold.

IntensityWindowingImageFilterApplies 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.
 

IntermodesThresholdImageFilter

Threshold an image using the Intermodes Threshold.

InverseDeconvolutionImageFilter

The direct linear inverse deconvolution filter.

InverseDeconvolutionImageFilter

The direct linear inverse deconvolution filter.

InverseDeconvolutionImageFilter

The direct linear inverse deconvolution filter.

InvertDisplacementFieldImageFilter

Iteratively estimate the inverse field of a displacement field.

InvertIntensityImageFilter

Invert the intensity of an image.

IsoContourDistanceImageFilter

Compute an approximate distance from an interpolated isocontour to the close grid points.

IsoDataThresholdImageFilter

Threshold an image using the IsoData Threshold.

IsolatedConnectedImageFilter

Label pixels that are connected to one set of seeds but not another.

IsolatedWatershedImageFilter

Isolate watershed basins using two seeds.

IterativeInverseDisplacementFieldImageFilter

Computes the inverse of a displacement field.

JoinSeriesImageFilter

Join N-D images into an (N+1)-D image.

KittlerIllingworthThresholdImageFilter

Threshold an image using the KittlerIllingworth Threshold.

LabelContourImageFilter

Labels the pixels on the border of the objects in a labeled image.

LabelImageToLabelMapFilter

convert a labeled image to a label collection image

LabelIntensityStatisticsImageFilter

a convenient class to convert a label image to a label map and valuate the statistics attributes at once

LabelMapContourOverlayImageFilter

Apply a colormap to the contours (outlines) of each object in a label map and superimpose it on top of the feature image.

LabelMapMaskImageFilter

Mask and image with a LabelMap .

LabelMapOverlayImageFilter

Apply a colormap to a label map and superimpose it on an image.

LabelMapToBinaryImageFilter

Convert a LabelMap to a binary image.

LabelMapToLabelImageFilter

Converts a LabelMap to a labeled image.

LabelMapToRGBImageFilter

Convert a LabelMap to a colored image.

LabelOverlapMeasuresImageFilterComputes overlap measures between the set same set of labels of pixels of two images. Background is assumed to be 0.

LabelOverlayImageFilter

Apply a colormap to a label image and put it on top of the input image.

LabelSetDilateImageFilter

Class for binary morphological erosion of label images.

LabelSetErodeImageFilter

Class for binary morphological erosion of label images.

LabelShapeStatisticsImageFilter

Converts a label image to a label map and valuates the shape attributes.

LabelStatisticsImageFilterGiven an intensity image and a label map, compute min, max, variance and mean of the pixels associated with each label or segment.
LabelToRGBImageFilterApply a colormap to a label image.

LabelUniqueLabelMapFilter

Make sure that the objects are not overlapping.

LabelVotingImageFilterThis filter performs pixelwise voting among an arbitrary number of input images, where each of them represents a segmentation of the same scene

LandweberDeconvolutionImageFilter

Deconvolve an image using the Landweber deconvolution algorithm.

LaplacianRecursiveGaussianImageFilter

Computes the Laplacian of Gaussian (LoG) of an image.

LaplacianSegmentationLevelSetImageFilter

Segments structures in images based on a second derivative image features.

LaplacianSharpeningImageFilterThis 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.

LessEqualImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

LessImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

LevelSetMotionRegistrationFilter

Deformably register two images using level set motion.

LiThresholdImageFilter

Threshold an image using the Li Threshold.

LiThresholdImageFilter

Threshold an image using the Li Threshold.

LogImageFilter

Computes the log() of each pixel.

MagnitudeAndPhaseToComplexImageFilter

Implements pixel-wise conversion of magnitude and phase data into complex voxels.

MaskImageFilter

Mask an image with a mask.

MaskNegatedImageFilter

Mask an image with the negation (or logical compliment) of a mask.

MaskedFFTNormalizedCorrelationImageFilter

Calculate masked normalized cross correlation using FFTs.

MaximumEntropyThresholdImageFilter

Threshold an image using the MaximumEntropy Threshold.

MaximumImageFilter

Implements a pixel-wise operator Max(a,b) between two images.

MaximumProjectionImageFilter

Maximum projection.

MeanImageFilter

Applies an averaging filter to an image.

MeanImageFilter

Applies an averaging filter to an image.

MedianImageFilter

Applies a median filter to an image.

MedianProjectionImageFilter

Median projection.

MergeLabelMapFilter

Merges several Label Maps.

MinMaxCurvatureFlowImageFilter

Denoise an image using min/max curvature flow.

MinimumImageFilter

Implements a pixel-wise operator Min(a,b) between two images.

MinimumMaximumImageFilter

Computes the minimum and the maximum intensity values of an image.

MinimumProjectionImageFilter

Minimum projection.

MirrorPadImageFilter

Increase the image size by padding with replicants of the input image value.

MirrorPadImageFilter

Increase the image size by padding with replicants of the input image value.

MomentsThresholdImageFilter

Threshold an image using the Moments Threshold.

MorphologicalGradientImageFilter

gray scale dilation of an image

MorphologicalWatershedFromMarkersImageFilter

Morphological watershed transform from markers.

MorphologicalWatershedImageFilter

Watershed segmentation implementation with morphological operators.

MultiLabelSTAPLEImageFilterThis filter performs a pixelwise combination of an arbitrary number of input images, where each of them represents a segmentation of the same scene

MultiplyImageFilter

Pixel-wise multiplication of two images.

N4BiasFieldCorrectionImageFilter

Implementation of the N4 bias field correction algorithm.

N4BiasFieldCorrectionImageFilter

Implementation of the N4 bias field correction algorithm.

NaryMaximumImageFilter

Computes the pixel-wise maximum of several images.

NeighborhoodConnectedImageFilter

Label pixels that are connected to a seed and lie within a neighborhood.

NoiseImageFilter

Calculate the local noise in an image.

NormalizeImageFilter

Normalize an image by setting its mean to zero and variance to one.

NormalizeToConstantImageFilter

Scales image pixel intensities to make the sum of all pixels equal a user-defined constant.

NormalizedCorrelationImageFilter

Computes the normalized correlation of an image and a template.

NotEqualImageFilter

Implements pixel-wise generic operation of two images, or of an image and a constant.

NotImageFilter

Implements the NOT logical operator pixel-wise on an image.

ObjectnessMeasureImageFilter

Enhance M-dimensional objects in N-dimensional images.

OpeningByReconstructionImageFilter

Opening by reconstruction of an image.

OrImageFilter

Implements the OR bitwise operator pixel-wise between two images.

OtsuMultipleThresholdsImageFilter

Threshold an image using multiple Otsu Thresholds.

OtsuThresholdImageFilter

Threshold an image using the Otsu Threshold.

PasteImageFilter

Paste an image into another image.

PatchBasedDenoisingImageFilter

Derived class implementing a specific patch-based denoising algorithm, as detailed below.

PermuteAxesImageFilter

Permutes the image axes according to a user specified order.

PhysicalPointImageSource

Generate an image of the physical locations of each pixel.

PowImageFilter

Computes the powers of 2 images.

ProjectedLandweberDeconvolutionImageFilter

Deconvolve an image using the projected Landweber deconvolution algorithm.

RankImageFilter

Rank filter of a greyscale image.

RealAndImaginaryToComplexImageFilter

ComposeImageFilter combine several scalar images into a multicomponent image.

RealToHalfHermitianForwardFFTImageFilter

Base class for specialized real-to-complex forward Fast Fourier Transform .

ReconstructionByDilationImageFilter

grayscale reconstruction by dilation of an image

ReconstructionByErosionImageFilter

grayscale reconstruction by erosion of an image

RecursiveGaussianImageFilter

Base class for computing IIR convolution with an approximation of a Gaussian kernel.

RegionOfInterestImageFilter

Extract a region of interest from the input image.

RegionalMaximaImageFilter

Produce a binary image where foreground is the regional maxima of the input image.

RegionalMinimaImageFilter

Produce a binary image where foreground is the regional minima of the input image.

RelabelComponentImageFilter

Relabel the components in an image such that consecutive labels are used

RelabelLabelMapFilter

This filter relabels the LabelObjects; the new labels are arranged consecutively with consideration for the background value.
RenyiEntropyThresholdImageFilter

Threshold an image using the RenyiEntropy Threshold.

ResampleImageFilter

Resample an image via a coordinate transform.

RescaleIntensityImageFilter

Applies a linear transformation to the intensity levels of the input Image .

RichardsonLucyDeconvolutionImageFilter

Deconvolve an image using the Richardson-Lucy deconvolution algorithm.

RoundImageFilter

Rounds the value of each pixel.

SLICImageFilter

Simple Linear Iterative Clustering (SLIC) super-pixel segmentation.

STAPLEImageFilterThe STAPLE filter implements the Simultaneous Truth and Performance Level Estimation algorithm for generating ground truth volumes from a set of binary expert segmentations.

SaltAndPepperNoiseImageFilter

Alter an image with fixed value impulse noise, often called salt and pepper noise.

ScalarChanAndVeseDenseLevelSetImageFilter

Dense implementation of the Chan and Vese multiphase level set image filter.

ScalarConnectedComponentImageFilterA 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 

ScalarImageKmeansImageFilter

Classifies the intensity values of a scalar image using the K-Means algorithm.

ScalarToRGBColormapImageFilter

Implements pixel-wise intensity->rgb mapping operation on one image.

ShanbhagThresholdImageFilter

Threshold an image using the Shanbhag Threshold.

ShapeDetectionLevelSetImageFilter

Segments structures in images based on a user supplied edge potential map.

ShiftScaleImageFilter

Shift and scale the pixels in an image.

ShotNoiseImageFilter

Alter an image with shot noise.

ShrinkImageFilter

Reduce the size of an image by an integer factor in each dimension.

SigmoidImageFilter

Computes the sigmoid function pixel-wise.

SignedMaurerDistanceMapImageFilter

This filter calculates the Euclidean distance transform of a binary image in linear time for arbitrary dimensions.

SimilarityIndexImageFilter

Measures the similarity between the set of non-zero pixels of two images.

SimpleContourExtractorImageFilter

Computes an image of contours which will be the contour of the first image.

SinImageFilter

Computes the sine of each pixel.

SliceImageFilter

Slices an image based on a starting index and a stopping index, and a step size.

SmoothingRecursiveGaussianImageFilterComputes the smoothing of an image by convolution with the Gaussian kernels implemented as IIR filters.

SobelEdgeDetectionImageFilter

A 2D or 3D edge detection using the Sobel operator.

SpeckleNoiseImageFilter

Alter an image with speckle (multiplicative) noise.

SqrtImageFilter

Computes the square root of each pixel.

SquareImageFilter

Computes the square of the intensity values pixel-wise.

SquaredDifferenceImageFilter

Implements pixel-wise the computation of squared difference.

StandardDeviationProjectionImageFilter

Mean projection.

StatisticsImageFilter

Compute min, max, variance and mean of an Image .

StochasticFractalDimensionImageFilter

This filter computes the stochastic fractal dimension of the input image.

SubtractImageFilter

Pixel-wise subtraction of two images.

SumProjectionImageFilter

Sum projection.

SymmetricForcesDemonsRegistrationFilter

Deformably register two images using the demons algorithm.


原文链接:https://blog.csdn.net/JianJuly/article/details/114677846

  • 1
    点赞
  • 3
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值