OpenCV for Unity 2.6.3
Enox Software / Please refer to OpenCV official document ( http://docs.opencv.org/4.10.0/index.html ) for the details of the argument of the method.
Loading...
Searching...
No Matches
OpenCVForUnity.ImgprocModule.Imgproc Class Reference

Static Public Member Functions

static LineSegmentDetector createLineSegmentDetector (int refine, double scale, double sigma_scale, double quant, double ang_th, double log_eps, double density_th, int n_bins)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine, double scale, double sigma_scale, double quant, double ang_th, double log_eps, double density_th)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine, double scale, double sigma_scale, double quant, double ang_th, double log_eps)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine, double scale, double sigma_scale, double quant, double ang_th)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine, double scale, double sigma_scale, double quant)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine, double scale, double sigma_scale)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine, double scale)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector (int refine)
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static LineSegmentDetector createLineSegmentDetector ()
 Creates a smart pointer to a LineSegmentDetector object and initializes it.
 
static Mat getGaussianKernel (int ksize, double sigma, int ktype)
 Returns Gaussian filter coefficients.
 
static Mat getGaussianKernel (int ksize, double sigma)
 Returns Gaussian filter coefficients.
 
static void getDerivKernels (Mat kx, Mat ky, int dx, int dy, int ksize, bool normalize, int ktype)
 Returns filter coefficients for computing spatial image derivatives.
 
static void getDerivKernels (Mat kx, Mat ky, int dx, int dy, int ksize, bool normalize)
 Returns filter coefficients for computing spatial image derivatives.
 
static void getDerivKernels (Mat kx, Mat ky, int dx, int dy, int ksize)
 Returns filter coefficients for computing spatial image derivatives.
 
static Mat getGaborKernel (Size ksize, double sigma, double theta, double lambd, double gamma, double psi, int ktype)
 Returns Gabor filter coefficients.
 
static Mat getGaborKernel (Size ksize, double sigma, double theta, double lambd, double gamma, double psi)
 Returns Gabor filter coefficients.
 
static Mat getGaborKernel (Size ksize, double sigma, double theta, double lambd, double gamma)
 Returns Gabor filter coefficients.
 
static Mat getStructuringElement (int shape, Size ksize, Point anchor)
 Returns a structuring element of the specified size and shape for morphological operations.
 
static Mat getStructuringElement (int shape, Size ksize)
 Returns a structuring element of the specified size and shape for morphological operations.
 
static void medianBlur (Mat src, Mat dst, int ksize)
 Blurs an image using the median filter.
 
static void GaussianBlur (Mat src, Mat dst, Size ksize, double sigmaX, double sigmaY, int borderType)
 Blurs an image using a Gaussian filter.
 
static void GaussianBlur (Mat src, Mat dst, Size ksize, double sigmaX, double sigmaY)
 Blurs an image using a Gaussian filter.
 
static void GaussianBlur (Mat src, Mat dst, Size ksize, double sigmaX)
 Blurs an image using a Gaussian filter.
 
static void bilateralFilter (Mat src, Mat dst, int d, double sigmaColor, double sigmaSpace, int borderType)
 Applies the bilateral filter to an image.
 
static void bilateralFilter (Mat src, Mat dst, int d, double sigmaColor, double sigmaSpace)
 Applies the bilateral filter to an image.
 
static void boxFilter (Mat src, Mat dst, int ddepth, Size ksize, Point anchor, bool normalize, int borderType)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, Size ksize, Point anchor, bool normalize)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, Size ksize, Point anchor)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, Size ksize)
 Blurs an image using the box filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, Size ksize, Point anchor, bool normalize, int borderType)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, Size ksize, Point anchor, bool normalize)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, Size ksize, Point anchor)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, Size ksize)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void blur (Mat src, Mat dst, Size ksize, Point anchor, int borderType)
 Blurs an image using the normalized box filter.
 
static void blur (Mat src, Mat dst, Size ksize, Point anchor)
 Blurs an image using the normalized box filter.
 
static void blur (Mat src, Mat dst, Size ksize)
 Blurs an image using the normalized box filter.
 
static void stackBlur (Mat src, Mat dst, Size ksize)
 Blurs an image using the stackBlur.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, Point anchor, double delta, int borderType)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, Point anchor, double delta)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, Point anchor)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel)
 Convolves an image with the kernel.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, Point anchor, double delta, int borderType)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, Point anchor, double delta)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, Point anchor)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY)
 Applies a separable linear filter to an image.
 
static void Sobel (Mat src, Mat dst, int ddepth, int dx, int dy, int ksize, double scale, double delta, int borderType)
 Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
 
static void Sobel (Mat src, Mat dst, int ddepth, int dx, int dy, int ksize, double scale, double delta)
 Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
 
static void Sobel (Mat src, Mat dst, int ddepth, int dx, int dy, int ksize, double scale)
 Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
 
static void Sobel (Mat src, Mat dst, int ddepth, int dx, int dy, int ksize)
 Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
 
static void Sobel (Mat src, Mat dst, int ddepth, int dx, int dy)
 Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
 
static void spatialGradient (Mat src, Mat dx, Mat dy, int ksize, int borderType)
 Calculates the first order image derivative in both x and y using a Sobel operator.
 
static void spatialGradient (Mat src, Mat dx, Mat dy, int ksize)
 Calculates the first order image derivative in both x and y using a Sobel operator.
 
static void spatialGradient (Mat src, Mat dx, Mat dy)
 Calculates the first order image derivative in both x and y using a Sobel operator.
 
static void Scharr (Mat src, Mat dst, int ddepth, int dx, int dy, double scale, double delta, int borderType)
 Calculates the first x- or y- image derivative using Scharr operator.
 
static void Scharr (Mat src, Mat dst, int ddepth, int dx, int dy, double scale, double delta)
 Calculates the first x- or y- image derivative using Scharr operator.
 
static void Scharr (Mat src, Mat dst, int ddepth, int dx, int dy, double scale)
 Calculates the first x- or y- image derivative using Scharr operator.
 
static void Scharr (Mat src, Mat dst, int ddepth, int dx, int dy)
 Calculates the first x- or y- image derivative using Scharr operator.
 
static void Laplacian (Mat src, Mat dst, int ddepth, int ksize, double scale, double delta, int borderType)
 Calculates the Laplacian of an image.
 
static void Laplacian (Mat src, Mat dst, int ddepth, int ksize, double scale, double delta)
 Calculates the Laplacian of an image.
 
static void Laplacian (Mat src, Mat dst, int ddepth, int ksize, double scale)
 Calculates the Laplacian of an image.
 
static void Laplacian (Mat src, Mat dst, int ddepth, int ksize)
 Calculates the Laplacian of an image.
 
static void Laplacian (Mat src, Mat dst, int ddepth)
 Calculates the Laplacian of an image.
 
static void Canny (Mat image, Mat edges, double threshold1, double threshold2, int apertureSize, bool L2gradient)
 Finds edges in an image using the Canny algorithm [Canny86] .
 
static void Canny (Mat image, Mat edges, double threshold1, double threshold2, int apertureSize)
 Finds edges in an image using the Canny algorithm [Canny86] .
 
static void Canny (Mat image, Mat edges, double threshold1, double threshold2)
 Finds edges in an image using the Canny algorithm [Canny86] .
 
static void Canny (Mat dx, Mat dy, Mat edges, double threshold1, double threshold2, bool L2gradient)
 
static void Canny (Mat dx, Mat dy, Mat edges, double threshold1, double threshold2)
 
static void cornerMinEigenVal (Mat src, Mat dst, int blockSize, int ksize, int borderType)
 Calculates the minimal eigenvalue of gradient matrices for corner detection.
 
static void cornerMinEigenVal (Mat src, Mat dst, int blockSize, int ksize)
 Calculates the minimal eigenvalue of gradient matrices for corner detection.
 
static void cornerMinEigenVal (Mat src, Mat dst, int blockSize)
 Calculates the minimal eigenvalue of gradient matrices for corner detection.
 
static void cornerHarris (Mat src, Mat dst, int blockSize, int ksize, double k, int borderType)
 Harris corner detector.
 
static void cornerHarris (Mat src, Mat dst, int blockSize, int ksize, double k)
 Harris corner detector.
 
static void cornerEigenValsAndVecs (Mat src, Mat dst, int blockSize, int ksize, int borderType)
 Calculates eigenvalues and eigenvectors of image blocks for corner detection.
 
static void cornerEigenValsAndVecs (Mat src, Mat dst, int blockSize, int ksize)
 Calculates eigenvalues and eigenvectors of image blocks for corner detection.
 
static void preCornerDetect (Mat src, Mat dst, int ksize, int borderType)
 Calculates a feature map for corner detection.
 
static void preCornerDetect (Mat src, Mat dst, int ksize)
 Calculates a feature map for corner detection.
 
static void cornerSubPix (Mat image, Mat corners, Size winSize, Size zeroZone, TermCriteria criteria)
 Refines the corner locations.
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, int blockSize, bool useHarrisDetector, double k)
 Determines strong corners on an image.
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, int blockSize, bool useHarrisDetector)
 Determines strong corners on an image.
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, int blockSize)
 Determines strong corners on an image.
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask)
 Determines strong corners on an image.
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance)
 Determines strong corners on an image.
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, int blockSize, int gradientSize, bool useHarrisDetector, double k)
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, int blockSize, int gradientSize, bool useHarrisDetector)
 
static void goodFeaturesToTrack (Mat image, MatOfPoint corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, int blockSize, int gradientSize)
 
static void goodFeaturesToTrackWithQuality (Mat image, Mat corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, Mat cornersQuality, int blockSize, int gradientSize, bool useHarrisDetector, double k)
 Same as above, but returns also quality measure of the detected corners.
 
static void goodFeaturesToTrackWithQuality (Mat image, Mat corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, Mat cornersQuality, int blockSize, int gradientSize, bool useHarrisDetector)
 Same as above, but returns also quality measure of the detected corners.
 
static void goodFeaturesToTrackWithQuality (Mat image, Mat corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, Mat cornersQuality, int blockSize, int gradientSize)
 Same as above, but returns also quality measure of the detected corners.
 
static void goodFeaturesToTrackWithQuality (Mat image, Mat corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, Mat cornersQuality, int blockSize)
 Same as above, but returns also quality measure of the detected corners.
 
static void goodFeaturesToTrackWithQuality (Mat image, Mat corners, int maxCorners, double qualityLevel, double minDistance, Mat mask, Mat cornersQuality)
 Same as above, but returns also quality measure of the detected corners.
 
static void HoughLines (Mat image, Mat lines, double rho, double theta, int threshold, double srn, double stn, double min_theta, double max_theta)
 Finds lines in a binary image using the standard Hough transform.
 
static void HoughLines (Mat image, Mat lines, double rho, double theta, int threshold, double srn, double stn, double min_theta)
 Finds lines in a binary image using the standard Hough transform.
 
static void HoughLines (Mat image, Mat lines, double rho, double theta, int threshold, double srn, double stn)
 Finds lines in a binary image using the standard Hough transform.
 
static void HoughLines (Mat image, Mat lines, double rho, double theta, int threshold, double srn)
 Finds lines in a binary image using the standard Hough transform.
 
static void HoughLines (Mat image, Mat lines, double rho, double theta, int threshold)
 Finds lines in a binary image using the standard Hough transform.
 
static void HoughLinesP (Mat image, Mat lines, double rho, double theta, int threshold, double minLineLength, double maxLineGap)
 Finds line segments in a binary image using the probabilistic Hough transform.
 
static void HoughLinesP (Mat image, Mat lines, double rho, double theta, int threshold, double minLineLength)
 Finds line segments in a binary image using the probabilistic Hough transform.
 
static void HoughLinesP (Mat image, Mat lines, double rho, double theta, int threshold)
 Finds line segments in a binary image using the probabilistic Hough transform.
 
static void HoughLinesPointSet (Mat point, Mat lines, int lines_max, int threshold, double min_rho, double max_rho, double rho_step, double min_theta, double max_theta, double theta_step)
 Finds lines in a set of points using the standard Hough transform.
 
static void HoughCircles (Mat image, Mat circles, int method, double dp, double minDist, double param1, double param2, int minRadius, int maxRadius)
 Finds circles in a grayscale image using the Hough transform.
 
static void HoughCircles (Mat image, Mat circles, int method, double dp, double minDist, double param1, double param2, int minRadius)
 Finds circles in a grayscale image using the Hough transform.
 
static void HoughCircles (Mat image, Mat circles, int method, double dp, double minDist, double param1, double param2)
 Finds circles in a grayscale image using the Hough transform.
 
static void HoughCircles (Mat image, Mat circles, int method, double dp, double minDist, double param1)
 Finds circles in a grayscale image using the Hough transform.
 
static void HoughCircles (Mat image, Mat circles, int method, double dp, double minDist)
 Finds circles in a grayscale image using the Hough transform.
 
static void erode (Mat src, Mat dst, Mat kernel, Point anchor, int iterations, int borderType, Scalar borderValue)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, Point anchor, int iterations, int borderType)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, Point anchor, int iterations)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, Point anchor)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel)
 Erodes an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, Point anchor, int iterations, int borderType, Scalar borderValue)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, Point anchor, int iterations, int borderType)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, Point anchor, int iterations)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, Point anchor)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel)
 Dilates an image by using a specific structuring element.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, Point anchor, int iterations, int borderType, Scalar borderValue)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, Point anchor, int iterations, int borderType)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, Point anchor, int iterations)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, Point anchor)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel)
 Performs advanced morphological transformations.
 
static void resize (Mat src, Mat dst, Size dsize, double fx, double fy, int interpolation)
 Resizes an image.
 
static void resize (Mat src, Mat dst, Size dsize, double fx, double fy)
 Resizes an image.
 
static void resize (Mat src, Mat dst, Size dsize, double fx)
 Resizes an image.
 
static void resize (Mat src, Mat dst, Size dsize)
 Resizes an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, Size dsize, int flags, int borderMode, Scalar borderValue)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, Size dsize, int flags, int borderMode)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, Size dsize, int flags)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, Size dsize)
 Applies an affine transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, Size dsize, int flags, int borderMode, Scalar borderValue)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, Size dsize, int flags, int borderMode)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, Size dsize, int flags)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, Size dsize)
 Applies a perspective transformation to an image.
 
static void remap (Mat src, Mat dst, Mat map1, Mat map2, int interpolation, int borderMode, Scalar borderValue)
 Applies a generic geometrical transformation to an image.
 
static void remap (Mat src, Mat dst, Mat map1, Mat map2, int interpolation, int borderMode)
 Applies a generic geometrical transformation to an image.
 
static void remap (Mat src, Mat dst, Mat map1, Mat map2, int interpolation)
 Applies a generic geometrical transformation to an image.
 
static void convertMaps (Mat map1, Mat map2, Mat dstmap1, Mat dstmap2, int dstmap1type, bool nninterpolation)
 Converts image transformation maps from one representation to another.
 
static void convertMaps (Mat map1, Mat map2, Mat dstmap1, Mat dstmap2, int dstmap1type)
 Converts image transformation maps from one representation to another.
 
static Mat getRotationMatrix2D (Point center, double angle, double scale)
 Calculates an affine matrix of 2D rotation.
 
static void invertAffineTransform (Mat M, Mat iM)
 Inverts an affine transformation.
 
static Mat getPerspectiveTransform (Mat src, Mat dst, int solveMethod)
 Calculates a perspective transform from four pairs of the corresponding points.
 
static Mat getPerspectiveTransform (Mat src, Mat dst)
 Calculates a perspective transform from four pairs of the corresponding points.
 
static Mat getAffineTransform (MatOfPoint2f src, MatOfPoint2f dst)
 
static void getRectSubPix (Mat image, Size patchSize, Point center, Mat patch, int patchType)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy.
 
static void getRectSubPix (Mat image, Size patchSize, Point center, Mat patch)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy.
 
static void logPolar (Mat src, Mat dst, Point center, double M, int flags)
 Remaps an image to semilog-polar coordinates space.
 
static void linearPolar (Mat src, Mat dst, Point center, double maxRadius, int flags)
 Remaps an image to polar coordinates space.
 
static void warpPolar (Mat src, Mat dst, Size dsize, Point center, double maxRadius, int flags)
 Remaps an image to polar or semilog-polar coordinates space.
 
static void integral3 (Mat src, Mat sum, Mat sqsum, Mat tilted, int sdepth, int sqdepth)
 Calculates the integral of an image.
 
static void integral3 (Mat src, Mat sum, Mat sqsum, Mat tilted, int sdepth)
 Calculates the integral of an image.
 
static void integral3 (Mat src, Mat sum, Mat sqsum, Mat tilted)
 Calculates the integral of an image.
 
static void integral (Mat src, Mat sum, int sdepth)
 
static void integral (Mat src, Mat sum)
 
static void integral2 (Mat src, Mat sum, Mat sqsum, int sdepth, int sqdepth)
 
static void integral2 (Mat src, Mat sum, Mat sqsum, int sdepth)
 
static void integral2 (Mat src, Mat sum, Mat sqsum)
 
static void accumulate (Mat src, Mat dst, Mat mask)
 Adds an image to the accumulator image.
 
static void accumulate (Mat src, Mat dst)
 Adds an image to the accumulator image.
 
static void accumulateSquare (Mat src, Mat dst, Mat mask)
 Adds the square of a source image to the accumulator image.
 
static void accumulateSquare (Mat src, Mat dst)
 Adds the square of a source image to the accumulator image.
 
static void accumulateProduct (Mat src1, Mat src2, Mat dst, Mat mask)
 Adds the per-element product of two input images to the accumulator image.
 
static void accumulateProduct (Mat src1, Mat src2, Mat dst)
 Adds the per-element product of two input images to the accumulator image.
 
static void accumulateWeighted (Mat src, Mat dst, double alpha, Mat mask)
 Updates a running average.
 
static void accumulateWeighted (Mat src, Mat dst, double alpha)
 Updates a running average.
 
static Point phaseCorrelate (Mat src1, Mat src2, Mat window, double[] response)
 The function is used to detect translational shifts that occur between two images.
 
static Point phaseCorrelate (Mat src1, Mat src2, Mat window)
 The function is used to detect translational shifts that occur between two images.
 
static Point phaseCorrelate (Mat src1, Mat src2)
 The function is used to detect translational shifts that occur between two images.
 
static void createHanningWindow (Mat dst, Size winSize, int type)
 This function computes a Hanning window coefficients in two dimensions.
 
static void divSpectrums (Mat a, Mat b, Mat c, int flags, bool conjB)
 Performs the per-element division of the first Fourier spectrum by the second Fourier spectrum.
 
static void divSpectrums (Mat a, Mat b, Mat c, int flags)
 Performs the per-element division of the first Fourier spectrum by the second Fourier spectrum.
 
static double threshold (Mat src, Mat dst, double thresh, double maxval, int type)
 Applies a fixed-level threshold to each array element.
 
static void adaptiveThreshold (Mat src, Mat dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
 Applies an adaptive threshold to an array.
 
static void pyrDown (Mat src, Mat dst, Size dstsize, int borderType)
 Blurs an image and downsamples it.
 
static void pyrDown (Mat src, Mat dst, Size dstsize)
 Blurs an image and downsamples it.
 
static void pyrDown (Mat src, Mat dst)
 Blurs an image and downsamples it.
 
static void pyrUp (Mat src, Mat dst, Size dstsize, int borderType)
 Upsamples an image and then blurs it.
 
static void pyrUp (Mat src, Mat dst, Size dstsize)
 Upsamples an image and then blurs it.
 
static void pyrUp (Mat src, Mat dst)
 Upsamples an image and then blurs it.
 
static void calcHist (List< Mat > images, MatOfInt channels, Mat mask, Mat hist, MatOfInt histSize, MatOfFloat ranges, bool accumulate)
 
static void calcHist (List< Mat > images, MatOfInt channels, Mat mask, Mat hist, MatOfInt histSize, MatOfFloat ranges)
 
static void calcBackProject (List< Mat > images, MatOfInt channels, Mat hist, Mat dst, MatOfFloat ranges, double scale)
 
static double compareHist (Mat H1, Mat H2, int method)
 Compares two histograms.
 
static void equalizeHist (Mat src, Mat dst)
 Equalizes the histogram of a grayscale image.
 
static CLAHE createCLAHE (double clipLimit, Size tileGridSize)
 Creates a smart pointer to a cv::CLAHE class and initializes it.
 
static CLAHE createCLAHE (double clipLimit)
 Creates a smart pointer to a cv::CLAHE class and initializes it.
 
static CLAHE createCLAHE ()
 Creates a smart pointer to a cv::CLAHE class and initializes it.
 
static float EMD (Mat signature1, Mat signature2, int distType, Mat cost, Mat flow)
 Computes the "minimal work" distance between two weighted point configurations.
 
static float EMD (Mat signature1, Mat signature2, int distType, Mat cost)
 Computes the "minimal work" distance between two weighted point configurations.
 
static float EMD (Mat signature1, Mat signature2, int distType)
 Computes the "minimal work" distance between two weighted point configurations.
 
static void watershed (Mat image, Mat markers)
 Performs a marker-based image segmentation using the watershed algorithm.
 
static void pyrMeanShiftFiltering (Mat src, Mat dst, double sp, double sr, int maxLevel, TermCriteria termcrit)
 Performs initial step of meanshift segmentation of an image.
 
static void pyrMeanShiftFiltering (Mat src, Mat dst, double sp, double sr, int maxLevel)
 Performs initial step of meanshift segmentation of an image.
 
static void pyrMeanShiftFiltering (Mat src, Mat dst, double sp, double sr)
 Performs initial step of meanshift segmentation of an image.
 
static void grabCut (Mat img, Mat mask, Rect rect, Mat bgdModel, Mat fgdModel, int iterCount, int mode)
 Runs the GrabCut algorithm.
 
static void grabCut (Mat img, Mat mask, Rect rect, Mat bgdModel, Mat fgdModel, int iterCount)
 Runs the GrabCut algorithm.
 
static void distanceTransformWithLabels (Mat src, Mat dst, Mat labels, int distanceType, int maskSize, int labelType)
 Calculates the distance to the closest zero pixel for each pixel of the source image.
 
static void distanceTransformWithLabels (Mat src, Mat dst, Mat labels, int distanceType, int maskSize)
 Calculates the distance to the closest zero pixel for each pixel of the source image.
 
static void distanceTransform (Mat src, Mat dst, int distanceType, int maskSize, int dstType)
 
static void distanceTransform (Mat src, Mat dst, int distanceType, int maskSize)
 
static int floodFill (Mat image, Mat mask, Point seedPoint, Scalar newVal, Rect rect, Scalar loDiff, Scalar upDiff, int flags)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, Point seedPoint, Scalar newVal, Rect rect, Scalar loDiff, Scalar upDiff)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, Point seedPoint, Scalar newVal, Rect rect, Scalar loDiff)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, Point seedPoint, Scalar newVal, Rect rect)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, Point seedPoint, Scalar newVal)
 Fills a connected component with the given color.
 
static void blendLinear (Mat src1, Mat src2, Mat weights1, Mat weights2, Mat dst)
 
static void cvtColor (Mat src, Mat dst, int code, int dstCn)
 Converts an image from one color space to another.
 
static void cvtColor (Mat src, Mat dst, int code)
 Converts an image from one color space to another.
 
static void cvtColorTwoPlane (Mat src1, Mat src2, Mat dst, int code)
 Converts an image from one color space to another where the source image is stored in two planes.
 
static void demosaicing (Mat src, Mat dst, int code, int dstCn)
 main function for all demosaicing processes
 
static void demosaicing (Mat src, Mat dst, int code)
 main function for all demosaicing processes
 
static Moments moments (Mat array, bool binaryImage)
 Calculates all of the moments up to the third order of a polygon or rasterized shape.
 
static Moments moments (Mat array)
 Calculates all of the moments up to the third order of a polygon or rasterized shape.
 
static void HuMoments (Moments m, Mat hu)
 
static void matchTemplate (Mat image, Mat templ, Mat result, int method, Mat mask)
 Compares a template against overlapped image regions.
 
static void matchTemplate (Mat image, Mat templ, Mat result, int method)
 Compares a template against overlapped image regions.
 
static int connectedComponentsWithAlgorithm (Mat image, Mat labels, int connectivity, int ltype, int ccltype)
 computes the connected components labeled image of boolean image
 
static int connectedComponents (Mat image, Mat labels, int connectivity, int ltype)
 
static int connectedComponents (Mat image, Mat labels, int connectivity)
 
static int connectedComponents (Mat image, Mat labels)
 
static int connectedComponentsWithStatsWithAlgorithm (Mat image, Mat labels, Mat stats, Mat centroids, int connectivity, int ltype, int ccltype)
 computes the connected components labeled image of boolean image and also produces a statistics output for each label
 
static int connectedComponentsWithStats (Mat image, Mat labels, Mat stats, Mat centroids, int connectivity, int ltype)
 
static int connectedComponentsWithStats (Mat image, Mat labels, Mat stats, Mat centroids, int connectivity)
 
static int connectedComponentsWithStats (Mat image, Mat labels, Mat stats, Mat centroids)
 
static void findContours (Mat image, List< MatOfPoint > contours, Mat hierarchy, int mode, int method, Point offset)
 Finds contours in a binary image.
 
static void findContours (Mat image, List< MatOfPoint > contours, Mat hierarchy, int mode, int method)
 Finds contours in a binary image.
 
static void findContoursLinkRuns (Mat image, List< Mat > contours, Mat hierarchy)
 
static void findContoursLinkRuns (Mat image, List< Mat > contours)
 
static void approxPolyDP (MatOfPoint2f curve, MatOfPoint2f approxCurve, double epsilon, bool closed)
 Approximates a polygonal curve(s) with the specified precision.
 
static double arcLength (MatOfPoint2f curve, bool closed)
 Calculates a contour perimeter or a curve length.
 
static Rect boundingRect (Mat array)
 Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
 
static double contourArea (Mat contour, bool oriented)
 Calculates a contour area.
 
static double contourArea (Mat contour)
 Calculates a contour area.
 
static RotatedRect minAreaRect (MatOfPoint2f points)
 Finds a rotated rectangle of the minimum area enclosing the input 2D point set.
 
static void boxPoints (RotatedRect box, Mat points)
 Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
 
static void minEnclosingCircle (MatOfPoint2f points, Point center, float[] radius)
 Finds a circle of the minimum area enclosing a 2D point set.
 
static double minEnclosingTriangle (Mat points, Mat triangle)
 Finds a triangle of minimum area enclosing a 2D point set and returns its area.
 
static double matchShapes (Mat contour1, Mat contour2, int method, double parameter)
 Compares two shapes.
 
static void convexHull (MatOfPoint points, MatOfInt hull, bool clockwise)
 Finds the convex hull of a point set.
 
static void convexHull (MatOfPoint points, MatOfInt hull)
 Finds the convex hull of a point set.
 
static void convexityDefects (MatOfPoint contour, MatOfInt convexhull, MatOfInt4 convexityDefects)
 Finds the convexity defects of a contour.
 
static bool isContourConvex (MatOfPoint contour)
 Tests a contour convexity.
 
static float intersectConvexConvex (Mat p1, Mat p2, Mat p12, bool handleNested)
 Finds intersection of two convex polygons.
 
static float intersectConvexConvex (Mat p1, Mat p2, Mat p12)
 Finds intersection of two convex polygons.
 
static RotatedRect fitEllipse (MatOfPoint2f points)
 Fits an ellipse around a set of 2D points.
 
static RotatedRect fitEllipseAMS (Mat points)
 Fits an ellipse around a set of 2D points.
 
static RotatedRect fitEllipseDirect (Mat points)
 Fits an ellipse around a set of 2D points.
 
static void fitLine (Mat points, Mat line, int distType, double param, double reps, double aeps)
 Fits a line to a 2D or 3D point set.
 
static double pointPolygonTest (MatOfPoint2f contour, Point pt, bool measureDist)
 Performs a point-in-contour test.
 
static int rotatedRectangleIntersection (RotatedRect rect1, RotatedRect rect2, Mat intersectingRegion)
 Finds out if there is any intersection between two rotated rectangles.
 
static GeneralizedHoughBallard createGeneralizedHoughBallard ()
 Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
 
static GeneralizedHoughGuil createGeneralizedHoughGuil ()
 Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
 
static void applyColorMap (Mat src, Mat dst, int colormap)
 Applies a GNU Octave/MATLAB equivalent colormap on a given image.
 
static void applyColorMap (Mat src, Mat dst, Mat userColor)
 Applies a user colormap on a given image.
 
static void line (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int lineType, int shift)
 Draws a line segment connecting two points.
 
static void line (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int lineType)
 Draws a line segment connecting two points.
 
static void line (Mat img, Point pt1, Point pt2, Scalar color, int thickness)
 Draws a line segment connecting two points.
 
static void line (Mat img, Point pt1, Point pt2, Scalar color)
 Draws a line segment connecting two points.
 
static void arrowedLine (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int line_type, int shift, double tipLength)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int line_type, int shift)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int line_type)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, Point pt1, Point pt2, Scalar color, int thickness)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, Point pt1, Point pt2, Scalar color)
 Draws an arrow segment pointing from the first point to the second one.
 
static void rectangle (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int lineType, int shift)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, Point pt1, Point pt2, Scalar color, int thickness, int lineType)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, Point pt1, Point pt2, Scalar color, int thickness)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, Point pt1, Point pt2, Scalar color)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, Rect rec, Scalar color, int thickness, int lineType, int shift)
 
static void rectangle (Mat img, Rect rec, Scalar color, int thickness, int lineType)
 
static void rectangle (Mat img, Rect rec, Scalar color, int thickness)
 
static void rectangle (Mat img, Rect rec, Scalar color)
 
static void circle (Mat img, Point center, int radius, Scalar color, int thickness, int lineType, int shift)
 Draws a circle.
 
static void circle (Mat img, Point center, int radius, Scalar color, int thickness, int lineType)
 Draws a circle.
 
static void circle (Mat img, Point center, int radius, Scalar color, int thickness)
 Draws a circle.
 
static void circle (Mat img, Point center, int radius, Scalar color)
 Draws a circle.
 
static void ellipse (Mat img, Point center, Size axes, double angle, double startAngle, double endAngle, Scalar color, int thickness, int lineType, int shift)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, Point center, Size axes, double angle, double startAngle, double endAngle, Scalar color, int thickness, int lineType)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, Point center, Size axes, double angle, double startAngle, double endAngle, Scalar color, int thickness)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, Point center, Size axes, double angle, double startAngle, double endAngle, Scalar color)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, RotatedRect box, Scalar color, int thickness, int lineType)
 
static void ellipse (Mat img, RotatedRect box, Scalar color, int thickness)
 
static void ellipse (Mat img, RotatedRect box, Scalar color)
 
static void drawMarker (Mat img, Point position, Scalar color, int markerType, int markerSize, int thickness, int line_type)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, Point position, Scalar color, int markerType, int markerSize, int thickness)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, Point position, Scalar color, int markerType, int markerSize)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, Point position, Scalar color, int markerType)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, Point position, Scalar color)
 Draws a marker on a predefined position in an image.
 
static void fillConvexPoly (Mat img, MatOfPoint points, Scalar color, int lineType, int shift)
 Fills a convex polygon.
 
static void fillConvexPoly (Mat img, MatOfPoint points, Scalar color, int lineType)
 Fills a convex polygon.
 
static void fillConvexPoly (Mat img, MatOfPoint points, Scalar color)
 Fills a convex polygon.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, Scalar color, int lineType, int shift, Point offset)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, Scalar color, int lineType, int shift)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, Scalar color, int lineType)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, Scalar color)
 Fills the area bounded by one or more polygons.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, Scalar color, int thickness, int lineType, int shift)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, Scalar color, int thickness, int lineType)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, Scalar color, int thickness)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, Scalar color)
 Draws several polygonal curves.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, Scalar color, int thickness, int lineType, Mat hierarchy, int maxLevel, Point offset)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, Scalar color, int thickness, int lineType, Mat hierarchy, int maxLevel)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, Scalar color, int thickness, int lineType, Mat hierarchy)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, Scalar color, int thickness, int lineType)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, Scalar color, int thickness)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, Scalar color)
 Draws contours outlines or filled contours.
 
static bool clipLine (Rect imgRect, Point pt1, Point pt2)
 
static void ellipse2Poly (Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, MatOfPoint pts)
 Approximates an elliptic arc with a polyline.
 
static void putText (Mat img, string text, Point org, int fontFace, double fontScale, Scalar color, int thickness, int lineType, bool bottomLeftOrigin)
 Draws a text string.
 
static void putText (Mat img, string text, Point org, int fontFace, double fontScale, Scalar color, int thickness, int lineType)
 Draws a text string.
 
static void putText (Mat img, string text, Point org, int fontFace, double fontScale, Scalar color, int thickness)
 Draws a text string.
 
static void putText (Mat img, string text, Point org, int fontFace, double fontScale, Scalar color)
 Draws a text string.
 
static double getFontScaleFromHeight (int fontFace, int pixelHeight, int thickness)
 Calculates the font-specific size to use to achieve a given height in pixels.
 
static double getFontScaleFromHeight (int fontFace, int pixelHeight)
 Calculates the font-specific size to use to achieve a given height in pixels.
 
static void HoughLinesWithAccumulator (Mat image, Mat lines, double rho, double theta, int threshold, double srn, double stn, double min_theta, double max_theta)
 Finds lines in a binary image using the standard Hough transform and get accumulator.
 
static void HoughLinesWithAccumulator (Mat image, Mat lines, double rho, double theta, int threshold, double srn, double stn, double min_theta)
 Finds lines in a binary image using the standard Hough transform and get accumulator.
 
static void HoughLinesWithAccumulator (Mat image, Mat lines, double rho, double theta, int threshold, double srn, double stn)
 Finds lines in a binary image using the standard Hough transform and get accumulator.
 
static void HoughLinesWithAccumulator (Mat image, Mat lines, double rho, double theta, int threshold, double srn)
 Finds lines in a binary image using the standard Hough transform and get accumulator.
 
static void HoughLinesWithAccumulator (Mat image, Mat lines, double rho, double theta, int threshold)
 Finds lines in a binary image using the standard Hough transform and get accumulator.
 
static Size getTextSize (string text, int fontFace, double fontScale, int thickness, int[] baseLine)
 
static Mat getGaborKernel (in Vec2d ksize, double sigma, double theta, double lambd, double gamma, double psi, int ktype)
 Returns Gabor filter coefficients.
 
static Mat getGaborKernel (in Vec2d ksize, double sigma, double theta, double lambd, double gamma, double psi)
 Returns Gabor filter coefficients.
 
static Mat getGaborKernel (in Vec2d ksize, double sigma, double theta, double lambd, double gamma)
 Returns Gabor filter coefficients.
 
static Mat getStructuringElement (int shape, in Vec2d ksize, in Vec2d anchor)
 Returns a structuring element of the specified size and shape for morphological operations.
 
static Mat getStructuringElement (int shape, in Vec2d ksize)
 Returns a structuring element of the specified size and shape for morphological operations.
 
static void GaussianBlur (Mat src, Mat dst, in Vec2d ksize, double sigmaX, double sigmaY, int borderType)
 Blurs an image using a Gaussian filter.
 
static void GaussianBlur (Mat src, Mat dst, in Vec2d ksize, double sigmaX, double sigmaY)
 Blurs an image using a Gaussian filter.
 
static void GaussianBlur (Mat src, Mat dst, in Vec2d ksize, double sigmaX)
 Blurs an image using a Gaussian filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize, in Vec2d anchor, bool normalize, int borderType)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize, in Vec2d anchor, bool normalize)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize, in Vec2d anchor)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize)
 Blurs an image using the box filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize, in Vec2d anchor, bool normalize, int borderType)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize, in Vec2d anchor, bool normalize)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize, in Vec2d anchor)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in Vec2d ksize)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void blur (Mat src, Mat dst, in Vec2d ksize, in Vec2d anchor, int borderType)
 Blurs an image using the normalized box filter.
 
static void blur (Mat src, Mat dst, in Vec2d ksize, in Vec2d anchor)
 Blurs an image using the normalized box filter.
 
static void blur (Mat src, Mat dst, in Vec2d ksize)
 Blurs an image using the normalized box filter.
 
static void stackBlur (Mat src, Mat dst, in Vec2d ksize)
 Blurs an image using the stackBlur.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, in Vec2d anchor, double delta, int borderType)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, in Vec2d anchor, double delta)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, in Vec2d anchor)
 Convolves an image with the kernel.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, in Vec2d anchor, double delta, int borderType)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, in Vec2d anchor, double delta)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, in Vec2d anchor)
 Applies a separable linear filter to an image.
 
static void cornerSubPix (Mat image, Mat corners, in Vec2d winSize, in Vec2d zeroZone, in Vec3d criteria)
 Refines the corner locations.
 
static void erode (Mat src, Mat dst, Mat kernel, in Vec2d anchor, int iterations, int borderType, in Vec4d borderValue)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, in Vec2d anchor, int iterations, int borderType)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, in Vec2d anchor, int iterations)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, in Vec2d anchor)
 Erodes an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in Vec2d anchor, int iterations, int borderType, in Vec4d borderValue)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in Vec2d anchor, int iterations, int borderType)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in Vec2d anchor, int iterations)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in Vec2d anchor)
 Dilates an image by using a specific structuring element.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in Vec2d anchor, int iterations, int borderType, in Vec4d borderValue)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in Vec2d anchor, int iterations, int borderType)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in Vec2d anchor, int iterations)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in Vec2d anchor)
 Performs advanced morphological transformations.
 
static void resize (Mat src, Mat dst, in Vec2d dsize, double fx, double fy, int interpolation)
 Resizes an image.
 
static void resize (Mat src, Mat dst, in Vec2d dsize, double fx, double fy)
 Resizes an image.
 
static void resize (Mat src, Mat dst, in Vec2d dsize, double fx)
 Resizes an image.
 
static void resize (Mat src, Mat dst, in Vec2d dsize)
 Resizes an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in Vec2d dsize, int flags, int borderMode, in Vec4d borderValue)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in Vec2d dsize, int flags, int borderMode)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in Vec2d dsize, int flags)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in Vec2d dsize)
 Applies an affine transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in Vec2d dsize, int flags, int borderMode, in Vec4d borderValue)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in Vec2d dsize, int flags, int borderMode)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in Vec2d dsize, int flags)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in Vec2d dsize)
 Applies a perspective transformation to an image.
 
static void remap (Mat src, Mat dst, Mat map1, Mat map2, int interpolation, int borderMode, in Vec4d borderValue)
 Applies a generic geometrical transformation to an image.
 
static Mat getRotationMatrix2D (in Vec2d center, double angle, double scale)
 Calculates an affine matrix of 2D rotation.
 
static void getRectSubPix (Mat image, in Vec2d patchSize, in Vec2d center, Mat patch, int patchType)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy.
 
static void getRectSubPix (Mat image, in Vec2d patchSize, in Vec2d center, Mat patch)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy.
 
static void logPolar (Mat src, Mat dst, in Vec2d center, double M, int flags)
 Remaps an image to semilog-polar coordinates space.
 
static void linearPolar (Mat src, Mat dst, in Vec2d center, double maxRadius, int flags)
 Remaps an image to polar coordinates space.
 
static void warpPolar (Mat src, Mat dst, in Vec2d dsize, in Vec2d center, double maxRadius, int flags)
 Remaps an image to polar or semilog-polar coordinates space.
 
static Vec2d phaseCorrelateAsVec2d (Mat src1, Mat src2, Mat window, double[] response)
 The function is used to detect translational shifts that occur between two images.
 
static Vec2d phaseCorrelateAsVec2d (Mat src1, Mat src2, Mat window)
 The function is used to detect translational shifts that occur between two images.
 
static Vec2d phaseCorrelateAsVec2d (Mat src1, Mat src2)
 The function is used to detect translational shifts that occur between two images.
 
static void createHanningWindow (Mat dst, in Vec2d winSize, int type)
 This function computes a Hanning window coefficients in two dimensions.
 
static void pyrDown (Mat src, Mat dst, in Vec2d dstsize, int borderType)
 Blurs an image and downsamples it.
 
static void pyrDown (Mat src, Mat dst, in Vec2d dstsize)
 Blurs an image and downsamples it.
 
static void pyrUp (Mat src, Mat dst, in Vec2d dstsize, int borderType)
 Upsamples an image and then blurs it.
 
static void pyrUp (Mat src, Mat dst, in Vec2d dstsize)
 Upsamples an image and then blurs it.
 
static CLAHE createCLAHE (double clipLimit, in Vec2d tileGridSize)
 Creates a smart pointer to a cv::CLAHE class and initializes it.
 
static void pyrMeanShiftFiltering (Mat src, Mat dst, double sp, double sr, int maxLevel, in Vec3d termcrit)
 Performs initial step of meanshift segmentation of an image.
 
static void grabCut (Mat img, Mat mask, in Vec4i rect, Mat bgdModel, Mat fgdModel, int iterCount, int mode)
 Runs the GrabCut algorithm.
 
static void grabCut (Mat img, Mat mask, in Vec4i rect, Mat bgdModel, Mat fgdModel, int iterCount)
 Runs the GrabCut algorithm.
 
static int floodFill (Mat image, Mat mask, in Vec2d seedPoint, in Vec4d newVal, out Vec4i rect, in Vec4d loDiff, in Vec4d upDiff, int flags)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in Vec2d seedPoint, in Vec4d newVal, out Vec4i rect, in Vec4d loDiff, in Vec4d upDiff)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in Vec2d seedPoint, in Vec4d newVal, out Vec4i rect, in Vec4d loDiff)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in Vec2d seedPoint, in Vec4d newVal, out Vec4i rect)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in Vec2d seedPoint, in Vec4d newVal)
 Fills a connected component with the given color.
 
static Vec10d momentsAsVec10d (Mat array, bool binaryImage)
 Calculates all of the moments up to the third order of a polygon or rasterized shape.
 
static Vec10d momentsAsVec10d (Mat array)
 Calculates all of the moments up to the third order of a polygon or rasterized shape.
 
static void HuMoments (in Vec10d m, Mat hu)
 
static void findContours (Mat image, List< MatOfPoint > contours, Mat hierarchy, int mode, int method, in Vec2d offset)
 Finds contours in a binary image.
 
static Vec4i boundingRectAsVec4i (Mat array)
 Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
 
static Vec5d minAreaRectAsVec5d (MatOfPoint2f points)
 Finds a rotated rectangle of the minimum area enclosing the input 2D point set.
 
static void boxPoints (in Vec5d box, Mat points)
 Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
 
static void minEnclosingCircle (MatOfPoint2f points, out Vec2d center, float[] radius)
 Finds a circle of the minimum area enclosing a 2D point set.
 
static Vec5d fitEllipseAsVec5d (MatOfPoint2f points)
 Fits an ellipse around a set of 2D points.
 
static Vec5d fitEllipseAMSAsVec5d (Mat points)
 Fits an ellipse around a set of 2D points.
 
static Vec5d fitEllipseDirectAsVec5d (Mat points)
 Fits an ellipse around a set of 2D points.
 
static double pointPolygonTest (MatOfPoint2f contour, in Vec2d pt, bool measureDist)
 Performs a point-in-contour test.
 
static int rotatedRectangleIntersection (in Vec5d rect1, in Vec5d rect2, Mat intersectingRegion)
 Finds out if there is any intersection between two rotated rectangles.
 
static void line (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int lineType, int shift)
 Draws a line segment connecting two points.
 
static void line (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int lineType)
 Draws a line segment connecting two points.
 
static void line (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness)
 Draws a line segment connecting two points.
 
static void line (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color)
 Draws a line segment connecting two points.
 
static void arrowedLine (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int line_type, int shift, double tipLength)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int line_type, int shift)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int line_type)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color)
 Draws an arrow segment pointing from the first point to the second one.
 
static void rectangle (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int lineType, int shift)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness, int lineType)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color, int thickness)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in Vec2d pt1, in Vec2d pt2, in Vec4d color)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in Vec4i rec, in Vec4d color, int thickness, int lineType, int shift)
 
static void rectangle (Mat img, in Vec4i rec, in Vec4d color, int thickness, int lineType)
 
static void rectangle (Mat img, in Vec4i rec, in Vec4d color, int thickness)
 
static void rectangle (Mat img, in Vec4i rec, in Vec4d color)
 
static void circle (Mat img, in Vec2d center, int radius, in Vec4d color, int thickness, int lineType, int shift)
 Draws a circle.
 
static void circle (Mat img, in Vec2d center, int radius, in Vec4d color, int thickness, int lineType)
 Draws a circle.
 
static void circle (Mat img, in Vec2d center, int radius, in Vec4d color, int thickness)
 Draws a circle.
 
static void circle (Mat img, in Vec2d center, int radius, in Vec4d color)
 Draws a circle.
 
static void ellipse (Mat img, in Vec2d center, in Vec2d axes, double angle, double startAngle, double endAngle, in Vec4d color, int thickness, int lineType, int shift)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in Vec2d center, in Vec2d axes, double angle, double startAngle, double endAngle, in Vec4d color, int thickness, int lineType)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in Vec2d center, in Vec2d axes, double angle, double startAngle, double endAngle, in Vec4d color, int thickness)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in Vec2d center, in Vec2d axes, double angle, double startAngle, double endAngle, in Vec4d color)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in Vec5d box, in Vec4d color, int thickness, int lineType)
 
static void ellipse (Mat img, in Vec5d box, in Vec4d color, int thickness)
 
static void ellipse (Mat img, in Vec5d box, in Vec4d color)
 
static void drawMarker (Mat img, in Vec2d position, in Vec4d color, int markerType, int markerSize, int thickness, int line_type)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in Vec2d position, in Vec4d color, int markerType, int markerSize, int thickness)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in Vec2d position, in Vec4d color, int markerType, int markerSize)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in Vec2d position, in Vec4d color, int markerType)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in Vec2d position, in Vec4d color)
 Draws a marker on a predefined position in an image.
 
static void fillConvexPoly (Mat img, MatOfPoint points, in Vec4d color, int lineType, int shift)
 Fills a convex polygon.
 
static void fillConvexPoly (Mat img, MatOfPoint points, in Vec4d color, int lineType)
 Fills a convex polygon.
 
static void fillConvexPoly (Mat img, MatOfPoint points, in Vec4d color)
 Fills a convex polygon.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in Vec4d color, int lineType, int shift, in Vec2d offset)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in Vec4d color, int lineType, int shift)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in Vec4d color, int lineType)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in Vec4d color)
 Fills the area bounded by one or more polygons.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in Vec4d color, int thickness, int lineType, int shift)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in Vec4d color, int thickness, int lineType)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in Vec4d color, int thickness)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in Vec4d color)
 Draws several polygonal curves.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in Vec4d color, int thickness, int lineType, Mat hierarchy, int maxLevel, in Vec2d offset)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in Vec4d color, int thickness, int lineType, Mat hierarchy, int maxLevel)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in Vec4d color, int thickness, int lineType, Mat hierarchy)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in Vec4d color, int thickness, int lineType)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in Vec4d color, int thickness)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in Vec4d color)
 Draws contours outlines or filled contours.
 
static bool clipLine (in Vec4i imgRect, ref Vec2d pt1, ref Vec2d pt2)
 
static void ellipse2Poly (in Vec2d center, in Vec2d axes, int angle, int arcStart, int arcEnd, int delta, MatOfPoint pts)
 Approximates an elliptic arc with a polyline.
 
static void putText (Mat img, string text, in Vec2d org, int fontFace, double fontScale, in Vec4d color, int thickness, int lineType, bool bottomLeftOrigin)
 Draws a text string.
 
static void putText (Mat img, string text, in Vec2d org, int fontFace, double fontScale, in Vec4d color, int thickness, int lineType)
 Draws a text string.
 
static void putText (Mat img, string text, in Vec2d org, int fontFace, double fontScale, in Vec4d color, int thickness)
 Draws a text string.
 
static void putText (Mat img, string text, in Vec2d org, int fontFace, double fontScale, in Vec4d color)
 Draws a text string.
 
static Vec2d getTextSizeAsVec2d (string text, int fontFace, double fontScale, int thickness, int[] baseLine)
 
static Mat getGaborKernel (in(double width, double height) ksize, double sigma, double theta, double lambd, double gamma, double psi, int ktype)
 Returns Gabor filter coefficients.
 
static Mat getGaborKernel (in(double width, double height) ksize, double sigma, double theta, double lambd, double gamma, double psi)
 Returns Gabor filter coefficients.
 
static Mat getGaborKernel (in(double width, double height) ksize, double sigma, double theta, double lambd, double gamma)
 Returns Gabor filter coefficients.
 
static Mat getStructuringElement (int shape, in(double width, double height) ksize, in(double x, double y) anchor)
 Returns a structuring element of the specified size and shape for morphological operations.
 
static Mat getStructuringElement (int shape, in(double width, double height) ksize)
 Returns a structuring element of the specified size and shape for morphological operations.
 
static void GaussianBlur (Mat src, Mat dst, in(double width, double height) ksize, double sigmaX, double sigmaY, int borderType)
 Blurs an image using a Gaussian filter.
 
static void GaussianBlur (Mat src, Mat dst, in(double width, double height) ksize, double sigmaX, double sigmaY)
 Blurs an image using a Gaussian filter.
 
static void GaussianBlur (Mat src, Mat dst, in(double width, double height) ksize, double sigmaX)
 Blurs an image using a Gaussian filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize, in(double x, double y) anchor, bool normalize, int borderType)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize, in(double x, double y) anchor, bool normalize)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize, in(double x, double y) anchor)
 Blurs an image using the box filter.
 
static void boxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize)
 Blurs an image using the box filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize, in(double x, double y) anchor, bool normalize, int borderType)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize, in(double x, double y) anchor, bool normalize)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize, in(double x, double y) anchor)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void sqrBoxFilter (Mat src, Mat dst, int ddepth, in(double width, double height) ksize)
 Calculates the normalized sum of squares of the pixel values overlapping the filter.
 
static void blur (Mat src, Mat dst, in(double width, double height) ksize, in(double x, double y) anchor, int borderType)
 Blurs an image using the normalized box filter.
 
static void blur (Mat src, Mat dst, in(double width, double height) ksize, in(double x, double y) anchor)
 Blurs an image using the normalized box filter.
 
static void blur (Mat src, Mat dst, in(double width, double height) ksize)
 Blurs an image using the normalized box filter.
 
static void stackBlur (Mat src, Mat dst, in(double width, double height) ksize)
 Blurs an image using the stackBlur.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, in(double x, double y) anchor, double delta, int borderType)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, in(double x, double y) anchor, double delta)
 Convolves an image with the kernel.
 
static void filter2D (Mat src, Mat dst, int ddepth, Mat kernel, in(double x, double y) anchor)
 Convolves an image with the kernel.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, in(double x, double y) anchor, double delta, int borderType)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, in(double x, double y) anchor, double delta)
 Applies a separable linear filter to an image.
 
static void sepFilter2D (Mat src, Mat dst, int ddepth, Mat kernelX, Mat kernelY, in(double x, double y) anchor)
 Applies a separable linear filter to an image.
 
static void cornerSubPix (Mat image, Mat corners, in(double width, double height) winSize, in(double width, double height) zeroZone, in(double type, double maxCount, double epsilon) criteria)
 Refines the corner locations.
 
static void erode (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor, int iterations, int borderType, in(double v0, double v1, double v2, double v3) borderValue)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor, int iterations, int borderType)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor, int iterations)
 Erodes an image by using a specific structuring element.
 
static void erode (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor)
 Erodes an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor, int iterations, int borderType, in(double v0, double v1, double v2, double v3) borderValue)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor, int iterations, int borderType)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor, int iterations)
 Dilates an image by using a specific structuring element.
 
static void dilate (Mat src, Mat dst, Mat kernel, in(double x, double y) anchor)
 Dilates an image by using a specific structuring element.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in(double x, double y) anchor, int iterations, int borderType, in(double v0, double v1, double v2, double v3) borderValue)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in(double x, double y) anchor, int iterations, int borderType)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in(double x, double y) anchor, int iterations)
 Performs advanced morphological transformations.
 
static void morphologyEx (Mat src, Mat dst, int op, Mat kernel, in(double x, double y) anchor)
 Performs advanced morphological transformations.
 
static void resize (Mat src, Mat dst, in(double width, double height) dsize, double fx, double fy, int interpolation)
 Resizes an image.
 
static void resize (Mat src, Mat dst, in(double width, double height) dsize, double fx, double fy)
 Resizes an image.
 
static void resize (Mat src, Mat dst, in(double width, double height) dsize, double fx)
 Resizes an image.
 
static void resize (Mat src, Mat dst, in(double width, double height) dsize)
 Resizes an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in(double width, double height) dsize, int flags, int borderMode, in(double v0, double v1, double v2, double v3) borderValue)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in(double width, double height) dsize, int flags, int borderMode)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in(double width, double height) dsize, int flags)
 Applies an affine transformation to an image.
 
static void warpAffine (Mat src, Mat dst, Mat M, in(double width, double height) dsize)
 Applies an affine transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in(double width, double height) dsize, int flags, int borderMode, in(double v0, double v1, double v2, double v3) borderValue)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in(double width, double height) dsize, int flags, int borderMode)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in(double width, double height) dsize, int flags)
 Applies a perspective transformation to an image.
 
static void warpPerspective (Mat src, Mat dst, Mat M, in(double width, double height) dsize)
 Applies a perspective transformation to an image.
 
static void remap (Mat src, Mat dst, Mat map1, Mat map2, int interpolation, int borderMode, in(double v0, double v1, double v2, double v3) borderValue)
 Applies a generic geometrical transformation to an image.
 
static Mat getRotationMatrix2D (in(double x, double y) center, double angle, double scale)
 Calculates an affine matrix of 2D rotation.
 
static void getRectSubPix (Mat image, in(double width, double height) patchSize, in(double x, double y) center, Mat patch, int patchType)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy.
 
static void getRectSubPix (Mat image, in(double width, double height) patchSize, in(double x, double y) center, Mat patch)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy.
 
static void logPolar (Mat src, Mat dst, in(double x, double y) center, double M, int flags)
 Remaps an image to semilog-polar coordinates space.
 
static void linearPolar (Mat src, Mat dst, in(double x, double y) center, double maxRadius, int flags)
 Remaps an image to polar coordinates space.
 
static void warpPolar (Mat src, Mat dst, in(double width, double height) dsize, in(double x, double y) center, double maxRadius, int flags)
 Remaps an image to polar or semilog-polar coordinates space.
 
static double double y phaseCorrelateAsValueTuple (Mat src1, Mat src2, Mat window, double[] response)
 
static double double y phaseCorrelateAsValueTuple (Mat src1, Mat src2, Mat window)
 
static double double y phaseCorrelateAsValueTuple (Mat src1, Mat src2)
 
static void createHanningWindow (Mat dst, in(double width, double height) winSize, int type)
 This function computes a Hanning window coefficients in two dimensions.
 
static void pyrDown (Mat src, Mat dst, in(double width, double height) dstsize, int borderType)
 Blurs an image and downsamples it.
 
static void pyrDown (Mat src, Mat dst, in(double width, double height) dstsize)
 Blurs an image and downsamples it.
 
static void pyrUp (Mat src, Mat dst, in(double width, double height) dstsize, int borderType)
 Upsamples an image and then blurs it.
 
static void pyrUp (Mat src, Mat dst, in(double width, double height) dstsize)
 Upsamples an image and then blurs it.
 
static CLAHE createCLAHE (double clipLimit, in(double width, double height) tileGridSize)
 Creates a smart pointer to a cv::CLAHE class and initializes it.
 
static void pyrMeanShiftFiltering (Mat src, Mat dst, double sp, double sr, int maxLevel, in(double type, double maxCount, double epsilon) termcrit)
 Performs initial step of meanshift segmentation of an image.
 
static void grabCut (Mat img, Mat mask, in(int x, int y, int width, int height) rect, Mat bgdModel, Mat fgdModel, int iterCount, int mode)
 Runs the GrabCut algorithm.
 
static void grabCut (Mat img, Mat mask, in(int x, int y, int width, int height) rect, Mat bgdModel, Mat fgdModel, int iterCount)
 Runs the GrabCut algorithm.
 
static int floodFill (Mat image, Mat mask, in(double x, double y) seedPoint, in(double v0, double v1, double v2, double v3) newVal, out(int x, int y, int width, int height) rect, in(double v0, double v1, double v2, double v3) loDiff, in(double v0, double v1, double v2, double v3) upDiff, int flags)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in(double x, double y) seedPoint, in(double v0, double v1, double v2, double v3) newVal, out(int x, int y, int width, int height) rect, in(double v0, double v1, double v2, double v3) loDiff, in(double v0, double v1, double v2, double v3) upDiff)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in(double x, double y) seedPoint, in(double v0, double v1, double v2, double v3) newVal, out(int x, int y, int width, int height) rect, in(double v0, double v1, double v2, double v3) loDiff)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in(double x, double y) seedPoint, in(double v0, double v1, double v2, double v3) newVal, out(int x, int y, int width, int height) rect)
 Fills a connected component with the given color.
 
static int floodFill (Mat image, Mat mask, in(double x, double y) seedPoint, in(double v0, double v1, double v2, double v3) newVal)
 Fills a connected component with the given color.
 
static double double double double double double double double double double m03 momentsAsValueTuple (Mat array, bool binaryImage)
 
static double double double double double double double double double double m03 momentsAsValueTuple (Mat array)
 
static void HuMoments (in(double m00, double m10, double m01, double m20, double m11, double m02, double m30, double m21, double m12, double m03) m, Mat hu)
 
static void findContours (Mat image, List< MatOfPoint > contours, Mat hierarchy, int mode, int method, in(double x, double y) offset)
 Finds contours in a binary image.
 
static int int int int height boundingRectAsValueTuple (Mat array)
 
static double double double double double angle minAreaRectAsValueTuple (MatOfPoint2f points)
 
static void boxPoints (in(double x, double y, double width, double height, double angle) box, Mat points)
 Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
 
static void minEnclosingCircle (MatOfPoint2f points, out(double x, double y) center, float[] radius)
 Finds a circle of the minimum area enclosing a 2D point set.
 
static double double double double double angle fitEllipseAsValueTuple (MatOfPoint2f points)
 
static double double double double double angle fitEllipseAMSAsValueTuple (Mat points)
 
static double double double double double angle fitEllipseDirectAsValueTuple (Mat points)
 
static double pointPolygonTest (MatOfPoint2f contour, in(double x, double y) pt, bool measureDist)
 Performs a point-in-contour test.
 
static int rotatedRectangleIntersection (in(double x, double y, double width, double height, double angle) rect1, in(double x, double y, double width, double height, double angle) rect2, Mat intersectingRegion)
 Finds out if there is any intersection between two rotated rectangles.
 
static void line (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, int shift)
 Draws a line segment connecting two points.
 
static void line (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws a line segment connecting two points.
 
static void line (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws a line segment connecting two points.
 
static void line (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color)
 Draws a line segment connecting two points.
 
static void arrowedLine (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int line_type, int shift, double tipLength)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int line_type, int shift)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int line_type)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws an arrow segment pointing from the first point to the second one.
 
static void arrowedLine (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color)
 Draws an arrow segment pointing from the first point to the second one.
 
static void rectangle (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, int shift)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in(double x, double y) pt1, in(double x, double y) pt2, in(double v0, double v1, double v2, double v3) color)
 Draws a simple, thick, or filled up-right rectangle.
 
static void rectangle (Mat img, in(int x, int y, int width, int height) rec, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, int shift)
 
static void rectangle (Mat img, in(int x, int y, int width, int height) rec, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 
static void rectangle (Mat img, in(int x, int y, int width, int height) rec, in(double v0, double v1, double v2, double v3) color, int thickness)
 
static void rectangle (Mat img, in(int x, int y, int width, int height) rec, in(double v0, double v1, double v2, double v3) color)
 
static void circle (Mat img, in(double x, double y) center, int radius, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, int shift)
 Draws a circle.
 
static void circle (Mat img, in(double x, double y) center, int radius, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws a circle.
 
static void circle (Mat img, in(double x, double y) center, int radius, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws a circle.
 
static void circle (Mat img, in(double x, double y) center, int radius, in(double v0, double v1, double v2, double v3) color)
 Draws a circle.
 
static void ellipse (Mat img, in(double x, double y) center, in(double width, double height) axes, double angle, double startAngle, double endAngle, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, int shift)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in(double x, double y) center, in(double width, double height) axes, double angle, double startAngle, double endAngle, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in(double x, double y) center, in(double width, double height) axes, double angle, double startAngle, double endAngle, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in(double x, double y) center, in(double width, double height) axes, double angle, double startAngle, double endAngle, in(double v0, double v1, double v2, double v3) color)
 Draws a simple or thick elliptic arc or fills an ellipse sector.
 
static void ellipse (Mat img, in(double x, double y, double width, double height, double angle) box, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 
static void ellipse (Mat img, in(double x, double y, double width, double height, double angle) box, in(double v0, double v1, double v2, double v3) color, int thickness)
 
static void ellipse (Mat img, in(double x, double y, double width, double height, double angle) box, in(double v0, double v1, double v2, double v3) color)
 
static void drawMarker (Mat img, in(double x, double y) position, in(double v0, double v1, double v2, double v3) color, int markerType, int markerSize, int thickness, int line_type)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in(double x, double y) position, in(double v0, double v1, double v2, double v3) color, int markerType, int markerSize, int thickness)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in(double x, double y) position, in(double v0, double v1, double v2, double v3) color, int markerType, int markerSize)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in(double x, double y) position, in(double v0, double v1, double v2, double v3) color, int markerType)
 Draws a marker on a predefined position in an image.
 
static void drawMarker (Mat img, in(double x, double y) position, in(double v0, double v1, double v2, double v3) color)
 Draws a marker on a predefined position in an image.
 
static void fillConvexPoly (Mat img, MatOfPoint points, in(double v0, double v1, double v2, double v3) color, int lineType, int shift)
 Fills a convex polygon.
 
static void fillConvexPoly (Mat img, MatOfPoint points, in(double v0, double v1, double v2, double v3) color, int lineType)
 Fills a convex polygon.
 
static void fillConvexPoly (Mat img, MatOfPoint points, in(double v0, double v1, double v2, double v3) color)
 Fills a convex polygon.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in(double v0, double v1, double v2, double v3) color, int lineType, int shift, in(double x, double y) offset)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in(double v0, double v1, double v2, double v3) color, int lineType, int shift)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in(double v0, double v1, double v2, double v3) color, int lineType)
 Fills the area bounded by one or more polygons.
 
static void fillPoly (Mat img, List< MatOfPoint > pts, in(double v0, double v1, double v2, double v3) color)
 Fills the area bounded by one or more polygons.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, int shift)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws several polygonal curves.
 
static void polylines (Mat img, List< MatOfPoint > pts, bool isClosed, in(double v0, double v1, double v2, double v3) color)
 Draws several polygonal curves.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, Mat hierarchy, int maxLevel, in(double x, double y) offset)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, Mat hierarchy, int maxLevel)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, Mat hierarchy)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws contours outlines or filled contours.
 
static void drawContours (Mat image, List< MatOfPoint > contours, int contourIdx, in(double v0, double v1, double v2, double v3) color)
 Draws contours outlines or filled contours.
 
static bool clipLine (in(int x, int y, int width, int height) imgRect, ref(double x, double y) pt1, ref(double x, double y) pt2)
 
static void ellipse2Poly (in(double x, double y) center, in(double width, double height) axes, int angle, int arcStart, int arcEnd, int delta, MatOfPoint pts)
 Approximates an elliptic arc with a polyline.
 
static void putText (Mat img, string text, in(double x, double y) org, int fontFace, double fontScale, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType, bool bottomLeftOrigin)
 Draws a text string.
 
static void putText (Mat img, string text, in(double x, double y) org, int fontFace, double fontScale, in(double v0, double v1, double v2, double v3) color, int thickness, int lineType)
 Draws a text string.
 
static void putText (Mat img, string text, in(double x, double y) org, int fontFace, double fontScale, in(double v0, double v1, double v2, double v3) color, int thickness)
 Draws a text string.
 
static void putText (Mat img, string text, in(double x, double y) org, int fontFace, double fontScale, in(double v0, double v1, double v2, double v3) color)
 Draws a text string.
 
static double double height getTextSizeAsValueTuple (string text, int fontFace, double fontScale, int thickness, int[] baseLine)
 

Static Public Attributes

const int CV_GAUSSIAN_5x5 = 7
 
const int CV_SCHARR = -1
 
const int CV_MAX_SOBEL_KSIZE = 7
 
const int CV_RGBA2mRGBA = 125
 
const int CV_mRGBA2RGBA = 126
 
const int CV_WARP_FILL_OUTLIERS = 8
 
const int CV_WARP_INVERSE_MAP = 16
 
const int CV_WARP_RELATIVE_MAP = 32
 
const int CV_CHAIN_CODE = 0
 
const int CV_LINK_RUNS = 5
 
const int CV_POLY_APPROX_DP = 0
 
const int CV_CONTOURS_MATCH_I1 = 1
 
const int CV_CONTOURS_MATCH_I2 = 2
 
const int CV_CONTOURS_MATCH_I3 = 3
 
const int CV_CLOCKWISE = 1
 
const int CV_COUNTER_CLOCKWISE = 2
 
const int CV_COMP_CORREL = 0
 
const int CV_COMP_CHISQR = 1
 
const int CV_COMP_INTERSECT = 2
 
const int CV_COMP_BHATTACHARYYA = 3
 
const int CV_COMP_HELLINGER = CV_COMP_BHATTACHARYYA
 
const int CV_COMP_CHISQR_ALT = 4
 
const int CV_COMP_KL_DIV = 5
 
const int CV_DIST_MASK_3 = 3
 
const int CV_DIST_MASK_5 = 5
 
const int CV_DIST_MASK_PRECISE = 0
 
const int CV_DIST_LABEL_CCOMP = 0
 
const int CV_DIST_LABEL_PIXEL = 1
 
const int CV_DIST_USER = -1
 
const int CV_DIST_L1 = 1
 
const int CV_DIST_L2 = 2
 
const int CV_DIST_C = 3
 
const int CV_DIST_L12 = 4
 
const int CV_DIST_FAIR = 5
 
const int CV_DIST_WELSCH = 6
 
const int CV_DIST_HUBER = 7
 
const int CV_CANNY_L2_GRADIENT = (1 << 31)
 
const int CV_HOUGH_STANDARD = 0
 
const int CV_HOUGH_PROBABILISTIC = 1
 
const int CV_HOUGH_MULTI_SCALE = 2
 
const int CV_HOUGH_GRADIENT = 3
 
const int CV_SHAPE_RECT = 0
 
const int CV_SHAPE_CROSS = 1
 
const int CV_SHAPE_ELLIPSE = 2
 
const int CV_SHAPE_CUSTOM = 100
 
const int CV_BLUR_NO_SCALE = 0
 
const int CV_BLUR = 1
 
const int CV_GAUSSIAN = 2
 
const int CV_MEDIAN = 3
 
const int CV_BILATERAL = 4
 
const int ADAPTIVE_THRESH_MEAN_C = 0
 
const int ADAPTIVE_THRESH_GAUSSIAN_C = 1
 
const int COLOR_BGR2BGRA = 0
 
const int COLOR_RGB2RGBA = COLOR_BGR2BGRA
 
const int COLOR_BGRA2BGR = 1
 
const int COLOR_RGBA2RGB = COLOR_BGRA2BGR
 
const int COLOR_BGR2RGBA = 2
 
const int COLOR_RGB2BGRA = COLOR_BGR2RGBA
 
const int COLOR_RGBA2BGR = 3
 
const int COLOR_BGRA2RGB = COLOR_RGBA2BGR
 
const int COLOR_BGR2RGB = 4
 
const int COLOR_RGB2BGR = COLOR_BGR2RGB
 
const int COLOR_BGRA2RGBA = 5
 
const int COLOR_RGBA2BGRA = COLOR_BGRA2RGBA
 
const int COLOR_BGR2GRAY = 6
 
const int COLOR_RGB2GRAY = 7
 
const int COLOR_GRAY2BGR = 8
 
const int COLOR_GRAY2RGB = COLOR_GRAY2BGR
 
const int COLOR_GRAY2BGRA = 9
 
const int COLOR_GRAY2RGBA = COLOR_GRAY2BGRA
 
const int COLOR_BGRA2GRAY = 10
 
const int COLOR_RGBA2GRAY = 11
 
const int COLOR_BGR2BGR565 = 12
 
const int COLOR_RGB2BGR565 = 13
 
const int COLOR_BGR5652BGR = 14
 
const int COLOR_BGR5652RGB = 15
 
const int COLOR_BGRA2BGR565 = 16
 
const int COLOR_RGBA2BGR565 = 17
 
const int COLOR_BGR5652BGRA = 18
 
const int COLOR_BGR5652RGBA = 19
 
const int COLOR_GRAY2BGR565 = 20
 
const int COLOR_BGR5652GRAY = 21
 
const int COLOR_BGR2BGR555 = 22
 
const int COLOR_RGB2BGR555 = 23
 
const int COLOR_BGR5552BGR = 24
 
const int COLOR_BGR5552RGB = 25
 
const int COLOR_BGRA2BGR555 = 26
 
const int COLOR_RGBA2BGR555 = 27
 
const int COLOR_BGR5552BGRA = 28
 
const int COLOR_BGR5552RGBA = 29
 
const int COLOR_GRAY2BGR555 = 30
 
const int COLOR_BGR5552GRAY = 31
 
const int COLOR_BGR2XYZ = 32
 
const int COLOR_RGB2XYZ = 33
 
const int COLOR_XYZ2BGR = 34
 
const int COLOR_XYZ2RGB = 35
 
const int COLOR_BGR2YCrCb = 36
 
const int COLOR_RGB2YCrCb = 37
 
const int COLOR_YCrCb2BGR = 38
 
const int COLOR_YCrCb2RGB = 39
 
const int COLOR_BGR2HSV = 40
 
const int COLOR_RGB2HSV = 41
 
const int COLOR_BGR2Lab = 44
 
const int COLOR_RGB2Lab = 45
 
const int COLOR_BGR2Luv = 50
 
const int COLOR_RGB2Luv = 51
 
const int COLOR_BGR2HLS = 52
 
const int COLOR_RGB2HLS = 53
 
const int COLOR_HSV2BGR = 54
 
const int COLOR_HSV2RGB = 55
 
const int COLOR_Lab2BGR = 56
 
const int COLOR_Lab2RGB = 57
 
const int COLOR_Luv2BGR = 58
 
const int COLOR_Luv2RGB = 59
 
const int COLOR_HLS2BGR = 60
 
const int COLOR_HLS2RGB = 61
 
const int COLOR_BGR2HSV_FULL = 66
 
const int COLOR_RGB2HSV_FULL = 67
 
const int COLOR_BGR2HLS_FULL = 68
 
const int COLOR_RGB2HLS_FULL = 69
 
const int COLOR_HSV2BGR_FULL = 70
 
const int COLOR_HSV2RGB_FULL = 71
 
const int COLOR_HLS2BGR_FULL = 72
 
const int COLOR_HLS2RGB_FULL = 73
 
const int COLOR_LBGR2Lab = 74
 
const int COLOR_LRGB2Lab = 75
 
const int COLOR_LBGR2Luv = 76
 
const int COLOR_LRGB2Luv = 77
 
const int COLOR_Lab2LBGR = 78
 
const int COLOR_Lab2LRGB = 79
 
const int COLOR_Luv2LBGR = 80
 
const int COLOR_Luv2LRGB = 81
 
const int COLOR_BGR2YUV = 82
 
const int COLOR_RGB2YUV = 83
 
const int COLOR_YUV2BGR = 84
 
const int COLOR_YUV2RGB = 85
 
const int COLOR_YUV2RGB_NV12 = 90
 
const int COLOR_YUV2BGR_NV12 = 91
 
const int COLOR_YUV2RGB_NV21 = 92
 
const int COLOR_YUV2BGR_NV21 = 93
 
const int COLOR_YUV420sp2RGB = COLOR_YUV2RGB_NV21
 
const int COLOR_YUV420sp2BGR = COLOR_YUV2BGR_NV21
 
const int COLOR_YUV2RGBA_NV12 = 94
 
const int COLOR_YUV2BGRA_NV12 = 95
 
const int COLOR_YUV2RGBA_NV21 = 96
 
const int COLOR_YUV2BGRA_NV21 = 97
 
const int COLOR_YUV420sp2RGBA = COLOR_YUV2RGBA_NV21
 
const int COLOR_YUV420sp2BGRA = COLOR_YUV2BGRA_NV21
 
const int COLOR_YUV2RGB_YV12 = 98
 
const int COLOR_YUV2BGR_YV12 = 99
 
const int COLOR_YUV2RGB_IYUV = 100
 
const int COLOR_YUV2BGR_IYUV = 101
 
const int COLOR_YUV2RGB_I420 = COLOR_YUV2RGB_IYUV
 
const int COLOR_YUV2BGR_I420 = COLOR_YUV2BGR_IYUV
 
const int COLOR_YUV420p2RGB = COLOR_YUV2RGB_YV12
 
const int COLOR_YUV420p2BGR = COLOR_YUV2BGR_YV12
 
const int COLOR_YUV2RGBA_YV12 = 102
 
const int COLOR_YUV2BGRA_YV12 = 103
 
const int COLOR_YUV2RGBA_IYUV = 104
 
const int COLOR_YUV2BGRA_IYUV = 105
 
const int COLOR_YUV2RGBA_I420 = COLOR_YUV2RGBA_IYUV
 
const int COLOR_YUV2BGRA_I420 = COLOR_YUV2BGRA_IYUV
 
const int COLOR_YUV420p2RGBA = COLOR_YUV2RGBA_YV12
 
const int COLOR_YUV420p2BGRA = COLOR_YUV2BGRA_YV12
 
const int COLOR_YUV2GRAY_420 = 106
 
const int COLOR_YUV2GRAY_NV21 = COLOR_YUV2GRAY_420
 
const int COLOR_YUV2GRAY_NV12 = COLOR_YUV2GRAY_420
 
const int COLOR_YUV2GRAY_YV12 = COLOR_YUV2GRAY_420
 
const int COLOR_YUV2GRAY_IYUV = COLOR_YUV2GRAY_420
 
const int COLOR_YUV2GRAY_I420 = COLOR_YUV2GRAY_420
 
const int COLOR_YUV420sp2GRAY = COLOR_YUV2GRAY_420
 
const int COLOR_YUV420p2GRAY = COLOR_YUV2GRAY_420
 
const int COLOR_YUV2RGB_UYVY = 107
 
const int COLOR_YUV2BGR_UYVY = 108
 
const int COLOR_YUV2RGB_Y422 = COLOR_YUV2RGB_UYVY
 
const int COLOR_YUV2BGR_Y422 = COLOR_YUV2BGR_UYVY
 
const int COLOR_YUV2RGB_UYNV = COLOR_YUV2RGB_UYVY
 
const int COLOR_YUV2BGR_UYNV = COLOR_YUV2BGR_UYVY
 
const int COLOR_YUV2RGBA_UYVY = 111
 
const int COLOR_YUV2BGRA_UYVY = 112
 
const int COLOR_YUV2RGBA_Y422 = COLOR_YUV2RGBA_UYVY
 
const int COLOR_YUV2BGRA_Y422 = COLOR_YUV2BGRA_UYVY
 
const int COLOR_YUV2RGBA_UYNV = COLOR_YUV2RGBA_UYVY
 
const int COLOR_YUV2BGRA_UYNV = COLOR_YUV2BGRA_UYVY
 
const int COLOR_YUV2RGB_YUY2 = 115
 
const int COLOR_YUV2BGR_YUY2 = 116
 
const int COLOR_YUV2RGB_YVYU = 117
 
const int COLOR_YUV2BGR_YVYU = 118
 
const int COLOR_YUV2RGB_YUYV = COLOR_YUV2RGB_YUY2
 
const int COLOR_YUV2BGR_YUYV = COLOR_YUV2BGR_YUY2
 
const int COLOR_YUV2RGB_YUNV = COLOR_YUV2RGB_YUY2
 
const int COLOR_YUV2BGR_YUNV = COLOR_YUV2BGR_YUY2
 
const int COLOR_YUV2RGBA_YUY2 = 119
 
const int COLOR_YUV2BGRA_YUY2 = 120
 
const int COLOR_YUV2RGBA_YVYU = 121
 
const int COLOR_YUV2BGRA_YVYU = 122
 
const int COLOR_YUV2RGBA_YUYV = COLOR_YUV2RGBA_YUY2
 
const int COLOR_YUV2BGRA_YUYV = COLOR_YUV2BGRA_YUY2
 
const int COLOR_YUV2RGBA_YUNV = COLOR_YUV2RGBA_YUY2
 
const int COLOR_YUV2BGRA_YUNV = COLOR_YUV2BGRA_YUY2
 
const int COLOR_YUV2GRAY_UYVY = 123
 
const int COLOR_YUV2GRAY_YUY2 = 124
 
const int COLOR_YUV2GRAY_Y422 = COLOR_YUV2GRAY_UYVY
 
const int COLOR_YUV2GRAY_UYNV = COLOR_YUV2GRAY_UYVY
 
const int COLOR_YUV2GRAY_YVYU = COLOR_YUV2GRAY_YUY2
 
const int COLOR_YUV2GRAY_YUYV = COLOR_YUV2GRAY_YUY2
 
const int COLOR_YUV2GRAY_YUNV = COLOR_YUV2GRAY_YUY2
 
const int COLOR_RGBA2mRGBA = 125
 
const int COLOR_mRGBA2RGBA = 126
 
const int COLOR_RGB2YUV_I420 = 127
 
const int COLOR_BGR2YUV_I420 = 128
 
const int COLOR_RGB2YUV_IYUV = COLOR_RGB2YUV_I420
 
const int COLOR_BGR2YUV_IYUV = COLOR_BGR2YUV_I420
 
const int COLOR_RGBA2YUV_I420 = 129
 
const int COLOR_BGRA2YUV_I420 = 130
 
const int COLOR_RGBA2YUV_IYUV = COLOR_RGBA2YUV_I420
 
const int COLOR_BGRA2YUV_IYUV = COLOR_BGRA2YUV_I420
 
const int COLOR_RGB2YUV_YV12 = 131
 
const int COLOR_BGR2YUV_YV12 = 132
 
const int COLOR_RGBA2YUV_YV12 = 133
 
const int COLOR_BGRA2YUV_YV12 = 134
 
const int COLOR_BayerBG2BGR = 46
 
const int COLOR_BayerGB2BGR = 47
 
const int COLOR_BayerRG2BGR = 48
 
const int COLOR_BayerGR2BGR = 49
 
const int COLOR_BayerRGGB2BGR = COLOR_BayerBG2BGR
 
const int COLOR_BayerGRBG2BGR = COLOR_BayerGB2BGR
 
const int COLOR_BayerBGGR2BGR = COLOR_BayerRG2BGR
 
const int COLOR_BayerGBRG2BGR = COLOR_BayerGR2BGR
 
const int COLOR_BayerRGGB2RGB = COLOR_BayerBGGR2BGR
 
const int COLOR_BayerGRBG2RGB = COLOR_BayerGBRG2BGR
 
const int COLOR_BayerBGGR2RGB = COLOR_BayerRGGB2BGR
 
const int COLOR_BayerGBRG2RGB = COLOR_BayerGRBG2BGR
 
const int COLOR_BayerBG2RGB = COLOR_BayerRG2BGR
 
const int COLOR_BayerGB2RGB = COLOR_BayerGR2BGR
 
const int COLOR_BayerRG2RGB = COLOR_BayerBG2BGR
 
const int COLOR_BayerGR2RGB = COLOR_BayerGB2BGR
 
const int COLOR_BayerBG2GRAY = 86
 
const int COLOR_BayerGB2GRAY = 87
 
const int COLOR_BayerRG2GRAY = 88
 
const int COLOR_BayerGR2GRAY = 89
 
const int COLOR_BayerRGGB2GRAY = COLOR_BayerBG2GRAY
 
const int COLOR_BayerGRBG2GRAY = COLOR_BayerGB2GRAY
 
const int COLOR_BayerBGGR2GRAY = COLOR_BayerRG2GRAY
 
const int COLOR_BayerGBRG2GRAY = COLOR_BayerGR2GRAY
 
const int COLOR_BayerBG2BGR_VNG = 62
 
const int COLOR_BayerGB2BGR_VNG = 63
 
const int COLOR_BayerRG2BGR_VNG = 64
 
const int COLOR_BayerGR2BGR_VNG = 65
 
const int COLOR_BayerRGGB2BGR_VNG = COLOR_BayerBG2BGR_VNG
 
const int COLOR_BayerGRBG2BGR_VNG = COLOR_BayerGB2BGR_VNG
 
const int COLOR_BayerBGGR2BGR_VNG = COLOR_BayerRG2BGR_VNG
 
const int COLOR_BayerGBRG2BGR_VNG = COLOR_BayerGR2BGR_VNG
 
const int COLOR_BayerRGGB2RGB_VNG = COLOR_BayerBGGR2BGR_VNG
 
const int COLOR_BayerGRBG2RGB_VNG = COLOR_BayerGBRG2BGR_VNG
 
const int COLOR_BayerBGGR2RGB_VNG = COLOR_BayerRGGB2BGR_VNG
 
const int COLOR_BayerGBRG2RGB_VNG = COLOR_BayerGRBG2BGR_VNG
 
const int COLOR_BayerBG2RGB_VNG = COLOR_BayerRG2BGR_VNG
 
const int COLOR_BayerGB2RGB_VNG = COLOR_BayerGR2BGR_VNG
 
const int COLOR_BayerRG2RGB_VNG = COLOR_BayerBG2BGR_VNG
 
const int COLOR_BayerGR2RGB_VNG = COLOR_BayerGB2BGR_VNG
 
const int COLOR_BayerBG2BGR_EA = 135
 
const int COLOR_BayerGB2BGR_EA = 136
 
const int COLOR_BayerRG2BGR_EA = 137
 
const int COLOR_BayerGR2BGR_EA = 138
 
const int COLOR_BayerRGGB2BGR_EA = COLOR_BayerBG2BGR_EA
 
const int COLOR_BayerGRBG2BGR_EA = COLOR_BayerGB2BGR_EA
 
const int COLOR_BayerBGGR2BGR_EA = COLOR_BayerRG2BGR_EA
 
const int COLOR_BayerGBRG2BGR_EA = COLOR_BayerGR2BGR_EA
 
const int COLOR_BayerRGGB2RGB_EA = COLOR_BayerBGGR2BGR_EA
 
const int COLOR_BayerGRBG2RGB_EA = COLOR_BayerGBRG2BGR_EA
 
const int COLOR_BayerBGGR2RGB_EA = COLOR_BayerRGGB2BGR_EA
 
const int COLOR_BayerGBRG2RGB_EA = COLOR_BayerGRBG2BGR_EA
 
const int COLOR_BayerBG2RGB_EA = COLOR_BayerRG2BGR_EA
 
const int COLOR_BayerGB2RGB_EA = COLOR_BayerGR2BGR_EA
 
const int COLOR_BayerRG2RGB_EA = COLOR_BayerBG2BGR_EA
 
const int COLOR_BayerGR2RGB_EA = COLOR_BayerGB2BGR_EA
 
const int COLOR_BayerBG2BGRA = 139
 
const int COLOR_BayerGB2BGRA = 140
 
const int COLOR_BayerRG2BGRA = 141
 
const int COLOR_BayerGR2BGRA = 142
 
const int COLOR_BayerRGGB2BGRA = COLOR_BayerBG2BGRA
 
const int COLOR_BayerGRBG2BGRA = COLOR_BayerGB2BGRA
 
const int COLOR_BayerBGGR2BGRA = COLOR_BayerRG2BGRA
 
const int COLOR_BayerGBRG2BGRA = COLOR_BayerGR2BGRA
 
const int COLOR_BayerRGGB2RGBA = COLOR_BayerBGGR2BGRA
 
const int COLOR_BayerGRBG2RGBA = COLOR_BayerGBRG2BGRA
 
const int COLOR_BayerBGGR2RGBA = COLOR_BayerRGGB2BGRA
 
const int COLOR_BayerGBRG2RGBA = COLOR_BayerGRBG2BGRA
 
const int COLOR_BayerBG2RGBA = COLOR_BayerRG2BGRA
 
const int COLOR_BayerGB2RGBA = COLOR_BayerGR2BGRA
 
const int COLOR_BayerRG2RGBA = COLOR_BayerBG2BGRA
 
const int COLOR_BayerGR2RGBA = COLOR_BayerGB2BGRA
 
const int COLOR_RGB2YUV_UYVY = 143
 
const int COLOR_BGR2YUV_UYVY = 144
 
const int COLOR_RGB2YUV_Y422 = COLOR_RGB2YUV_UYVY
 
const int COLOR_BGR2YUV_Y422 = COLOR_BGR2YUV_UYVY
 
const int COLOR_RGB2YUV_UYNV = COLOR_RGB2YUV_UYVY
 
const int COLOR_BGR2YUV_UYNV = COLOR_BGR2YUV_UYVY
 
const int COLOR_RGBA2YUV_UYVY = 145
 
const int COLOR_BGRA2YUV_UYVY = 146
 
const int COLOR_RGBA2YUV_Y422 = COLOR_RGBA2YUV_UYVY
 
const int COLOR_BGRA2YUV_Y422 = COLOR_BGRA2YUV_UYVY
 
const int COLOR_RGBA2YUV_UYNV = COLOR_RGBA2YUV_UYVY
 
const int COLOR_BGRA2YUV_UYNV = COLOR_BGRA2YUV_UYVY
 
const int COLOR_RGB2YUV_YUY2 = 147
 
const int COLOR_BGR2YUV_YUY2 = 148
 
const int COLOR_RGB2YUV_YVYU = 149
 
const int COLOR_BGR2YUV_YVYU = 150
 
const int COLOR_RGB2YUV_YUYV = COLOR_RGB2YUV_YUY2
 
const int COLOR_BGR2YUV_YUYV = COLOR_BGR2YUV_YUY2
 
const int COLOR_RGB2YUV_YUNV = COLOR_RGB2YUV_YUY2
 
const int COLOR_BGR2YUV_YUNV = COLOR_BGR2YUV_YUY2
 
const int COLOR_RGBA2YUV_YUY2 = 151
 
const int COLOR_BGRA2YUV_YUY2 = 152
 
const int COLOR_RGBA2YUV_YVYU = 153
 
const int COLOR_BGRA2YUV_YVYU = 154
 
const int COLOR_RGBA2YUV_YUYV = COLOR_RGBA2YUV_YUY2
 
const int COLOR_BGRA2YUV_YUYV = COLOR_BGRA2YUV_YUY2
 
const int COLOR_RGBA2YUV_YUNV = COLOR_RGBA2YUV_YUY2
 
const int COLOR_BGRA2YUV_YUNV = COLOR_BGRA2YUV_YUY2
 
const int COLOR_COLORCVT_MAX = 155
 
const int COLORMAP_AUTUMN = 0
 
const int COLORMAP_BONE = 1
 
const int COLORMAP_JET = 2
 
const int COLORMAP_WINTER = 3
 
const int COLORMAP_RAINBOW = 4
 
const int COLORMAP_OCEAN = 5
 
const int COLORMAP_SUMMER = 6
 
const int COLORMAP_SPRING = 7
 
const int COLORMAP_COOL = 8
 
const int COLORMAP_HSV = 9
 
const int COLORMAP_PINK = 10
 
const int COLORMAP_HOT = 11
 
const int COLORMAP_PARULA = 12
 
const int COLORMAP_MAGMA = 13
 
const int COLORMAP_INFERNO = 14
 
const int COLORMAP_PLASMA = 15
 
const int COLORMAP_VIRIDIS = 16
 
const int COLORMAP_CIVIDIS = 17
 
const int COLORMAP_TWILIGHT = 18
 
const int COLORMAP_TWILIGHT_SHIFTED = 19
 
const int COLORMAP_TURBO = 20
 
const int COLORMAP_DEEPGREEN = 21
 
const int CCL_DEFAULT = -1
 
const int CCL_WU = 0
 
const int CCL_GRANA = 1
 
const int CCL_BOLELLI = 2
 
const int CCL_SAUF = 3
 
const int CCL_BBDT = 4
 
const int CCL_SPAGHETTI = 5
 
const int CC_STAT_LEFT = 0
 
const int CC_STAT_TOP = 1
 
const int CC_STAT_WIDTH = 2
 
const int CC_STAT_HEIGHT = 3
 
const int CC_STAT_AREA = 4
 
const int CC_STAT_MAX = 5
 
const int CHAIN_APPROX_NONE = 1
 
const int CHAIN_APPROX_SIMPLE = 2
 
const int CHAIN_APPROX_TC89_L1 = 3
 
const int CHAIN_APPROX_TC89_KCOS = 4
 
const int DIST_LABEL_CCOMP = 0
 
const int DIST_LABEL_PIXEL = 1
 
const int DIST_MASK_3 = 3
 
const int DIST_MASK_5 = 5
 
const int DIST_MASK_PRECISE = 0
 
const int DIST_USER = -1
 
const int DIST_L1 = 1
 
const int DIST_L2 = 2
 
const int DIST_C = 3
 
const int DIST_L12 = 4
 
const int DIST_FAIR = 5
 
const int DIST_WELSCH = 6
 
const int DIST_HUBER = 7
 
const int FLOODFILL_FIXED_RANGE = 1 << 16
 
const int FLOODFILL_MASK_ONLY = 1 << 17
 
const int GC_BGD = 0
 
const int GC_FGD = 1
 
const int GC_PR_BGD = 2
 
const int GC_PR_FGD = 3
 
const int GC_INIT_WITH_RECT = 0
 
const int GC_INIT_WITH_MASK = 1
 
const int GC_EVAL = 2
 
const int GC_EVAL_FREEZE_MODEL = 3
 
const int FONT_HERSHEY_SIMPLEX = 0
 
const int FONT_HERSHEY_PLAIN = 1
 
const int FONT_HERSHEY_DUPLEX = 2
 
const int FONT_HERSHEY_COMPLEX = 3
 
const int FONT_HERSHEY_TRIPLEX = 4
 
const int FONT_HERSHEY_COMPLEX_SMALL = 5
 
const int FONT_HERSHEY_SCRIPT_SIMPLEX = 6
 
const int FONT_HERSHEY_SCRIPT_COMPLEX = 7
 
const int FONT_ITALIC = 16
 
const int HISTCMP_CORREL = 0
 
const int HISTCMP_CHISQR = 1
 
const int HISTCMP_INTERSECT = 2
 
const int HISTCMP_BHATTACHARYYA = 3
 
const int HISTCMP_HELLINGER = HISTCMP_BHATTACHARYYA
 
const int HISTCMP_CHISQR_ALT = 4
 
const int HISTCMP_KL_DIV = 5
 
const int HOUGH_STANDARD = 0
 
const int HOUGH_PROBABILISTIC = 1
 
const int HOUGH_MULTI_SCALE = 2
 
const int HOUGH_GRADIENT = 3
 
const int HOUGH_GRADIENT_ALT = 4
 
const int INTER_NEAREST = 0
 
const int INTER_LINEAR = 1
 
const int INTER_CUBIC = 2
 
const int INTER_AREA = 3
 
const int INTER_LANCZOS4 = 4
 
const int INTER_LINEAR_EXACT = 5
 
const int INTER_NEAREST_EXACT = 6
 
const int INTER_MAX = 7
 
const int WARP_FILL_OUTLIERS = 8
 
const int WARP_INVERSE_MAP = 16
 
const int WARP_RELATIVE_MAP = 32
 
const int INTER_BITS = 5
 
const int INTER_BITS2 = INTER_BITS * 2
 
const int INTER_TAB_SIZE = 1 << INTER_BITS
 
const int INTER_TAB_SIZE2 = INTER_TAB_SIZE * INTER_TAB_SIZE
 
const int LSD_REFINE_NONE = 0
 
const int LSD_REFINE_STD = 1
 
const int LSD_REFINE_ADV = 2
 
const int FILLED = -1
 
const int LINE_4 = 4
 
const int LINE_8 = 8
 
const int LINE_AA = 16
 
const int MARKER_CROSS = 0
 
const int MARKER_TILTED_CROSS = 1
 
const int MARKER_STAR = 2
 
const int MARKER_DIAMOND = 3
 
const int MARKER_SQUARE = 4
 
const int MARKER_TRIANGLE_UP = 5
 
const int MARKER_TRIANGLE_DOWN = 6
 
const int MORPH_RECT = 0
 
const int MORPH_CROSS = 1
 
const int MORPH_ELLIPSE = 2
 
const int MORPH_ERODE = 0
 
const int MORPH_DILATE = 1
 
const int MORPH_OPEN = 2
 
const int MORPH_CLOSE = 3
 
const int MORPH_GRADIENT = 4
 
const int MORPH_TOPHAT = 5
 
const int MORPH_BLACKHAT = 6
 
const int MORPH_HITMISS = 7
 
const int INTERSECT_NONE = 0
 
const int INTERSECT_PARTIAL = 1
 
const int INTERSECT_FULL = 2
 
const int RETR_EXTERNAL = 0
 
const int RETR_LIST = 1
 
const int RETR_CCOMP = 2
 
const int RETR_TREE = 3
 
const int RETR_FLOODFILL = 4
 
const int CONTOURS_MATCH_I1 = 1
 
const int CONTOURS_MATCH_I2 = 2
 
const int CONTOURS_MATCH_I3 = 3
 
const int FILTER_SCHARR = -1
 
const int TM_SQDIFF = 0
 
const int TM_SQDIFF_NORMED = 1
 
const int TM_CCORR = 2
 
const int TM_CCORR_NORMED = 3
 
const int TM_CCOEFF = 4
 
const int TM_CCOEFF_NORMED = 5
 
const int THRESH_BINARY = 0
 
const int THRESH_BINARY_INV = 1
 
const int THRESH_TRUNC = 2
 
const int THRESH_TOZERO = 3
 
const int THRESH_TOZERO_INV = 4
 
const int THRESH_MASK = 7
 
const int THRESH_OTSU = 8
 
const int THRESH_TRIANGLE = 16
 
const int WARP_POLAR_LINEAR = 0
 
const int WARP_POLAR_LOG = 256
 
static double x
 The function is used to detect translational shifts that occur between two images.
 
static double m00
 Calculates all of the moments up to the third order of a polygon or rasterized shape.
 
static double double m10
 
static double double double m01
 
static double double double double m20
 
static double double double double double m11
 
static double double double double double double m02
 
static double double double double double double double m30
 
static double double double double double double double double m21
 
static double double double double double double double double double m12
 
static int x
 Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
 
static int int y
 
static int int int width
 
static double double y
 
static double double double width
 
static double double double double height
 
static double width
 

Member Function Documentation

◆ accumulate() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulate ( Mat src,
Mat dst )
static

Adds an image to the accumulator image.

The function adds src or some of its elements to dst :

\[\texttt{dst} (x,y) \leftarrow \texttt{dst} (x,y) + \texttt{src} (x,y) \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

The function supports multi-channel images. Each channel is processed independently.

The function cv::accumulate can be used, for example, to collect statistics of a scene background viewed by a still camera and for the further foreground-background segmentation.

Parameters
srcInput image of type CV_8UC(n), CV_16UC(n), CV_32FC(n) or CV_64FC(n), where n is a positive integer.
dstAccumulator image with the same number of channels as input image, and a depth of CV_32F or CV_64F.
maskOptional operation mask.
See also
accumulateSquare, accumulateProduct, accumulateWeighted

◆ accumulate() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulate ( Mat src,
Mat dst,
Mat mask )
static

Adds an image to the accumulator image.

The function adds src or some of its elements to dst :

\[\texttt{dst} (x,y) \leftarrow \texttt{dst} (x,y) + \texttt{src} (x,y) \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

The function supports multi-channel images. Each channel is processed independently.

The function cv::accumulate can be used, for example, to collect statistics of a scene background viewed by a still camera and for the further foreground-background segmentation.

Parameters
srcInput image of type CV_8UC(n), CV_16UC(n), CV_32FC(n) or CV_64FC(n), where n is a positive integer.
dstAccumulator image with the same number of channels as input image, and a depth of CV_32F or CV_64F.
maskOptional operation mask.
See also
accumulateSquare, accumulateProduct, accumulateWeighted

◆ accumulateProduct() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulateProduct ( Mat src1,
Mat src2,
Mat dst )
static

Adds the per-element product of two input images to the accumulator image.

The function adds the product of two images or their selected regions to the accumulator dst :

\[\texttt{dst} (x,y) \leftarrow \texttt{dst} (x,y) + \texttt{src1} (x,y) \cdot \texttt{src2} (x,y) \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

The function supports multi-channel images. Each channel is processed independently.

Parameters
src1First input image, 1- or 3-channel, 8-bit or 32-bit floating point.
src2Second input image of the same type and the same size as src1 .
dstAccumulator image with the same number of channels as input images, 32-bit or 64-bit floating-point.
maskOptional operation mask.
See also
accumulate, accumulateSquare, accumulateWeighted

◆ accumulateProduct() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulateProduct ( Mat src1,
Mat src2,
Mat dst,
Mat mask )
static

Adds the per-element product of two input images to the accumulator image.

The function adds the product of two images or their selected regions to the accumulator dst :

\[\texttt{dst} (x,y) \leftarrow \texttt{dst} (x,y) + \texttt{src1} (x,y) \cdot \texttt{src2} (x,y) \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

The function supports multi-channel images. Each channel is processed independently.

Parameters
src1First input image, 1- or 3-channel, 8-bit or 32-bit floating point.
src2Second input image of the same type and the same size as src1 .
dstAccumulator image with the same number of channels as input images, 32-bit or 64-bit floating-point.
maskOptional operation mask.
See also
accumulate, accumulateSquare, accumulateWeighted

◆ accumulateSquare() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulateSquare ( Mat src,
Mat dst )
static

Adds the square of a source image to the accumulator image.

The function adds the input image src or its selected region, raised to a power of 2, to the accumulator dst :

\[\texttt{dst} (x,y) \leftarrow \texttt{dst} (x,y) + \texttt{src} (x,y)^2 \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

The function supports multi-channel images. Each channel is processed independently.

Parameters
srcInput image as 1- or 3-channel, 8-bit or 32-bit floating point.
dstAccumulator image with the same number of channels as input image, 32-bit or 64-bit floating-point.
maskOptional operation mask.
See also
accumulateSquare, accumulateProduct, accumulateWeighted

◆ accumulateSquare() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulateSquare ( Mat src,
Mat dst,
Mat mask )
static

Adds the square of a source image to the accumulator image.

The function adds the input image src or its selected region, raised to a power of 2, to the accumulator dst :

\[\texttt{dst} (x,y) \leftarrow \texttt{dst} (x,y) + \texttt{src} (x,y)^2 \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

The function supports multi-channel images. Each channel is processed independently.

Parameters
srcInput image as 1- or 3-channel, 8-bit or 32-bit floating point.
dstAccumulator image with the same number of channels as input image, 32-bit or 64-bit floating-point.
maskOptional operation mask.
See also
accumulateSquare, accumulateProduct, accumulateWeighted

◆ accumulateWeighted() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulateWeighted ( Mat src,
Mat dst,
double alpha )
static

Updates a running average.

The function calculates the weighted sum of the input image src and the accumulator dst so that dst becomes a running average of a frame sequence:

\[\texttt{dst} (x,y) \leftarrow (1- \texttt{alpha} ) \cdot \texttt{dst} (x,y) + \texttt{alpha} \cdot \texttt{src} (x,y) \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

That is, alpha regulates the update speed (how fast the accumulator "forgets" about earlier images). The function supports multi-channel images. Each channel is processed independently.

Parameters
srcInput image as 1- or 3-channel, 8-bit or 32-bit floating point.
dstAccumulator image with the same number of channels as input image, 32-bit or 64-bit floating-point.
alphaWeight of the input image.
maskOptional operation mask.
See also
accumulate, accumulateSquare, accumulateProduct

◆ accumulateWeighted() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.accumulateWeighted ( Mat src,
Mat dst,
double alpha,
Mat mask )
static

Updates a running average.

The function calculates the weighted sum of the input image src and the accumulator dst so that dst becomes a running average of a frame sequence:

\[\texttt{dst} (x,y) \leftarrow (1- \texttt{alpha} ) \cdot \texttt{dst} (x,y) + \texttt{alpha} \cdot \texttt{src} (x,y) \quad \text{if} \quad \texttt{mask} (x,y) \ne 0\]

That is, alpha regulates the update speed (how fast the accumulator "forgets" about earlier images). The function supports multi-channel images. Each channel is processed independently.

Parameters
srcInput image as 1- or 3-channel, 8-bit or 32-bit floating point.
dstAccumulator image with the same number of channels as input image, 32-bit or 64-bit floating-point.
alphaWeight of the input image.
maskOptional operation mask.
See also
accumulate, accumulateSquare, accumulateProduct

◆ adaptiveThreshold()

static void OpenCVForUnity.ImgprocModule.Imgproc.adaptiveThreshold ( Mat src,
Mat dst,
double maxValue,
int adaptiveMethod,
int thresholdType,
int blockSize,
double C )
static

Applies an adaptive threshold to an array.

The function transforms a grayscale image to a binary image according to the formulae:

  • THRESH_BINARY

    \[dst(x,y) = \fork{\texttt{maxValue}}{if \(src(x,y) > T(x,y)\)}{0}{otherwise}\]

  • THRESH_BINARY_INV

    \[dst(x,y) = \fork{0}{if \(src(x,y) > T(x,y)\)}{\texttt{maxValue}}{otherwise}\]

    where \(T(x,y)\) is a threshold calculated individually for each pixel (see adaptiveMethod parameter).

The function can process the image in-place.

Parameters
srcSource 8-bit single-channel image.
dstDestination image of the same size and the same type as src.
maxValueNon-zero value assigned to the pixels for which the condition is satisfied
adaptiveMethodAdaptive thresholding algorithm to use, see #AdaptiveThresholdTypes. The #BORDER_REPLICATE | #BORDER_ISOLATED is used to process boundaries.
thresholdTypeThresholding type that must be either THRESH_BINARY or THRESH_BINARY_INV, see #ThresholdTypes.
blockSizeSize of a pixel neighborhood that is used to calculate a threshold value for the pixel: 3, 5, 7, and so on.
CConstant subtracted from the mean or weighted mean (see the details below). Normally, it is positive but may be zero or negative as well.
See also
threshold, blur, GaussianBlur

◆ applyColorMap() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.applyColorMap ( Mat src,
Mat dst,
int colormap )
static

Applies a GNU Octave/MATLAB equivalent colormap on a given image.

Parameters
srcThe source image, grayscale or colored of type CV_8UC1 or CV_8UC3. If CV_8UC3, then the CV_8UC1 image is generated internally using cv::COLOR_BGR2GRAY.
dstThe result is the colormapped source image. Note: Mat.create is called on dst.
colormapThe colormap to apply, see #ColormapTypes

◆ applyColorMap() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.applyColorMap ( Mat src,
Mat dst,
Mat userColor )
static

Applies a user colormap on a given image.

Parameters
srcThe source image, grayscale or colored of type CV_8UC1 or CV_8UC3. If CV_8UC3, then the CV_8UC1 image is generated internally using cv::COLOR_BGR2GRAY.
dstThe result is the colormapped source image of the same number of channels as userColor. Note: Mat.create is called on dst.
userColorThe colormap to apply of type CV_8UC1 or CV_8UC3 and size 256

◆ approxPolyDP()

static void OpenCVForUnity.ImgprocModule.Imgproc.approxPolyDP ( MatOfPoint2f curve,
MatOfPoint2f approxCurve,
double epsilon,
bool closed )
static

Approximates a polygonal curve(s) with the specified precision.

The function cv::approxPolyDP approximates a curve or a polygon with another curve/polygon with less vertices so that the distance between them is less or equal to the specified precision. It uses the Douglas-Peucker algorithm <http://en.wikipedia.org/wiki/Ramer-Douglas-Peucker_algorithm&gt;

Parameters
curveInput vector of a 2D point stored in std::vector or Mat
approxCurveResult of the approximation. The type should match the type of the input curve.
epsilonParameter specifying the approximation accuracy. This is the maximum distance between the original curve and its approximation.
closedIf true, the approximated curve is closed (its first and last vertices are connected). Otherwise, it is not closed.

◆ arcLength()

static double OpenCVForUnity.ImgprocModule.Imgproc.arcLength ( MatOfPoint2f curve,
bool closed )
static

Calculates a contour perimeter or a curve length.

The function computes a curve length or a closed contour perimeter.

Parameters
curveInput vector of 2D points, stored in std::vector or Mat.
closedFlag indicating whether the curve is closed or not.

◆ arrowedLine() [1/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in Vec2d pt1,
in Vec2d pt2,
in Vec4d color )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [2/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in Vec2d pt1,
in Vec2d pt2,
in Vec4d color,
int thickness )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [3/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in Vec2d pt1,
in Vec2d pt2,
in Vec4d color,
int thickness,
int line_type )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [4/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in Vec2d pt1,
in Vec2d pt2,
in Vec4d color,
int thickness,
int line_type,
int shift )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [5/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in Vec2d pt1,
in Vec2d pt2,
in Vec4d color,
int thickness,
int line_type,
int shift,
double tipLength )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [6/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in(double x, double y) pt1,
in(double x, double y) pt2,
in(double v0, double v1, double v2, double v3) color )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [7/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in(double x, double y) pt1,
in(double x, double y) pt2,
in(double v0, double v1, double v2, double v3) color,
int thickness )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [8/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in(double x, double y) pt1,
in(double x, double y) pt2,
in(double v0, double v1, double v2, double v3) color,
int thickness,
int line_type )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [9/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in(double x, double y) pt1,
in(double x, double y) pt2,
in(double v0, double v1, double v2, double v3) color,
int thickness,
int line_type,
int shift )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [10/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
in(double x, double y) pt1,
in(double x, double y) pt2,
in(double v0, double v1, double v2, double v3) color,
int thickness,
int line_type,
int shift,
double tipLength )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [11/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
Point pt1,
Point pt2,
Scalar color )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [12/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
Point pt1,
Point pt2,
Scalar color,
int thickness )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [13/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
Point pt1,
Point pt2,
Scalar color,
int thickness,
int line_type )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [14/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
Point pt1,
Point pt2,
Scalar color,
int thickness,
int line_type,
int shift )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ arrowedLine() [15/15]

static void OpenCVForUnity.ImgprocModule.Imgproc.arrowedLine ( Mat img,
Point pt1,
Point pt2,
Scalar color,
int thickness,
int line_type,
int shift,
double tipLength )
static

Draws an arrow segment pointing from the first point to the second one.

The function cv::arrowedLine draws an arrow between pt1 and pt2 points in the image. See also line.

Parameters
imgImage.
pt1The point the arrow starts from.
pt2The point the arrow points to.
colorLine color.
thicknessLine thickness.
line_typeType of the line. See #LineTypes
shiftNumber of fractional bits in the point coordinates.
tipLengthThe length of the arrow tip in relation to the arrow length

◆ bilateralFilter() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.bilateralFilter ( Mat src,
Mat dst,
int d,
double sigmaColor,
double sigmaSpace )
static

Applies the bilateral filter to an image.

The function applies bilateral filtering to the input image, as described in http://www.dai.ed.ac.uk/CVonline/LOCAL_COPIES/MANDUCHI1/Bilateral_Filtering.html bilateralFilter can reduce unwanted noise very well while keeping edges fairly sharp. However, it is very slow compared to most filters.

Sigma values: For simplicity, you can set the 2 sigma values to be the same. If they are small (< 10), the filter will not have much effect, whereas if they are large (> 150), they will have a very strong effect, making the image look "cartoonish".

Filter size: Large filters (d > 5) are very slow, so it is recommended to use d=5 for real-time applications, and perhaps d=9 for offline applications that need heavy noise filtering.

This filter does not work inplace.

Parameters
srcSource 8-bit or floating-point, 1-channel or 3-channel image.
dstDestination image of the same size and type as src .
dDiameter of each pixel neighborhood that is used during filtering. If it is non-positive, it is computed from sigmaSpace.
sigmaColorFilter sigma in the color space. A larger value of the parameter means that farther colors within the pixel neighborhood (see sigmaSpace) will be mixed together, resulting in larger areas of semi-equal color.
sigmaSpaceFilter sigma in the coordinate space. A larger value of the parameter means that farther pixels will influence each other as long as their colors are close enough (see sigmaColor ). When d>0, it specifies the neighborhood size regardless of sigmaSpace. Otherwise, d is proportional to sigmaSpace.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes

◆ bilateralFilter() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.bilateralFilter ( Mat src,
Mat dst,
int d,
double sigmaColor,
double sigmaSpace,
int borderType )
static

Applies the bilateral filter to an image.

The function applies bilateral filtering to the input image, as described in http://www.dai.ed.ac.uk/CVonline/LOCAL_COPIES/MANDUCHI1/Bilateral_Filtering.html bilateralFilter can reduce unwanted noise very well while keeping edges fairly sharp. However, it is very slow compared to most filters.

Sigma values: For simplicity, you can set the 2 sigma values to be the same. If they are small (< 10), the filter will not have much effect, whereas if they are large (> 150), they will have a very strong effect, making the image look "cartoonish".

Filter size: Large filters (d > 5) are very slow, so it is recommended to use d=5 for real-time applications, and perhaps d=9 for offline applications that need heavy noise filtering.

This filter does not work inplace.

Parameters
srcSource 8-bit or floating-point, 1-channel or 3-channel image.
dstDestination image of the same size and type as src .
dDiameter of each pixel neighborhood that is used during filtering. If it is non-positive, it is computed from sigmaSpace.
sigmaColorFilter sigma in the color space. A larger value of the parameter means that farther colors within the pixel neighborhood (see sigmaSpace) will be mixed together, resulting in larger areas of semi-equal color.
sigmaSpaceFilter sigma in the coordinate space. A larger value of the parameter means that farther pixels will influence each other as long as their colors are close enough (see sigmaColor ). When d>0, it specifies the neighborhood size regardless of sigmaSpace. Otherwise, d is proportional to sigmaSpace.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes

◆ blendLinear()

static void OpenCVForUnity.ImgprocModule.Imgproc.blendLinear ( Mat src1,
Mat src2,
Mat weights1,
Mat weights2,
Mat dst )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

variant without mask parameter

◆ blur() [1/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
in Vec2d ksize )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [2/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
in Vec2d ksize,
in Vec2d anchor )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [3/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
in Vec2d ksize,
in Vec2d anchor,
int borderType )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [4/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
in(double width, double height) ksize )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [5/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
in(double width, double height) ksize,
in(double x, double y) anchor )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [6/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
in(double width, double height) ksize,
in(double x, double y) anchor,
int borderType )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [7/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
Size ksize )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [8/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
Size ksize,
Point anchor )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ blur() [9/9]

static void OpenCVForUnity.ImgprocModule.Imgproc.blur ( Mat src,
Mat dst,
Size ksize,
Point anchor,
int borderType )
static

Blurs an image using the normalized box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \frac{1}{\texttt{ksize.width*ksize.height}} \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \end{bmatrix}\]

The call blur(src, dst, ksize, anchor, borderType) is equivalent to boxFilter(src, dst, src.type(), ksize, / anchor, true, borderType).

Parameters
srcinput image; it can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
dstoutput image of the same size and type as src.
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

boxFilter, bilateralFilter, GaussianBlur, medianBlur

◆ boundingRect()

static Rect OpenCVForUnity.ImgprocModule.Imgproc.boundingRect ( Mat array)
static

Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.

The function calculates and returns the minimal up-right bounding rectangle for the specified point set or non-zero pixels of gray-scale image.

Parameters
arrayInput gray-scale image or 2D point set, stored in std::vector or Mat.

◆ boundingRectAsValueTuple()

static int int int int height OpenCVForUnity.ImgprocModule.Imgproc.boundingRectAsValueTuple ( Mat array)
static

◆ boundingRectAsVec4i()

static Vec4i OpenCVForUnity.ImgprocModule.Imgproc.boundingRectAsVec4i ( Mat array)
static

Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.

The function calculates and returns the minimal up-right bounding rectangle for the specified point set or non-zero pixels of gray-scale image.

Parameters
arrayInput gray-scale image or 2D point set, stored in std::vector or Mat.

◆ boxFilter() [1/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in Vec2d ksize )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [2/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in Vec2d ksize,
in Vec2d anchor )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [3/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in Vec2d ksize,
in Vec2d anchor,
bool normalize )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [4/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in Vec2d ksize,
in Vec2d anchor,
bool normalize,
int borderType )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [5/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in(double width, double height) ksize )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [6/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in(double width, double height) ksize,
in(double x, double y) anchor )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [7/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in(double width, double height) ksize,
in(double x, double y) anchor,
bool normalize )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [8/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
in(double width, double height) ksize,
in(double x, double y) anchor,
bool normalize,
int borderType )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [9/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
Size ksize )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [10/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
Size ksize,
Point anchor )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [11/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
Size ksize,
Point anchor,
bool normalize )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxFilter() [12/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxFilter ( Mat src,
Mat dst,
int ddepth,
Size ksize,
Point anchor,
bool normalize,
int borderType )
static

Blurs an image using the box filter.

The function smooths an image using the kernel:

\[\texttt{K} = \alpha \begin{bmatrix} 1 & 1 & 1 & \cdots & 1 & 1 \\ 1 & 1 & 1 & \cdots & 1 & 1 \\ \hdotsfor{6} \\ 1 & 1 & 1 & \cdots & 1 & 1 \end{bmatrix}\]

where

\[\alpha = \begin{cases} \frac{1}{\texttt{ksize.width*ksize.height}} & \texttt{when } \texttt{normalize=true} \\1 & \texttt{otherwise}\end{cases}\]

Unnormalized box filter is useful for computing various integral characteristics over each pixel neighborhood, such as covariance matrices of image derivatives (used in dense optical flow algorithms, and so on). If you need to compute pixel sums over variable-size windows, use integral.

Parameters
srcinput image.
dstoutput image of the same size and type as src.
ddepththe output image depth (-1 to use src.depth()).
ksizeblurring kernel size.
anchoranchor point; default value Point(-1,-1) means that the anchor is at the kernel center.
normalizeflag, specifying whether the kernel is normalized by its area or not.
borderTypeborder mode used to extrapolate pixels outside of the image, see #BorderTypes. #BORDER_WRAP is not supported.

blur, bilateralFilter, GaussianBlur, medianBlur, integral

◆ boxPoints() [1/3]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxPoints ( in Vec5d box,
Mat points )
static

Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.

The function finds the four vertices of a rotated rectangle. This function is useful to draw the rectangle. In C++, instead of using this function, you can directly use RotatedRect.points method. Please visit the tutorial on Creating Bounding rotated boxes and ellipses for contours for more information.

Parameters
boxThe input rotated rectangle. It may be the output of minAreaRect.
pointsThe output array of four vertices of rectangles.

◆ boxPoints() [2/3]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxPoints ( in(double x, double y, double width, double height, double angle) box,
Mat points )
static

Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.

The function finds the four vertices of a rotated rectangle. This function is useful to draw the rectangle. In C++, instead of using this function, you can directly use RotatedRect.points method. Please visit the tutorial on Creating Bounding rotated boxes and ellipses for contours for more information.

Parameters
boxThe input rotated rectangle. It may be the output of minAreaRect.
pointsThe output array of four vertices of rectangles.

◆ boxPoints() [3/3]

static void OpenCVForUnity.ImgprocModule.Imgproc.boxPoints ( RotatedRect box,
Mat points )
static

Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.

The function finds the four vertices of a rotated rectangle. This function is useful to draw the rectangle. In C++, instead of using this function, you can directly use RotatedRect.points method. Please visit the tutorial on Creating Bounding rotated boxes and ellipses for contours for more information.

Parameters
boxThe input rotated rectangle. It may be the output of minAreaRect.
pointsThe output array of four vertices of rectangles.

◆ calcBackProject()

static void OpenCVForUnity.ImgprocModule.Imgproc.calcBackProject ( List< Mat > images,
MatOfInt channels,
Mat hist,
Mat dst,
MatOfFloat ranges,
double scale )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

◆ calcHist() [1/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.calcHist ( List< Mat > images,
MatOfInt channels,
Mat mask,
Mat hist,
MatOfInt histSize,
MatOfFloat ranges )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

this variant supports only uniform histograms.

ranges argument is either empty vector or a flattened vector of histSize.size()*2 elements (histSize.size() element pairs). The first and second elements of each pair specify the lower and upper boundaries.

◆ calcHist() [2/2]

static void OpenCVForUnity.ImgprocModule.Imgproc.calcHist ( List< Mat > images,
MatOfInt channels,
Mat mask,
Mat hist,
MatOfInt histSize,
MatOfFloat ranges,
bool accumulate )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

this variant supports only uniform histograms.

ranges argument is either empty vector or a flattened vector of histSize.size()*2 elements (histSize.size() element pairs). The first and second elements of each pair specify the lower and upper boundaries.

◆ Canny() [1/5]

static void OpenCVForUnity.ImgprocModule.Imgproc.Canny ( Mat dx,
Mat dy,
Mat edges,
double threshold1,
double threshold2 )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Finds edges in an image using the Canny algorithm with custom image gradient.

Parameters
dx16-bit x derivative of input image (CV_16SC1 or CV_16SC3).
dy16-bit y derivative of input image (same type as dx).
edgesoutput edge map; single channels 8-bit image, which has the same size as image .
threshold1first threshold for the hysteresis procedure.
threshold2second threshold for the hysteresis procedure.
L2gradienta flag, indicating whether a more accurate \(L_2\) norm \(=\sqrt{(dI/dx)^2 + (dI/dy)^2}\) should be used to calculate the image gradient magnitude ( L2gradient=true ), or whether the default \(L_1\) norm \(=|dI/dx|+|dI/dy|\) is enough ( L2gradient=false ).

◆ Canny() [2/5]

static void OpenCVForUnity.ImgprocModule.Imgproc.Canny ( Mat dx,
Mat dy,
Mat edges,
double threshold1,
double threshold2,
bool L2gradient )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Finds edges in an image using the Canny algorithm with custom image gradient.

Parameters
dx16-bit x derivative of input image (CV_16SC1 or CV_16SC3).
dy16-bit y derivative of input image (same type as dx).
edgesoutput edge map; single channels 8-bit image, which has the same size as image .
threshold1first threshold for the hysteresis procedure.
threshold2second threshold for the hysteresis procedure.
L2gradienta flag, indicating whether a more accurate \(L_2\) norm \(=\sqrt{(dI/dx)^2 + (dI/dy)^2}\) should be used to calculate the image gradient magnitude ( L2gradient=true ), or whether the default \(L_1\) norm \(=|dI/dx|+|dI/dy|\) is enough ( L2gradient=false ).

◆ Canny() [3/5]

static void OpenCVForUnity.ImgprocModule.Imgproc.Canny ( Mat image,
Mat edges,
double threshold1,
double threshold2 )
static

Finds edges in an image using the Canny algorithm [Canny86] .

The function finds edges in the input image and marks them in the output map edges using the Canny algorithm. The smallest value between threshold1 and threshold2 is used for edge linking. The largest value is used to find initial segments of strong edges. See <http://en.wikipedia.org/wiki/Canny_edge_detector&gt;

Parameters
image8-bit input image.
edgesoutput edge map; single channels 8-bit image, which has the same size as image .
threshold1first threshold for the hysteresis procedure.
threshold2second threshold for the hysteresis procedure.
apertureSizeaperture size for the Sobel operator.
L2gradienta flag, indicating whether a more accurate \(L_2\) norm \(=\sqrt{(dI/dx)^2 + (dI/dy)^2}\) should be used to calculate the image gradient magnitude ( L2gradient=true ), or whether the default \(L_1\) norm \(=|dI/dx|+|dI/dy|\) is enough ( L2gradient=false ).

◆ Canny() [4/5]

static void OpenCVForUnity.ImgprocModule.Imgproc.Canny ( Mat image,
Mat edges,
double threshold1,
double threshold2,
int apertureSize )
static

Finds edges in an image using the Canny algorithm [Canny86] .

The function finds edges in the input image and marks them in the output map edges using the Canny algorithm. The smallest value between threshold1 and threshold2 is used for edge linking. The largest value is used to find initial segments of strong edges. See <http://en.wikipedia.org/wiki/Canny_edge_detector&gt;

Parameters
image8-bit input image.
edgesoutput edge map; single channels 8-bit image, which has the same size as image .
threshold1first threshold for the hysteresis procedure.
threshold2second threshold for the hysteresis procedure.
apertureSizeaperture size for the Sobel operator.
L2gradienta flag, indicating whether a more accurate \(L_2\) norm \(=\sqrt{(dI/dx)^2 + (dI/dy)^2}\) should be used to calculate the image gradient magnitude ( L2gradient=true ), or whether the default \(L_1\) norm \(=|dI/dx|+|dI/dy|\) is enough ( L2gradient=false ).

◆ Canny() [5/5]

static void OpenCVForUnity.ImgprocModule.Imgproc.Canny ( Mat image,
Mat edges,
double threshold1,
double threshold2,
int apertureSize,
bool L2gradient )
static

Finds edges in an image using the Canny algorithm [Canny86] .

The function finds edges in the input image and marks them in the output map edges using the Canny algorithm. The smallest value between threshold1 and threshold2 is used for edge linking. The largest value is used to find initial segments of strong edges. See <http://en.wikipedia.org/wiki/Canny_edge_detector&gt;

Parameters
image8-bit input image.
edgesoutput edge map; single channels 8-bit image, which has the same size as image .
threshold1first threshold for the hysteresis procedure.
threshold2second threshold for the hysteresis procedure.
apertureSizeaperture size for the Sobel operator.
L2gradienta flag, indicating whether a more accurate \(L_2\) norm \(=\sqrt{(dI/dx)^2 + (dI/dy)^2}\) should be used to calculate the image gradient magnitude ( L2gradient=true ), or whether the default \(L_1\) norm \(=|dI/dx|+|dI/dy|\) is enough ( L2gradient=false ).

◆ circle() [1/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in Vec2d center,
int radius,
in Vec4d color )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [2/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in Vec2d center,
int radius,
in Vec4d color,
int thickness )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [3/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in Vec2d center,
int radius,
in Vec4d color,
int thickness,
int lineType )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [4/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in Vec2d center,
int radius,
in Vec4d color,
int thickness,
int lineType,
int shift )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [5/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in(double x, double y) center,
int radius,
in(double v0, double v1, double v2, double v3) color )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [6/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in(double x, double y) center,
int radius,
in(double v0, double v1, double v2, double v3) color,
int thickness )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [7/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in(double x, double y) center,
int radius,
in(double v0, double v1, double v2, double v3) color,
int thickness,
int lineType )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [8/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
in(double x, double y) center,
int radius,
in(double v0, double v1, double v2, double v3) color,
int thickness,
int lineType,
int shift )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [9/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
Point center,
int radius,
Scalar color )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [10/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
Point center,
int radius,
Scalar color,
int thickness )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [11/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
Point center,
int radius,
Scalar color,
int thickness,
int lineType )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ circle() [12/12]

static void OpenCVForUnity.ImgprocModule.Imgproc.circle ( Mat img,
Point center,
int radius,
Scalar color,
int thickness,
int lineType,
int shift )
static

Draws a circle.

The function cv::circle draws a simple or filled circle with a given center and radius.

Parameters
imgImage where the circle is drawn.
centerCenter of the circle.
radiusRadius of the circle.
colorCircle color.
thicknessThickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled circle is to be drawn.
lineTypeType of the circle boundary. See #LineTypes
shiftNumber of fractional bits in the coordinates of the center and in the radius value.

◆ clipLine() [1/3]

static bool OpenCVForUnity.ImgprocModule.Imgproc.clipLine ( in Vec4i imgRect,
ref Vec2d pt1,
ref Vec2d pt2 )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imgRectImage rectangle.
pt1First line point.
pt2Second line point.

◆ clipLine() [2/3]

static bool OpenCVForUnity.ImgprocModule.Imgproc.clipLine ( in(int x, int y, int width, int height) imgRect,
ref(double x, double y) pt1,
ref(double x, double y) pt2 )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imgRectImage rectangle.
pt1First line point.
pt2Second line point.

◆ clipLine() [3/3]

static bool OpenCVForUnity.ImgprocModule.Imgproc.clipLine ( Rect imgRect,
Point pt1,
Point pt2 )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imgRectImage rectangle.
pt1First line point.
pt2Second line point.

◆ compareHist()

static double OpenCVForUnity.ImgprocModule.Imgproc.compareHist ( Mat H1,
Mat H2,
int method )
static

Compares two histograms.

The function cv::compareHist compares two dense or two sparse histograms using the specified method.

The function returns \(d(H_1, H_2)\) .

While the function works well with 1-, 2-, 3-dimensional dense histograms, it may not be suitable for high-dimensional sparse histograms. In such histograms, because of aliasing and sampling problems, the coordinates of non-zero histogram bins can slightly shift. To compare such histograms or more general sparse configurations of weighted points, consider using the EMD function.

Parameters
H1First compared histogram.
H2Second compared histogram of the same size as H1 .
methodComparison method, see #HistCompMethods

◆ connectedComponents() [1/3]

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponents ( Mat image,
Mat labels )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.

◆ connectedComponents() [2/3]

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponents ( Mat image,
Mat labels,
int connectivity )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.

◆ connectedComponents() [3/3]

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponents ( Mat image,
Mat labels,
int connectivity,
int ltype )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.

◆ connectedComponentsWithAlgorithm()

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponentsWithAlgorithm ( Mat image,
Mat labels,
int connectivity,
int ltype,
int ccltype )
static

computes the connected components labeled image of boolean image

image with 4 or 8 way connectivity - returns N, the total number of labels [0, N-1] where 0 represents the background label. ltype specifies the output label image type, an important consideration based on the total number of labels or alternatively the total number of pixels in the source image. ccltype specifies the connected components labeling algorithm to use, currently Bolelli (Spaghetti) [Bolelli2019], Grana (BBDT) [Grana2010] and Wu's (SAUF) [Wu2009] algorithms are supported, see the #ConnectedComponentsAlgorithmsTypes for details. Note that SAUF algorithm forces a row major ordering of labels while Spaghetti and BBDT do not. This function uses parallel version of the algorithms if at least one allowed parallel framework is enabled and if the rows of the image are at least twice the number returned by #getNumberOfCPUs.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.
ccltypeconnected components algorithm type (see the #ConnectedComponentsAlgorithmsTypes).

◆ connectedComponentsWithStats() [1/3]

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponentsWithStats ( Mat image,
Mat labels,
Mat stats,
Mat centroids )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
statsstatistics output for each label, including the background label. Statistics are accessed via stats(label, COLUMN) where COLUMN is one of #ConnectedComponentsTypes, selecting the statistic. The data type is CV_32S.
centroidscentroid output for each label, including the background label. Centroids are accessed via centroids(label, 0) for x and centroids(label, 1) for y. The data type CV_64F.
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.

◆ connectedComponentsWithStats() [2/3]

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponentsWithStats ( Mat image,
Mat labels,
Mat stats,
Mat centroids,
int connectivity )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
statsstatistics output for each label, including the background label. Statistics are accessed via stats(label, COLUMN) where COLUMN is one of #ConnectedComponentsTypes, selecting the statistic. The data type is CV_32S.
centroidscentroid output for each label, including the background label. Centroids are accessed via centroids(label, 0) for x and centroids(label, 1) for y. The data type CV_64F.
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.

◆ connectedComponentsWithStats() [3/3]

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponentsWithStats ( Mat image,
Mat labels,
Mat stats,
Mat centroids,
int connectivity,
int ltype )
static

This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
statsstatistics output for each label, including the background label. Statistics are accessed via stats(label, COLUMN) where COLUMN is one of #ConnectedComponentsTypes, selecting the statistic. The data type is CV_32S.
centroidscentroid output for each label, including the background label. Centroids are accessed via centroids(label, 0) for x and centroids(label, 1) for y. The data type CV_64F.
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.

◆ connectedComponentsWithStatsWithAlgorithm()

static int OpenCVForUnity.ImgprocModule.Imgproc.connectedComponentsWithStatsWithAlgorithm ( Mat image,
Mat labels,
Mat stats,
Mat centroids,
int connectivity,
int ltype,
int ccltype )
static

computes the connected components labeled image of boolean image and also produces a statistics output for each label

image with 4 or 8 way connectivity - returns N, the total number of labels [0, N-1] where 0 represents the background label. ltype specifies the output label image type, an important consideration based on the total number of labels or alternatively the total number of pixels in the source image. ccltype specifies the connected components labeling algorithm to use, currently Bolelli (Spaghetti) [Bolelli2019], Grana (BBDT) [Grana2010] and Wu's (SAUF) [Wu2009] algorithms are supported, see the #ConnectedComponentsAlgorithmsTypes for details. Note that SAUF algorithm forces a row major ordering of labels while Spaghetti and BBDT do not. This function uses parallel version of the algorithms (statistics included) if at least one allowed parallel framework is enabled and if the rows of the image are at least twice the number returned by #getNumberOfCPUs.

Parameters
imagethe 8-bit single-channel image to be labeled
labelsdestination labeled image
statsstatistics output for each label, including the background label. Statistics are accessed via stats(label, COLUMN) where COLUMN is one of #ConnectedComponentsTypes, selecting the statistic. The data type is CV_32S.
centroidscentroid output for each label, including the background label. Centroids are accessed via centroids(label, 0) for x and centroids(label, 1) for y. The data type CV_64F.
connectivity8 or 4 for 8-way or 4-way connectivity respectively
ltypeoutput image label type. Currently CV_32S and CV_16U are supported.
ccltypeconnected components algorithm type (see #ConnectedComponentsAlgorithmsTypes).

◆ contourArea() [1/2]

static double OpenCVForUnity.ImgprocModule.Imgproc.contourArea ( Mat contour)
static

Calculates a contour area.

The function computes a contour area. Similarly to moments , the area is computed using the Green formula. Thus, the returned area and the number of non-zero pixels, if you draw the contour using drawContours or fillPoly , can be different. Also, the function will most certainly give a wrong results for contours with self-intersections.

Example:

vector<Point> contour;
contour.push_back(Point2f(0, 0));
contour.push_back(Point2f(10, 0));
contour.push_back(Point2f(10, 10));
contour.push_back(Point2f(5, 4));
double area0 = contourArea(contour);
vector<Point> approx;
approxPolyDP(contour, approx, 5, true);
double area1 = contourArea(approx);
cout << "area0 =" << area0 << endl <<
"area1 =" << area1 << endl <<
"approx poly vertices" << approx.size() << endl;
static void approxPolyDP(MatOfPoint2f curve, MatOfPoint2f approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
Definition Imgproc.cs:11553
static double contourArea(Mat contour, bool oriented)
Calculates a contour area.
Definition Imgproc.cs:11657
Parameters
contourInput vector of 2D points (contour vertices), stored in std::vector or Mat.
orientedOriented area flag. If it is true, the function returns a signed area value, depending on the contour orientation (clockwise or counter-clockwise). Using this feature you can determine orientation of a contour by taking the sign of an area. By default, the parameter is false, which means that the absolute value is returned.

◆ contourArea() [2/2]