Cv2 Methods |
The Cv2 type exposes the following members.
Name | Description | |
---|---|---|
Abs(Mat) |
Computes absolute value of each matrix element
| |
Abs(MatExpr) |
Computes absolute value of each matrix element
| |
Absdiff |
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
| |
Accumulate |
Adds an image to the accumulator.
| |
AccumulateProduct |
Adds the per-element product of two input images to the accumulator.
| |
AccumulateSquare |
Adds the square of a source image to the accumulator.
| |
AccumulateWeighted |
Updates a running average.
| |
AdaptiveThreshold |
Applies an adaptive threshold to an array.
| |
Add |
Computes the per-element sum of two arrays or an array and a scalar.
| |
AddWeighted |
computes weighted sum of two arrays (dst = alpha*src1 + beta*src2 + gamma)
| |
AGAST |
Detects corners using the AGAST algorithm
| |
AlignSize |
Aligns buffer size by the certain number of bytes
This small inline function aligns a buffer size by
the certian number of bytes by enlarging it.
| |
ApplyColorMap |
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
| |
ApproxPolyDP(IEnumerablePoint, Double, Boolean) |
Approximates contour or a curve using Douglas-Peucker algorithm
| |
ApproxPolyDP(IEnumerablePoint2f, Double, Boolean) |
Approximates contour or a curve using Douglas-Peucker algorithm
| |
ApproxPolyDP(InputArray, OutputArray, Double, Boolean) |
Approximates contour or a curve using Douglas-Peucker algorithm
| |
ArcLength(InputArray, Boolean) |
Calculates a contour perimeter or a curve length.
| |
ArcLength(IEnumerablePoint, Boolean) |
Calculates a contour perimeter or a curve length.
| |
ArcLength(IEnumerablePoint2f, Boolean) |
Calculates a contour perimeter or a curve length.
| |
ArrowedLine |
Draws a arrow segment pointing from the first point to the second one.
The function arrowedLine draws an arrow between pt1 and pt2 points in the image.
See also cv::line.
| |
BatchDistance |
naive nearest neighbor finder
| |
BilateralFilter |
Applies bilateral filter to the image
| |
BitwiseAnd |
computes bitwise conjunction of the two arrays (dst = src1 & src2)
| |
BitwiseNot |
inverts each bit of array (dst = ~src)
| |
BitwiseOr |
computes bitwise disjunction of the two arrays (dst = src1 | src2)
| |
BitwiseXor |
computes bitwise exclusive-or of the two arrays (dst = src1 ^ src2)
| |
BlendLinear |
Performs linear blending of two images:
dst(i,j) = weights1(i,j)*src1(i,j) + weights2(i,j)*src2(i,j)
| |
Blur |
Smoothes image using normalized box filter
| |
BorderInterpolate |
Computes the source location of an extrapolated pixel.
| |
BoundingRect(InputArray) |
Calculates the up-right bounding rectangle of a point set.
| |
BoundingRect(IEnumerablePoint) |
Calculates the up-right bounding rectangle of a point set.
| |
BoundingRect(IEnumerablePoint2f) |
Calculates the up-right bounding rectangle of a point set.
| |
BoxFilter |
Smoothes image using box filter
| |
BoxPoints(RotatedRect) |
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 @ref tutorial_bounding_rotated_ellipses "tutorial on Creating Bounding rotated boxes and ellipses for contours" for more information.
| |
BoxPoints(RotatedRect, OutputArray) |
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 @ref tutorial_bounding_rotated_ellipses "tutorial on Creating Bounding rotated boxes and ellipses for contours" for more information.
| |
BuildOpticalFlowPyramid(InputArray, Mat, Size, Int32, Boolean, BorderTypes, BorderTypes, Boolean) |
Constructs a pyramid which can be used as input for calcOpticalFlowPyrLK
| |
BuildOpticalFlowPyramid(InputArray, OutputArray, Size, Int32, Boolean, BorderTypes, BorderTypes, Boolean) |
Constructs a pyramid which can be used as input for calcOpticalFlowPyrLK
| |
CalcBackProject |
computes the joint dense histogram for a set of images.
| |
CalcCovarMatrix(InputArray, OutputArray, InputOutputArray, CovarFlags, NullableMatType) |
computes covariation matrix of a set of samples
| |
CalcCovarMatrix(Mat, Mat, Mat, CovarFlags, NullableMatType) |
computes covariation matrix of a set of samples
| |
CalcHist(Mat, Int32, InputArray, OutputArray, Int32, Int32, Rangef, Boolean, Boolean) |
computes the joint dense histogram for a set of images.
| |
CalcHist(Mat, Int32, InputArray, OutputArray, Int32, Int32, Single, Boolean, Boolean) |
computes the joint dense histogram for a set of images.
| |
CalcOpticalFlowFarneback |
Computes a dense optical flow using the Gunnar Farneback's algorithm.
| |
CalcOpticalFlowPyrLK(InputArray, InputArray, InputArray, InputOutputArray, OutputArray, OutputArray, NullableSize, Int32, NullableTermCriteria, OpticalFlowFlags, Double) |
computes sparse optical flow using multi-scale Lucas-Kanade algorithm
| |
CalcOpticalFlowPyrLK(InputArray, InputArray, Point2f, Point2f, Byte, Single, NullableSize, Int32, NullableTermCriteria, OpticalFlowFlags, Double) |
computes sparse optical flow using multi-scale Lucas-Kanade algorithm
| |
CalibrateCamera(IEnumerableMat, IEnumerableMat, Size, InputOutputArray, InputOutputArray, Mat, Mat, CalibrationFlags, NullableTermCriteria) |
finds intrinsic and extrinsic camera parameters from several fews of a known calibration pattern.
| |
CalibrateCamera(IEnumerableIEnumerablePoint3f, IEnumerableIEnumerablePoint2f, Size, Double, Double, Vec3d, Vec3d, CalibrationFlags, NullableTermCriteria) |
finds intrinsic and extrinsic camera parameters from several fews of a known calibration pattern.
| |
CalibrationMatrixValues(Double, Size, Double, Double, Double, Double, Double, Point2d, Double) |
computes several useful camera characteristics from the camera matrix, camera frame resolution and the physical sensor size.
| |
CalibrationMatrixValues(InputArray, Size, Double, Double, Double, Double, Double, Point2d, Double) |
computes several useful camera characteristics from the camera matrix, camera frame resolution and the physical sensor size.
| |
CamShift |
Finds an object center, size, and orientation.
| |
Canny(InputArray, InputArray, OutputArray, Double, Double, Boolean) |
Finds edges in an image using the Canny algorithm with custom image gradient.
| |
Canny(InputArray, OutputArray, Double, Double, Int32, Boolean) |
Finds edges in an image using Canny algorithm.
| |
CartToPolar |
Calculates the magnitude and angle of 2D vectors.
| |
CheckChessboard |
Checks whether the image contains chessboard of the specific size or not.
| |
CheckHardwareSupport |
Returns true if the specified feature is supported by the host hardware.
The function returns true if the host hardware supports the specified feature.When user calls
setUseOptimized(false), the subsequent calls to checkHardwareSupport() will return false until
setUseOptimized(true) is called.This way user can dynamically switch on and off the optimized code in OpenCV.
| |
CheckRange(InputArray, Boolean) |
checks that each matrix element is within the specified range.
| |
CheckRange(InputArray, Boolean, Point, Double, Double) |
checks that each matrix element is within the specified range.
| |
Circle(InputOutputArray, Point, Int32, Scalar, Int32, LineTypes, Int32) |
Draws a circle
| |
Circle(InputOutputArray, Int32, Int32, Int32, Scalar, Int32, LineTypes, Int32) |
Draws a circle
| |
ClipLine(Rect, Point, Point) |
Clips the line against the image rectangle
| |
ClipLine(Size, Point, Point) |
Clips the line against the image rectangle
| |
ColorChange |
Given an original color image, two differently colored versions of this
image can be mixed seamlessly. Multiplication factor is between 0.5 to 2.5.
| |
Compare |
Performs the per-element comparison of two arrays or an array and scalar value.
| |
CompareHist |
compares two histograms stored in dense arrays
| |
CompleteSymm |
extends the symmetrical matrix from the lower half or from the upper half
| |
ComposeRT(Double, Double, Double, Double, Double, Double) |
composes 2 [R|t] transformations together. Also computes the derivatives of the result w.r.t the arguments
| |
ComposeRT(Double, Double, Double, Double, Double, Double, Double, Double, Double, Double, Double, Double, Double, Double) |
composes 2 [R|t] transformations together. Also computes the derivatives of the result w.r.t the arguments
| |
ComposeRT(InputArray, InputArray, InputArray, InputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray) |
composes 2 [R|t] transformations together. Also computes the derivatives of the result w.r.t the arguments
| |
ComputeCorrespondEpilines(IEnumerablePoint2d, Int32, Double) |
For points in an image of a stereo pair, computes the corresponding epilines in the other image.
| |
ComputeCorrespondEpilines(IEnumerablePoint3d, Int32, Double) |
For points in an image of a stereo pair, computes the corresponding epilines in the other image.
| |
ComputeCorrespondEpilines(InputArray, Int32, InputArray, OutputArray) |
For points in an image of a stereo pair, computes the corresponding epilines in the other image.
| |
ComputeRecallPrecisionCurve | ||
ConnectedComponents(InputArray, OutputArray, PixelConnectivity) |
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.
| |
ConnectedComponents(InputArray, Int32, PixelConnectivity) |
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.
| |
ConnectedComponents(InputArray, OutputArray, PixelConnectivity, MatType) |
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.
| |
ConnectedComponentsEx |
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.
| |
ConnectedComponentsWithAlgorithm |
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
Grana (BBDT) and Wu's (SAUF) algorithms are supported, see the #ConnectedComponentsAlgorithmsTypes
for details.Note that SAUF algorithm forces a row major ordering of labels while BBDT does not.
This function uses parallel version of both Grana and Wu's 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.
| |
ConnectedComponentsWithStats(InputArray, OutputArray, OutputArray, OutputArray, PixelConnectivity) |
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.
| |
ConnectedComponentsWithStats(InputArray, OutputArray, OutputArray, OutputArray, PixelConnectivity, MatType) |
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.
| |
ConnectedComponentsWithStatsWithAlgorithm |
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
Grana's (BBDT) and Wu's (SAUF) algorithms are supported, see the #ConnectedComponentsAlgorithmsTypes
for details.Note that SAUF algorithm forces a row major ordering of labels while BBDT does not.
This function uses parallel version of both Grana and Wu's 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.
| |
ContourArea(InputArray, Boolean) |
Calculates the contour area
| |
ContourArea(IEnumerablePoint, Boolean) |
Calculates the contour area
| |
ContourArea(IEnumerablePoint2f, Boolean) |
Calculates the contour area
| |
ConvertFp16 |
Converts an array to half precision floating number.
This function converts FP32(single precision floating point) from/to FP16(half precision floating point). CV_16S format is used to represent FP16 data.
There are two use modes(src -> dst) : CV_32F -> CV_16S and CV_16S -> CV_32F.The input array has to have type of CV_32F or
CV_16S to represent the bit depth.If the input array is neither of them, the function will raise an error.
The format of half precision floating point is defined in IEEE 754-2008.
| |
ConvertMaps |
Converts image transformation maps from one representation to another.
| |
ConvertPointsFromHomogeneous(IEnumerableVec3f) |
converts point coordinates from homogeneous to normal pixel coordinates ((x,y,z)->(x/z, y/z))
| |
ConvertPointsFromHomogeneous(IEnumerableVec4f) |
converts point coordinates from homogeneous to normal pixel coordinates ((x,y,z)->(x/z, y/z))
| |
ConvertPointsFromHomogeneous(InputArray, OutputArray) |
converts point coordinates from homogeneous to normal pixel coordinates ((x,y,z)->(x/z, y/z))
| |
ConvertPointsHomogeneous |
Converts points to/from homogeneous coordinates.
| |
ConvertPointsToHomogeneous(IEnumerableVec2f) |
converts point coordinates from normal pixel coordinates to homogeneous coordinates ((x,y)->(x,y,1))
| |
ConvertPointsToHomogeneous(IEnumerableVec3f) |
converts point coordinates from normal pixel coordinates to homogeneous coordinates ((x,y)->(x,y,1))
| |
ConvertPointsToHomogeneous(InputArray, OutputArray) |
converts point coordinates from normal pixel coordinates to homogeneous coordinates ((x,y)->(x,y,1))
| |
ConvertScaleAbs |
Scales, computes absolute values and converts the result to 8-bit.
| |
ConvexHull(IEnumerablePoint, Boolean) |
Computes convex hull for a set of 2D points.
| |
ConvexHull(IEnumerablePoint2f, Boolean) |
Computes convex hull for a set of 2D points.
| |
ConvexHull(InputArray, OutputArray, Boolean, Boolean) |
Computes convex hull for a set of 2D points.
| |
ConvexHullIndices(IEnumerablePoint, Boolean) |
Computes convex hull for a set of 2D points.
| |
ConvexHullIndices(IEnumerablePoint2f, Boolean) |
Computes convex hull for a set of 2D points.
| |
ConvexityDefects(IEnumerablePoint, IEnumerableInt32) |
Computes the contour convexity defects
| |
ConvexityDefects(IEnumerablePoint2f, IEnumerableInt32) |
Computes the contour convexity defects
| |
ConvexityDefects(InputArray, InputArray, OutputArray) |
Computes the contour convexity defects
| |
CopyMakeBorder |
Forms a border around the image
| |
CopyTo |
Copies the matrix to another one.
When the operation mask is specified, if the Mat::create call shown above reallocates the matrix, the newly allocated matrix is initialized with all zeros before copying the data.
| |
CornerEigenValsAndVecs |
computes both eigenvalues and the eigenvectors of 2x2 derivative covariation matrix at each pixel. The output is stored as 6-channel matrix.
| |
CornerSubPix |
adjusts the corner locations with sub-pixel accuracy to maximize the certain cornerness criteria
| |
CorrectMatches(Double, IEnumerablePoint2d, IEnumerablePoint2d, Point2d, Point2d) |
Refines coordinates of corresponding points.
| |
CorrectMatches(InputArray, InputArray, InputArray, OutputArray, OutputArray) |
Refines coordinates of corresponding points.
| |
CountNonZero |
computes the number of nonzero array elements
| |
CreateCLAHE |
Creates a predefined CLAHE object
| |
CreateFrameSource_Camera | ||
CreateFrameSource_Empty | ||
CreateFrameSource_Video | ||
CreateFrameSource_Video_CUDA | ||
CreateHanningWindow |
Computes a Hanning window coefficients in two dimensions.
| |
CreateOptFlow_Brox_GPU | ||
CreateOptFlow_DualTVL1_GPU | ||
CreateOptFlow_Farneback | ||
CreateOptFlow_Farneback_GPU | ||
CreateOptFlow_PyrLK_GPU | ||
CreateSuperResolution_BTVL1 |
Create Bilateral TV-L1 Super Resolution.
| |
CreateSuperResolution_BTVL1_CUDA |
Create Bilateral TV-L1 Super Resolution.
| |
CreateTrackbar(String, String, Int32, TrackbarCallbackNative, IntPtr) |
Creates a trackbar and attaches it to the specified window.
The function createTrackbar creates a trackbar(a slider or range control) with the specified name
and range, assigns a variable value to be a position synchronized with the trackbar and specifies
the callback function onChange to be called on the trackbar position change.The created trackbar is
displayed in the specified window winName.
| |
CreateTrackbar(String, String, Int32, Int32, TrackbarCallbackNative, IntPtr) |
Creates a trackbar and attaches it to the specified window.
The function createTrackbar creates a trackbar(a slider or range control) with the specified name
and range, assigns a variable value to be a position synchronized with the trackbar and specifies
the callback function onChange to be called on the trackbar position change.The created trackbar is
displayed in the specified window winName.
| |
CubeRoot |
computes cube root of the argument
| |
CvtColor |
Converts image from one color space to another
| |
CvtColorTwoPlane |
Converts an image from one color space to another where the source image is stored in two planes.
This function only supports YUV420 to RGB conversion as of now.
| |
Dct |
Performs forward or inverse 1D or 2D Discrete Cosine Transformation
| |
Decolor |
Transforms a color image to a grayscale image. It is a basic tool in digital
printing, stylized black-and-white photograph rendering, and in many single
channel image processing applications @cite CL12 .
| |
DecomposeHomographyMat |
Decompose a homography matrix to rotation(s), translation(s) and plane normal(s).
| |
DecomposeProjectionMatrix(Double, Double, Double, Double) |
Decomposes the projection matrix into camera matrix and the rotation martix and the translation vector
| |
DecomposeProjectionMatrix(Double, Double, Double, Double, Double, Double, Double, Double) |
Decomposes the projection matrix into camera matrix and the rotation martix and the translation vector
| |
DecomposeProjectionMatrix(InputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray) |
Decomposes the projection matrix into camera matrix and the rotation martix and the translation vector
| |
Demosaicing |
main function for all demosaicing processes
| |
DenoiseTVL1 |
Primal-dual algorithm is an algorithm for solving special types of variational problems
(that is, finding a function to minimize some functional). As the image denoising,
in particular, may be seen as the variational problem, primal-dual algorithm then
can be used to perform denoising and this is exactly what is implemented.
| |
DestroyAllWindows |
Destroys all of the HighGUI windows.
| |
DestroyWindow |
Destroys the specified window.
| |
DetailEnhance |
This filter enhances the details of a particular image.
| |
Determinant |
computes determinant of a square matrix
| |
Dft |
Performs a forward Discrete Fourier transform of 1D or 2D floating-point array.
| |
Dilate |
Dilates an image by using a specific structuring element.
| |
DistanceTransform |
computes the distance transform map
| |
DistanceTransformWithLabels |
Calculates the distance to the closest zero pixel for each pixel of the source image.
| |
Divide(Double, InputArray, OutputArray, Int32) |
Performs per-element division of two arrays or a scalar by an array.
| |
Divide(InputArray, InputArray, OutputArray, Double, Int32) |
Performs per-element division of two arrays or a scalar by an array.
| |
DrawChessboardCorners(InputOutputArray, Size, InputArray, Boolean) |
Renders the detected chessboard corners.
| |
DrawChessboardCorners(InputOutputArray, Size, IEnumerablePoint2f, Boolean) |
Renders the detected chessboard corners.
| |
DrawContours(InputOutputArray, IEnumerableMat, Int32, Scalar, Int32, LineTypes, Mat, Int32, NullablePoint) |
draws contours in the image
| |
DrawContours(InputOutputArray, IEnumerableIEnumerablePoint, Int32, Scalar, Int32, LineTypes, IEnumerableHierarchyIndex, Int32, NullablePoint) |
draws contours in the image
| |
DrawFrameAxes |
Draw axes of the world/object coordinate system from pose estimation.
| |
DrawKeypoints |
Draw keypoints.
| |
DrawMarker |
Draws a marker on a predefined position in an image.
The function cv::drawMarker draws a marker on a given position in the image.For the moment several
marker types are supported, see #MarkerTypes for more information.
| |
DrawMatches |
Draws the found matches of keypoints from two images.
| |
DrawMatchesKnn |
Draws the found matches of keypoints from two images.
| |
EdgePreservingFilter |
Filtering is the fundamental operation in image and video processing.
Edge-preserving smoothing filters are used in many different applications @cite EM11 .
| |
Eigen |
Computes eigenvalues and eigenvectors of a symmetric matrix.
| |
EigenNonSymmetric |
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
| |
Ellipse(InputOutputArray, RotatedRect, Scalar, Int32, LineTypes) |
Draws simple or thick elliptic arc or fills ellipse sector
| |
Ellipse(InputOutputArray, Point, Size, Double, Double, Double, Scalar, Int32, LineTypes, Int32) |
Draws simple or thick elliptic arc or fills ellipse sector
| |
Ellipse2Poly(Point, Size, Int32, Int32, Int32, Int32) |
Approximates an elliptic arc with a polyline.
The function ellipse2Poly computes the vertices of a polyline that
approximates the specified elliptic arc. It is used by cv::ellipse.
| |
Ellipse2Poly(Point2d, Size2d, Int32, Int32, Int32, Int32) |
Approximates an elliptic arc with a polyline.
The function ellipse2Poly computes the vertices of a polyline that
approximates the specified elliptic arc. It is used by cv::ellipse.
| |
EMD(InputArray, InputArray, DistanceTypes) |
Computes the "minimal work" distance between two weighted point configurations.
The function computes the earth mover distance and/or a lower boundary of the distance between the
two weighted point configurations.One of the applications described in @cite RubnerSept98,
@cite Rubner2000 is multi-dimensional histogram comparison for image retrieval.EMD is a transportation
problem that is solved using some modification of a simplex algorithm, thus the complexity is
exponential in the worst case, though, on average it is much faster.In the case of a real metric
the lower boundary can be calculated even faster (using linear-time algorithm) and it can be used
to determine roughly whether the two signatures are far enough so that they cannot relate to the same object.
| |
EMD(InputArray, InputArray, DistanceTypes, InputArray) |
Computes the "minimal work" distance between two weighted point configurations.
The function computes the earth mover distance and/or a lower boundary of the distance between the
two weighted point configurations.One of the applications described in @cite RubnerSept98,
@cite Rubner2000 is multi-dimensional histogram comparison for image retrieval.EMD is a transportation
problem that is solved using some modification of a simplex algorithm, thus the complexity is
exponential in the worst case, though, on average it is much faster.In the case of a real metric
the lower boundary can be calculated even faster (using linear-time algorithm) and it can be used
to determine roughly whether the two signatures are far enough so that they cannot relate to the same object.
| |
EMD(InputArray, InputArray, DistanceTypes, InputArray, Single, OutputArray) |
Computes the "minimal work" distance between two weighted point configurations.
The function computes the earth mover distance and/or a lower boundary of the distance between the
two weighted point configurations.One of the applications described in @cite RubnerSept98,
@cite Rubner2000 is multi-dimensional histogram comparison for image retrieval.EMD is a transportation
problem that is solved using some modification of a simplex algorithm, thus the complexity is
exponential in the worst case, though, on average it is much faster.In the case of a real metric
the lower boundary can be calculated even faster (using linear-time algorithm) and it can be used
to determine roughly whether the two signatures are far enough so that they cannot relate to the same object.
| |
EqualizeHist |
normalizes the grayscale image brightness and contrast by normalizing its histogram
| |
Erode |
Erodes an image by using a specific structuring element.
| |
EstimateAffine2D |
Computes an optimal affine transformation between two 2D point sets.
| |
EstimateAffine3D |
Computes an optimal affine transformation between two 3D point sets.
| |
EstimateAffinePartial2D |
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
| |
EvaluateFeatureDetector | ||
Exp |
computes exponent of each matrix element (dst = e**src)
| |
ExtractChannel |
extracts a single channel from src (coi is 0-based index)
| |
FAST(InputArray, Int32, Boolean) |
Detects corners using the FAST algorithm
| |
FAST(InputArray, Int32, Boolean, FASTType) |
Detects corners using the FAST algorithm
| |
FastAtan2 |
computes the angle in degrees (0..360) of the vector (x,y)
| |
FastNlMeansDenoising |
Perform image denoising using Non-local Means Denoising algorithm
with several computational optimizations. Noise expected to be a gaussian white noise
| |
FastNlMeansDenoisingColored |
Modification of fastNlMeansDenoising function for colored images
| |
FastNlMeansDenoisingColoredMulti(IEnumerableInputArray, OutputArray, Int32, Int32, Single, Single, Int32, Int32) |
Modification of fastNlMeansDenoisingMulti function for colored images sequences
| |
FastNlMeansDenoisingColoredMulti(IEnumerableMat, OutputArray, Int32, Int32, Single, Single, Int32, Int32) |
Modification of fastNlMeansDenoisingMulti function for colored images sequences
| |
FastNlMeansDenoisingMulti(IEnumerableInputArray, OutputArray, Int32, Int32, Single, Int32, Int32) |
Modification of fastNlMeansDenoising function for images sequence where consequtive images have been captured
in small period of time. For example video. This version of the function is for grayscale images or for manual manipulation with colorspaces.
| |
FastNlMeansDenoisingMulti(IEnumerableMat, OutputArray, Int32, Int32, Single, Int32, Int32) |
Modification of fastNlMeansDenoising function for images sequence where consequtive images have been captured
in small period of time. For example video. This version of the function is for grayscale images or for manual manipulation with colorspaces.
| |
FillConvexPoly(InputOutputArray, InputArray, Scalar, LineTypes, Int32) |
Fills a convex polygon.
| |
FillConvexPoly(Mat, IEnumerablePoint, Scalar, LineTypes, Int32) |
Fills a convex polygon.
| |
FillPoly(InputOutputArray, InputArray, Scalar, LineTypes, Int32, NullablePoint) |
Fills the area bounded by one or more polygons
| |
FillPoly(Mat, IEnumerableIEnumerablePoint, Scalar, LineTypes, Int32, NullablePoint) |
Fills the area bounded by one or more polygons
| |
Filter2D |
Convolves an image with the kernel
| |
FilterHomographyDecompByVisibleRefpoints |
Filters homography decompositions based on additional information.
| |
FilterSpeckles |
filters off speckles (small regions of incorrectly computed disparity)
| |
Find4QuadCornerSubpix(InputArray, InputOutputArray, Size) |
finds subpixel-accurate positions of the chessboard corners
| |
Find4QuadCornerSubpix(InputArray, Point2f, Size) |
finds subpixel-accurate positions of the chessboard corners
| |
FindChessboardCorners(InputArray, Size, OutputArray, ChessboardFlags) |
Finds the positions of internal corners of the chessboard.
| |
FindChessboardCorners(InputArray, Size, Point2f, ChessboardFlags) |
Finds the positions of internal corners of the chessboard.
| |
FindChessboardCornersSB(InputArray, Size, OutputArray, ChessboardFlags) |
Finds the positions of internal corners of the chessboard using a sector based approach.
| |
FindChessboardCornersSB(InputArray, Size, Point2f, ChessboardFlags) |
Finds the positions of internal corners of the chessboard using a sector based approach.
| |
FindCirclesGrid(InputArray, Size, OutputArray, FindCirclesGridFlags, Feature2D) |
Finds centers in the grid of circles.
| |
FindCirclesGrid(InputArray, Size, Point2f, FindCirclesGridFlags, Feature2D) |
Finds centers in the grid of circles.
| |
FindContours(InputOutputArray, Mat, OutputArray, RetrievalModes, ContourApproximationModes, NullablePoint) |
Finds contours in a binary image.
| |
FindContours(InputOutputArray, Point, HierarchyIndex, RetrievalModes, ContourApproximationModes, NullablePoint) |
Finds contours in a binary image.
| |
FindContoursAsArray |
Finds contours in a binary image.
| |
FindContoursAsMat |
Finds contours in a binary image.
| |
FindEssentialMat(InputArray, InputArray, InputArray, EssentialMatMethod, Double, Double, OutputArray) |
Calculates an essential matrix from the corresponding points in two images.
| |
FindEssentialMat(InputArray, InputArray, Double, Point2d, EssentialMatMethod, Double, Double, OutputArray) |
Calculates an essential matrix from the corresponding points in two images.
| |
FindFundamentalMat(InputArray, InputArray, FundamentalMatMethod, Double, Double, OutputArray) |
Calculates a fundamental matrix from the corresponding points in two images.
| |
FindFundamentalMat(IEnumerablePoint2d, IEnumerablePoint2d, FundamentalMatMethod, Double, Double, OutputArray) |
Calculates a fundamental matrix from the corresponding points in two images.
| |
FindHomography(InputArray, InputArray, HomographyMethods, Double, OutputArray) |
computes the best-fit perspective transformation mapping srcPoints to dstPoints.
| |
FindHomography(IEnumerablePoint2d, IEnumerablePoint2d, HomographyMethods, Double, OutputArray) |
computes the best-fit perspective transformation mapping srcPoints to dstPoints.
| |
FindNonZero |
returns the list of locations of non-zero pixels
| |
FitEllipse(InputArray) |
Fits ellipse to the set of 2D points.
| |
FitEllipse(IEnumerablePoint) |
Fits ellipse to the set of 2D points.
| |
FitEllipse(IEnumerablePoint2f) |
Fits ellipse to the set of 2D points.
| |
FitEllipseAMS(InputArray) |
Fits an ellipse around a set of 2D points.
The function calculates the ellipse that fits a set of 2D points.
It returns the rotated rectangle in which the ellipse is inscribed.
The Approximate Mean Square(AMS) proposed by @cite Taubin1991 is used.
| |
FitEllipseAMS(IEnumerablePoint) |
Fits an ellipse around a set of 2D points.
The function calculates the ellipse that fits a set of 2D points.
It returns the rotated rectangle in which the ellipse is inscribed.
The Approximate Mean Square(AMS) proposed by @cite Taubin1991 is used.
| |
FitEllipseAMS(IEnumerablePoint2f) |
Fits an ellipse around a set of 2D points.
The function calculates the ellipse that fits a set of 2D points.
It returns the rotated rectangle in which the ellipse is inscribed.
The Approximate Mean Square(AMS) proposed by @cite Taubin1991 is used.
| |
FitEllipseDirect(InputArray) |
Fits an ellipse around a set of 2D points.
The function calculates the ellipse that fits a set of 2D points.
It returns the rotated rectangle in which the ellipse is inscribed.
The Direct least square(Direct) method by @cite Fitzgibbon1999 is used.
| |
FitEllipseDirect(IEnumerablePoint) |
Fits an ellipse around a set of 2D points.
The function calculates the ellipse that fits a set of 2D points.
It returns the rotated rectangle in which the ellipse is inscribed.
The Direct least square(Direct) method by @cite Fitzgibbon1999 is used.
| |
FitEllipseDirect(IEnumerablePoint2f) |
Fits an ellipse around a set of 2D points.
The function calculates the ellipse that fits a set of 2D points.
It returns the rotated rectangle in which the ellipse is inscribed.
The Direct least square(Direct) method by @cite Fitzgibbon1999 is used.
| |
FitLine(IEnumerablePoint, DistanceTypes, Double, Double, Double) |
Fits line to the set of 2D points using M-estimator algorithm
| |
FitLine(IEnumerablePoint2f, DistanceTypes, Double, Double, Double) |
Fits line to the set of 2D points using M-estimator algorithm
| |
FitLine(IEnumerablePoint3f, DistanceTypes, Double, Double, Double) |
Fits line to the set of 3D points using M-estimator algorithm
| |
FitLine(IEnumerablePoint3i, DistanceTypes, Double, Double, Double) |
Fits line to the set of 3D points using M-estimator algorithm
| |
FitLine(InputArray, OutputArray, DistanceTypes, Double, Double, Double) |
Fits line to the set of 2D points using M-estimator algorithm
| |
Flip |
reverses the order of the rows, columns or both in a matrix
| |
FloodFill(InputOutputArray, Point, Scalar) |
Fills a connected component with the given color.
| |
FloodFill(InputOutputArray, InputOutputArray, Point, Scalar) |
Fills a connected component with the given color.
| |
FloodFill(InputOutputArray, Point, Scalar, Rect, NullableScalar, NullableScalar, FloodFillFlags) |
Fills a connected component with the given color.
| |
FloodFill(InputOutputArray, InputOutputArray, Point, Scalar, Rect, NullableScalar, NullableScalar, FloodFillFlags) |
Fills a connected component with the given color.
| |
Format | ||
GaussianBlur |
Blurs an image using a Gaussian filter.
| |
Gemm |
implements generalized matrix product algorithm GEMM from BLAS
| |
GetAffineTransform(InputArray, InputArray) |
Calculates an affine transform from three pairs of the corresponding points.
The function calculates the 2×3 matrix of an affine transform.
| |
GetAffineTransform(IEnumerablePoint2f, IEnumerablePoint2f) |
Calculates an affine transform from three pairs of the corresponding points.
The function calculates the 2×3 matrix of an affine transform.
| |
GetBuildInformation |
Returns full configuration time cmake output.
Returned value is raw cmake output including version control system revision, compiler version,
compiler flags, enabled modules and third party libraries, etc.Output format depends on target architecture.
| |
GetCpuFeaturesLine |
Returns list of CPU features enabled during compilation.
Returned value is a string containing space separated list of CPU features with following markers:
- no markers - baseline features
- prefix `*` - features enabled in dispatcher
- suffix `?` - features enabled but not available in HW
| |
GetCpuTickCount |
Returns the number of CPU ticks.
The function returns the current number of CPU ticks on some architectures(such as x86, x64, PowerPC).
On other platforms the function is equivalent to getTickCount.It can also be used for very accurate time
measurements, as well as for RNG initialization.Note that in case of multi-CPU systems a thread, from which
getCPUTickCount is called, can be suspended and resumed at another CPU with its own counter. So,
theoretically (and practically) the subsequent calls to the function do not necessary return the monotonously
increasing values. Also, since a modern CPU varies the CPU frequency depending on the load, the number of CPU
clocks spent in some code cannot be directly converted to time units.Therefore, getTickCount is generally
a preferable solution for measuringexecution time.
| |
GetDefaultNewCameraMatrix |
returns the default new camera matrix (by default it is the same as cameraMatrix unless centerPricipalPoint=true)
| |
GetDerivKernels |
Returns filter coefficients for computing spatial image derivatives.
| |
GetFontScaleFromHeight |
Calculates the font-specific size to use to achieve a given height in pixels.
| |
GetGaborKernel |
Returns Gabor filter coefficients.
| |
GetGaussianKernel |
Returns Gaussian filter coefficients.
| |
GetHardwareFeatureName |
Returns feature name by ID.
Returns empty string if feature is not defined
| |
GetMouseWheelDelta |
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVENT_MOUSEHWHEEL.
For regular mice with a scroll-wheel, delta will be a multiple of 120. The value 120 corresponds to
a one notch rotation of the wheel or the threshold for action to be taken and one such action should
occur for each delta.Some high-precision mice with higher-resolution freely-rotating wheels may
generate smaller values.
For cv::EVENT_MOUSEWHEEL positive and negative values mean forward and backward scrolling,
respectively.For cv::EVENT_MOUSEHWHEEL, where available, positive and negative values mean right and
left scrolling, respectively.
| |
GetNearestPoint | ||
GetNumberOfCpus |
Returns the number of logical CPUs available for the process.
| |
GetNumThreads |
Returns the number of threads used by OpenCV for parallel regions.
Always returns 1 if OpenCV is built without threading support.
The exact meaning of return value depends on the threading framework used by OpenCV library:
- `TBB` - The number of threads, that OpenCV will try to use for parallel regions. If there is
any tbb::thread_scheduler_init in user code conflicting with OpenCV, then function returns default
number of threads used by TBB library.
- `OpenMP` - An upper bound on the number of threads that could be used to form a new team.
- `Concurrency` - The number of threads, that OpenCV will try to use for parallel regions.
- `GCD` - Unsupported; returns the GCD thread pool limit(512) for compatibility.
- `C=` - The number of threads, that OpenCV will try to use for parallel regions, if before
called setNumThreads with threads > 0, otherwise returns the number of logical CPUs,
available for the process.
| |
GetOptimalDFTSize |
Returns the optimal DFT size for a given vector size.
| |
GetOptimalNewCameraMatrix(Double, Double, Size, Double, Size, Rect, Boolean) |
Returns the new camera matrix based on the free scaling parameter.
| |
GetOptimalNewCameraMatrix(InputArray, InputArray, Size, Double, Size, Rect, Boolean) |
Returns the new camera matrix based on the free scaling parameter.
| |
GetPerspectiveTransform(InputArray, InputArray) |
Calculates a perspective transform from four pairs of the corresponding points.
The function calculates the 3×3 matrix of a perspective transform.
| |
GetPerspectiveTransform(IEnumerablePoint2f, IEnumerablePoint2f) |
Calculates a perspective transform from four pairs of the corresponding points.
The function calculates the 3×3 matrix of a perspective transform.
| |
GetRecall | ||
GetRectSubPix |
Retrieves a pixel rectangle from an image with sub-pixel accuracy.
| |
GetRotationMatrix2D |
Calculates an affine matrix of 2D rotation.
| |
GetStructuringElement(MorphShapes, Size) |
Returns a structuring element of the specified size and shape for morphological operations.
The function constructs and returns the structuring element that can be further passed to erode,
dilate or morphologyEx.But you can also construct an arbitrary binary mask yourself and use it as the structuring element.
| |
GetStructuringElement(MorphShapes, Size, Point) |
Returns a structuring element of the specified size and shape for morphological operations.
The function constructs and returns the structuring element that can be further passed to erode,
dilate or morphologyEx.But you can also construct an arbitrary binary mask yourself and use it as the structuring element.
| |
GetTextSize |
returns bounding box of the text string
| |
GetTheRNG |
Returns the thread-local Random number generator
| |
GetThreadNum |
Returns the index of the currently executed thread within the current parallel region.
Always returns 0 if called outside of parallel region.
@deprecated Current implementation doesn't corresponding to this documentation.
The exact meaning of the return value depends on the threading framework used by OpenCV library:
- `TBB` - Unsupported with current 4.1 TBB release.Maybe will be supported in future.
- `OpenMP` - The thread number, within the current team, of the calling thread.
- `Concurrency` - An ID for the virtual processor that the current context is executing
on(0 for master thread and unique number for others, but not necessary 1,2,3,...).
- `GCD` - System calling thread's ID. Never returns 0 inside parallel region.
- `C=` - The index of the current parallel task.
| |
GetTickCount |
Returns the number of ticks.
The function returns the number of ticks after the certain event (for example, when the machine was
turned on). It can be used to initialize RNG or to measure a function execution time by reading the
tick count before and after the function call.
| |
GetTickFrequency |
Returns the number of ticks per second.
The function returns the number of ticks per second.That is, the following code computes the execution time in seconds:
| |
GetTrackbarPos |
Returns the trackbar position.
| |
GetValidDisparityROI |
computes valid disparity ROI from the valid ROIs of the rectified images (that are returned by cv::stereoRectify())
| |
GetVersionMajor |
Returns major library version
| |
GetVersionMinor |
Returns minor library version
| |
GetVersionRevision |
Returns revision field of the library version
| |
GetVersionString |
Returns library version string.
For example "3.4.1-dev".
| |
GetWindowImageRect |
Provides rectangle of image in the window.
The function getWindowImageRect returns the client screen coordinates, width and height of the image rendering area.
| |
GetWindowProperty |
Provides parameters of a window.
| |
Glob | ||
GoodFeaturesToTrack |
finds the strong enough corners where the cornerMinEigenVal() or cornerHarris() report the local maxima
| |
GrabCut |
Segments the image using GrabCut algorithm
| |
GroupRectangles(IListRect, Int32, Double) |
Groups the object candidate rectangles.
| |
GroupRectangles(IListRect, Int32, Int32, Double) |
Groups the object candidate rectangles.
| |
GroupRectangles(IListRect, Int32, Double, Int32, Double) |
Groups the object candidate rectangles.
| |
GroupRectangles(IListRect, Int32, Double, Int32, Double) |
Groups the object candidate rectangles.
| |
GroupRectanglesMeanshift | ||
HaveImageReader | ||
HaveImageWriter | ||
HConcat(IEnumerableMat, OutputArray) |
Applies horizontal concatenation to given matrices.
| |
HConcat(InputArray, InputArray, OutputArray) |
Applies horizontal concatenation to given matrices.
| |
HoughCircles |
Finds circles in a grayscale image using a Hough transform.
| |
HoughLines |
Finds lines in a binary image using standard Hough transform.
| |
HoughLinesP |
Finds lines segments in a binary image using probabilistic Hough transform.
| |
HoughLinesPointSet |
Finds lines in a set of points using the standard Hough transform.
The function finds lines in a set of points using a modification of the Hough transform.
| |
Idct |
Performs inverse 1D or 2D Discrete Cosine Transformation
| |
Idft |
Performs an inverse Discrete Fourier transform of 1D or 2D floating-point array.
| |
IlluminationChange |
Applying an appropriate non-linear transformation to the gradient field inside
the selection and then integrating back with a Poisson solver, modifies locally
the apparent illumination of an image.
| |
ImDecode(Byte, ImreadModes) |
Reads image from the specified buffer in memory.
| |
ImDecode(InputArray, ImreadModes) |
Reads image from the specified buffer in memory.
| |
ImDecode(Mat, ImreadModes) |
Reads image from the specified buffer in memory.
| |
ImEncode(String, InputArray, Byte, ImageEncodingParam) |
Compresses the image and stores it in the memory buffer
| |
ImEncode(String, InputArray, Byte, Int32) |
Compresses the image and stores it in the memory buffer
| |
ImRead |
Loads an image from a file.
| |
ImReadMulti |
Loads a multi-page image from a file.
| |
ImShow |
Displays the image in the specified window
| |
ImWrite(String, Mat, ImageEncodingParam) |
Saves an image to a specified file.
| |
ImWrite(String, Mat, Int32) |
Saves an image to a specified file.
| |
ImWrite(String, IEnumerableMat, ImageEncodingParam) |
Saves an image to a specified file.
| |
ImWrite(String, IEnumerableMat, Int32) |
Saves an image to a specified file.
| |
InitCameraMatrix2D(IEnumerableMat, IEnumerableMat, Size, Double) |
initializes camera matrix from a few 3D points and the corresponding projections.
| |
InitCameraMatrix2D(IEnumerableIEnumerablePoint3d, IEnumerableIEnumerablePoint2d, Size, Double) |
initializes camera matrix from a few 3D points and the corresponding projections.
| |
Initialize |
set up P/Invoke settings only for .NET 2.0/3.0/3.5
| |
InitUndistortRectifyMap |
initializes maps for cv::remap() to correct lens distortion and optionally rectify the image
| |
InitWideAngleProjMap |
initializes maps for cv::remap() for wide-angle
| |
Inpaint |
Restores the selected region in an image using the region neighborhood.
| |
InRange(InputArray, InputArray, InputArray, OutputArray) |
set mask elements for those array elements which are within the element-specific bounding box (dst = lowerb <= src && src < upperb)
| |
InRange(InputArray, Scalar, Scalar, OutputArray) |
set mask elements for those array elements which are within the element-specific bounding box (dst = lowerb <= src && src < upperb)
| |
InsertChannel |
inserts a single channel to dst (coi is 0-based index)
| |
Integral(InputArray, OutputArray, Int32) |
Calculates the integral of an image.
The function calculates one or more integral images for the source image.
| |
Integral(InputArray, OutputArray, OutputArray, Int32) |
Calculates the integral of an image.
The function calculates one or more integral images for the source image.
| |
Integral(InputArray, OutputArray, OutputArray, OutputArray, Int32, Int32) |
Calculates the integral of an image.
The function calculates one or more integral images for the source image.
| |
IntersectConvexConvex(InputArray, InputArray, OutputArray, Boolean) |
finds intersection of two convex polygons
| |
IntersectConvexConvex(IEnumerablePoint, IEnumerablePoint, Point, Boolean) |
finds intersection of two convex polygons
| |
IntersectConvexConvex(IEnumerablePoint2f, IEnumerablePoint2f, Point2f, Boolean) |
finds intersection of two convex polygons
| |
Invert |
computes inverse or pseudo-inverse matrix
| |
InvertAffineTransform |
Inverts an affine transformation.
| |
IsContourConvex(InputArray) |
returns true if the contour is convex.
Does not support contours with self-intersection
| |
IsContourConvex(IEnumerablePoint) |
returns true if the contour is convex.
Does not support contours with self-intersection
| |
IsContourConvex(IEnumerablePoint2f) |
returns true if the contour is convex. D
oes not support contours with self-intersection
| |
Kmeans |
Finds centers of clusters and groups input samples around the clusters.
| |
Laplacian |
Calculates the Laplacian of an image
| |
Line(InputOutputArray, Point, Point, Scalar, Int32, LineTypes, Int32) |
Draws a line segment connecting two points
| |
Line(InputOutputArray, Int32, Int32, Int32, Int32, Scalar, Int32, LineTypes, Int32) |
Draws a line segment connecting two points
| |
LinearPolar |
Remaps an image to polar space.
| |
Log |
computes natural logarithm of absolute value of each matrix element: dst = log(abs(src))
| |
LogPolar |
Remaps an image to log-polar space.
| |
LUT(InputArray, InputArray, OutputArray) |
transforms array of numbers using a lookup table: dst(i)=lut(src(i))
| |
LUT(InputArray, Byte, OutputArray) |
transforms array of numbers using a lookup table: dst(i)=lut(src(i))
| |
Magnitude |
Calculates the magnitude of 2D vectors.
| |
Mahalanobis |
Calculates the Mahalanobis distance between two vectors.
| |
MatchShapes(InputArray, InputArray, ShapeMatchModes, Double) |
Compares two shapes.
| |
MatchShapes(IEnumerablePoint, IEnumerablePoint, ShapeMatchModes, Double) |
Compares two shapes.
| |
MatchTemplate |
Computes the proximity map for the raster template and the image where the template is searched for
| |
MatMulDeriv |
computes derivatives of the matrix product w.r.t each of the multiplied matrix coefficients
| |
Max(InputArray, InputArray, OutputArray) |
computes per-element maximum of two arrays (dst = max(src1, src2))
| |
Max(Mat, Mat, Mat) |
computes per-element maximum of two arrays (dst = max(src1, src2))
| |
Max(Mat, Double, Mat) |
computes per-element maximum of array and scalar (dst = max(src1, src2))
| |
Mean |
computes mean value of selected array elements
| |
MeanShift |
Finds an object on a back projection image.
| |
MeanStdDev(InputArray, OutputArray, OutputArray, InputArray) |
computes mean value and standard deviation of all or selected array elements
| |
MeanStdDev(InputArray, Scalar, Scalar, InputArray) |
computes mean value and standard deviation of all or selected array elements
| |
MedianBlur |
Smoothes image using median filter
| |
Merge |
makes multi-channel array out of several single-channel arrays
| |
Min(InputArray, InputArray, OutputArray) |
computes per-element minimum of two arrays (dst = min(src1, src2))
| |
Min(Mat, Mat, Mat) |
computes per-element minimum of two arrays (dst = min(src1, src2))
| |
Min(Mat, Double, Mat) |
computes per-element minimum of array and scalar (dst = min(src1, src2))
| |
MinAreaRect(InputArray) |
Finds the minimum area rotated rectangle enclosing a 2D point set.
| |
MinAreaRect(IEnumerablePoint) |
Finds the minimum area rotated rectangle enclosing a 2D point set.
| |
MinAreaRect(IEnumerablePoint2f) |
Finds the minimum area rotated rectangle enclosing a 2D point set.
| |
MinEnclosingCircle(InputArray, Point2f, Single) |
Finds the minimum area circle enclosing a 2D point set.
| |
MinEnclosingCircle(IEnumerablePoint, Point2f, Single) |
Finds the minimum area circle enclosing a 2D point set.
| |
MinEnclosingCircle(IEnumerablePoint2f, Point2f, Single) |
Finds the minimum area circle enclosing a 2D point set.
| |
MinEnclosingTriangle(InputArray, OutputArray) |
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
| |
MinEnclosingTriangle(IEnumerablePoint, Point2f) |
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
| |
MinEnclosingTriangle(IEnumerablePoint2f, Point2f) |
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
| |
MinMaxIdx(InputArray, Double, Double) |
finds global minimum and maximum array elements and returns their values and their locations
| |
MinMaxIdx(InputArray, Int32, Int32) |
finds global minimum and maximum array elements and returns their values and their locations
| |
MinMaxIdx(InputArray, Double, Double, Int32, Int32, InputArray) |
finds global minimum and maximum array elements and returns their values and their locations
| |
MinMaxLoc(InputArray, Point, Point) |
finds global minimum and maximum array elements and returns their values and their locations
| |
MinMaxLoc(InputArray, Double, Double) |
finds global minimum and maximum array elements and returns their values and their locations
| |
MinMaxLoc(InputArray, Double, Double, Point, Point, InputArray) |
finds global minimum and maximum array elements and returns their values and their locations
| |
MixChannels |
copies selected channels from the input arrays to the selected channels of the output arrays
| |
Moments(Byte, Boolean) |
Calculates all of the moments
up to the third order of a polygon or rasterized shape.
| |
Moments(Single, Boolean) |
Calculates all of the moments
up to the third order of a polygon or rasterized shape.
| |
Moments(InputArray, Boolean) |
Calculates all of the moments
up to the third order of a polygon or rasterized shape.
| |
Moments(IEnumerablePoint, Boolean) |
Calculates all of the moments
up to the third order of a polygon or rasterized shape.
| |
Moments(IEnumerablePoint2f, Boolean) |
Calculates all of the moments
up to the third order of a polygon or rasterized shape.
| |
MorphologyDefaultBorderValue |
Default borderValue for Dilate/Erode
| |
MorphologyEx |
Performs advanced morphological transformations
| |
MoveWindow |
Moves window to the specified position
| |
MulSpectrums |
Performs the per-element multiplication of two Fourier spectrums.
| |
Multiply |
Calculates the per-element scaled product of two arrays
| |
MulTransposed |
multiplies matrix by its transposition from the left or from the right
| |
NamedWindow |
Creates a window.
| |
Norm(InputArray, NormTypes, InputArray) |
Calculates absolute array norm, absolute difference norm, or relative difference norm.
| |
Norm(InputArray, InputArray, NormTypes, InputArray) |
computes norm of selected part of the difference between two arrays
| |
Normalize |
scales and shifts array elements so that either the specified norm (alpha)
or the minimum (alpha) and maximum (beta) array values get the specified values
| |
PartitionT |
Splits an element set into equivalency classes.
Consider using GroupBy of Linq instead.
| |
PatchNaNs |
converts NaN's to the given number
| |
PCABackProject |
Reconstructs vectors from their PC projections.
| |
PCACompute(InputArray, InputOutputArray, OutputArray, Int32) |
PCA of the supplied dataset.
| |
PCACompute(InputArray, InputOutputArray, OutputArray, OutputArray, Int32) |
PCA of the supplied dataset.
| |
PCAComputeVar(InputArray, InputOutputArray, OutputArray, Double) |
PCA of the supplied dataset.
| |
PCAComputeVar(InputArray, InputOutputArray, OutputArray, OutputArray, Double) |
PCA of the supplied dataset.
| |
PCAProject |
Projects vector(s) to the principal component subspace.
| |
PencilSketch |
Pencil-like non-photorealistic line drawing
| |
PerspectiveTransform(IEnumerablePoint2d, Mat) |
performs perspective transformation of each element of multi-channel input matrix
| |
PerspectiveTransform(IEnumerablePoint2f, Mat) |
performs perspective transformation of each element of multi-channel input matrix
| |
PerspectiveTransform(IEnumerablePoint3d, Mat) |
performs perspective transformation of each element of multi-channel input matrix
| |
PerspectiveTransform(IEnumerablePoint3f, Mat) |
performs perspective transformation of each element of multi-channel input matrix
| |
PerspectiveTransform(InputArray, OutputArray, InputArray) |
performs perspective transformation of each element of multi-channel input matrix
| |
Phase |
Calculates the rotation angle of 2D vectors.
| |
PhaseCorrelate |
The function is used to detect translational shifts that occur between two images.
The operation takes advantage of the Fourier shift theorem for detecting the translational shift in
the frequency domain.It can be used for fast image registration as well as motion estimation.
For more information please see http://en.wikipedia.org/wiki/Phase_correlation.
Calculates the cross-power spectrum of two supplied source arrays. The arrays are padded if needed with getOptimalDFTSize.
| |
PointPolygonTest(InputArray, Point2f, Boolean) |
Checks if the point is inside the contour. Optionally computes the signed distance from the point to the contour boundary
| |
PointPolygonTest(IEnumerablePoint, Point2f, Boolean) |
Checks if the point is inside the contour. Optionally computes the signed distance from the point to the contour boundary
| |
PointPolygonTest(IEnumerablePoint2f, Point2f, Boolean) |
Checks if the point is inside the contour.
Optionally computes the signed distance from the point to the contour boundary.
| |
PolarToCart |
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
| |
Polylines(InputOutputArray, InputArray, Boolean, Scalar, Int32, LineTypes, Int32) |
draws one or more polygonal curves
| |
Polylines(Mat, IEnumerableIEnumerablePoint, Boolean, Scalar, Int32, LineTypes, Int32) |
draws one or more polygonal curves
| |
Pow |
raises the input matrix elements to the specified power (b = a**power)
| |
PreCornerDetect |
computes another complex cornerness criteria at each pixel
| |
ProjectPoints(InputArray, InputArray, InputArray, InputArray, InputArray, OutputArray, OutputArray, Double) |
projects points from the model coordinate space to the image coordinates.
Also computes derivatives of the image coordinates w.r.t the intrinsic
and extrinsic camera parameters
| |
ProjectPoints(IEnumerablePoint3f, Double, Double, Double, Double, Point2f, Double, Double) |
projects points from the model coordinate space to the image coordinates.
Also computes derivatives of the image coordinates w.r.t the intrinsic
and extrinsic camera parameters
| |
PSNR |
Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric.
This function calculates the Peak Signal-to-Noise Ratio(PSNR) image quality metric in decibels(dB),
between two input arrays src1 and src2.The arrays must have the same type.
| |
PutText |
renders text string in the image
| |
PyrDown |
Blurs an image and downsamples it.
| |
PyrMeanShiftFiltering |
Performs initial step of meanshift segmentation of an image.
| |
PyrUp |
Upsamples an image and then blurs it.
| |
Randn(InputOutputArray, InputArray, InputArray) |
fills array with normally-distributed random numbers with the specified mean and the standard deviation
| |
Randn(InputOutputArray, Scalar, Scalar) |
fills array with normally-distributed random numbers with the specified mean and the standard deviation
| |
RandShuffle(InputOutputArray, Double) |
shuffles the input array elements
| |
RandShuffle(InputOutputArray, Double, RNG) |
shuffles the input array elements
| |
Randu(InputOutputArray, InputArray, InputArray) |
fills array with uniformly-distributed random numbers from the range [low, high)
| |
Randu(InputOutputArray, Scalar, Scalar) |
fills array with uniformly-distributed random numbers from the range [low, high)
| |
RecoverPose(InputArray, InputArray, InputArray, InputArray, OutputArray, OutputArray, InputOutputArray) |
Recover relative camera rotation and translation from an estimated essential matrix and the corresponding points in two images, using cheirality check.
Returns the number of inliers which pass the check.
| |
RecoverPose(InputArray, InputArray, InputArray, OutputArray, OutputArray, Double, Point2d, InputOutputArray) |
Recover relative camera rotation and translation from an estimated essential matrix and the corresponding points in two images, using cheirality check.
Returns the number of inliers which pass the check.
| |
RecoverPose(InputArray, InputArray, InputArray, InputArray, OutputArray, OutputArray, Double, InputOutputArray, OutputArray) |
Recover relative camera rotation and translation from an estimated essential matrix and the corresponding points in two images, using cheirality check.
Returns the number of inliers which pass the check.
| |
Rectangle(InputOutputArray, Rect, Scalar, Int32, LineTypes, Int32) |
Draws simple, thick or filled rectangle
| |
Rectangle(Mat, Rect, Scalar, Int32, LineTypes, Int32) |
Draws simple, thick or filled rectangle
| |
Rectangle(InputOutputArray, Point, Point, Scalar, Int32, LineTypes, Int32) |
Draws simple, thick or filled rectangle
| |
Rectangle(Mat, Point, Point, Scalar, Int32, LineTypes, Int32) |
Draws simple, thick or filled rectangle
| |
Rectify3Collinear |
computes the rectification transformations for 3-head camera, where all the heads are on the same line.
| |
Reduce |
transforms 2D matrix to 1D row or column vector by taking sum, minimum, maximum or mean value over all the rows
| |
Remap |
Applies a generic geometrical transformation to an image.
| |
Repeat(Mat, Int32, Int32) |
replicates the input matrix the specified number of times in the horizontal and/or vertical direction
| |
Repeat(InputArray, Int32, Int32, OutputArray) |
replicates the input matrix the specified number of times in the horizontal and/or vertical direction
| |
ReprojectImageTo3D |
reprojects disparity image to 3D: (x,y,d)->(X,Y,Z) using the matrix Q returned by cv::stereoRectify
| |
Resize |
Resizes an image.
| |
ResizeWindow(String, Size) |
Resizes window to the specified size
| |
ResizeWindow(String, Int32, Int32) |
Resizes window to the specified size
| |
Rodrigues(Double, Double, Double) |
converts rotation matrix to rotation vector using Rodrigues transformation
| |
Rodrigues(Double, Double, Double) |
converts rotation vector to rotation matrix using Rodrigues transformation
| |
Rodrigues(InputArray, OutputArray, OutputArray) |
converts rotation vector to rotation matrix or vice versa using Rodrigues transformation
| |
Rotate |
Rotates a 2D array in multiples of 90 degrees.
| |
RotatedRectangleIntersection(RotatedRect, RotatedRect, OutputArray) |
Finds out if there is any intersection between two rotated rectangles.
If there is then the vertices of the interesecting region are returned as well.
Below are some examples of intersection configurations.
The hatched pattern indicates the intersecting region and the red
vertices are returned by the function.
| |
RotatedRectangleIntersection(RotatedRect, RotatedRect, Point2f) |
Finds out if there is any intersection between two rotated rectangles.
If there is then the vertices of the interesecting region are returned as well.
Below are some examples of intersection configurations.
The hatched pattern indicates the intersecting region and the red
vertices are returned by the function.
| |
RQDecomp3x3(Double, Double, Double) |
Computes RQ decomposition of 3x3 matrix
| |
RQDecomp3x3(Double, Double, Double, Double, Double, Double) |
Computes RQ decomposition of 3x3 matrix
| |
RQDecomp3x3(InputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray) |
Computes RQ decomposition of 3x3 matrix
| |
SampsonDistance(InputArray, InputArray, InputArray) |
Calculates the Sampson Distance between two points.
| |
SampsonDistance(Point3d, Point3d, Double) |
Calculates the Sampson Distance between two points.
| |
ScaleAdd |
adds scaled array to another one (dst = alpha*src1 + src2)
| |
Scharr |
Calculates the first x- or y- image derivative using Scharr operator
| |
SeamlessClone |
Image editing tasks concern either global changes (color/intensity corrections,
filters, deformations) or local changes concerned to a selection. Here we are
interested in achieving local changes, ones that are restricted to a region
manually selected (ROI), in a seamless and effortless manner. The extent of
the changes ranges from slight distortions to complete replacement by novel
content @cite PM03 .
| |
SelectROI(InputArray, Boolean, Boolean) |
Selects ROI on the given image.
Function creates a window and allows user to select a ROI using mouse.
Controls: use `space` or `enter` to finish selection, use key `c` to cancel selection (function will return the zero cv::Rect).
| |
SelectROI(String, InputArray, Boolean, Boolean) |
Selects ROI on the given image.
Function creates a window and allows user to select a ROI using mouse.
Controls: use `space` or `enter` to finish selection, use key `c` to cancel selection (function will return the zero cv::Rect).
| |
SelectROIs |
Selects ROIs on the given image.
Function creates a window and allows user to select a ROIs using mouse.
Controls: use `space` or `enter` to finish current selection and start a new one,
use `esc` to terminate multiple ROI selection process.
| |
SepFilter2D |
Applies separable linear filter to an image
| |
SetBreakOnError |
Sets/resets the break-on-error mode.
When the break-on-error mode is set, the default error handler issues a hardware exception,
which can make debugging more convenient.
| |
SetIdentity |
initializes scaled identity matrix
| |
SetMouseCallback |
Sets the callback function for mouse events occuring within the specified window.
| |
SetNumThreads |
OpenCV will try to set the number of threads for the next parallel region.
If threads == 0, OpenCV will disable threading optimizations and run all it's functions
sequentially.Passing threads < 0 will reset threads number to system default. This function must
be called outside of parallel region.
OpenCV will try to run its functions with specified threads number, but some behaviour differs from framework:
- `TBB` - User-defined parallel constructions will run with the same threads number, if another is not specified.If later on user creates his own scheduler, OpenCV will use it.
- `OpenMP` - No special defined behaviour.
- `Concurrency` - If threads == 1, OpenCV will disable threading optimizations and run its functions sequentially.
- `GCD` - Supports only values <= 0.
- `C=` - No special defined behaviour.
| |
SetTheRNG |
Sets the thread-local Random number generator
| |
SetTrackbarMax |
Sets the trackbar maximum position.
The function sets the maximum position of the specified trackbar in the specified window.
| |
SetTrackbarMin |
Sets the trackbar minimum position.
The function sets the minimum position of the specified trackbar in the specified window.
| |
SetTrackbarPos |
Sets the trackbar position.
| |
SetUseOptimized |
Turns on/off available optimization.
The function turns on or off the optimized code in OpenCV. Some optimization can not be enabled
or disabled, but, for example, most of SSE code in OpenCV can be temporarily turned on or off this way.
| |
SetWindowProperty |
Changes parameters of a window dynamically.
| |
SetWindowTitle |
Updates window title
| |
Sobel |
Calculates the first, second, third or mixed image derivatives using an extended Sobel operator
| |
Solve |
solves linear system or a least-square problem
| |
SolveCubic |
finds real roots of a cubic polynomial
| |
SolveLP |
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
| |
SolvePnP(InputArray, InputArray, InputArray, InputArray, OutputArray, OutputArray, Boolean, SolvePnPFlags) |
Finds an object pose from 3D-2D point correspondences.
| |
SolvePnP(IEnumerablePoint3f, IEnumerablePoint2f, Double, IEnumerableDouble, Double, Double, Boolean, SolvePnPFlags) |
Finds an object pose from 3D-2D point correspondences.
| |
SolvePnPRansac(IEnumerablePoint3f, IEnumerablePoint2f, Double, IEnumerableDouble, Double, Double) |
computes the camera pose from a few 3D points and the corresponding projections. The outliers are possible.
| |
SolvePnPRansac(InputArray, InputArray, InputArray, InputArray, OutputArray, OutputArray, Boolean, Int32, Single, Double, OutputArray, SolvePnPFlags) |
computes the camera pose from a few 3D points and the corresponding projections. The outliers are possible.
| |
SolvePnPRansac(IEnumerablePoint3f, IEnumerablePoint2f, Double, IEnumerableDouble, Double, Double, Int32, Boolean, Int32, Single, Double, SolvePnPFlags) |
computes the camera pose from a few 3D points and the corresponding projections. The outliers are possible.
| |
SolvePoly |
finds real and complex roots of a polynomial
| |
Sort |
sorts independently each matrix row or each matrix column
| |
SortIdx |
sorts independently each matrix row or each matrix column
| |
SpatialGradient |
Calculates the first order image derivative in both x and y using a Sobel operator
| |
Split(Mat) |
Copies each plane of a multi-channel array to a dedicated array
| |
Split(Mat, Mat) |
Copies each plane of a multi-channel array to a dedicated array
| |
SqrBoxFilter |
Calculates the normalized sum of squares of the pixel values overlapping the filter.
For every pixel f(x, y) in the source image, the function calculates the sum of squares of those neighboring
pixel values which overlap the filter placed over the pixel f(x, y).
The unnormalized square box filter can be useful in computing local image statistics such as the the local
variance and standard deviation around the neighborhood of a pixel.
| |
Sqrt |
computes square root of each matrix element (dst = src**0.5)
| |
StartWindowThread | ||
StereoCalibrate(IEnumerableInputArray, IEnumerableInputArray, IEnumerableInputArray, InputOutputArray, InputOutputArray, InputOutputArray, InputOutputArray, Size, OutputArray, OutputArray, OutputArray, OutputArray, CalibrationFlags, NullableTermCriteria) |
finds intrinsic and extrinsic parameters of a stereo camera
| |
StereoCalibrate(IEnumerableIEnumerablePoint3f, IEnumerableIEnumerablePoint2f, IEnumerableIEnumerablePoint2f, Double, Double, Double, Double, Size, OutputArray, OutputArray, OutputArray, OutputArray, CalibrationFlags, NullableTermCriteria) |
finds intrinsic and extrinsic parameters of a stereo camera
| |
StereoRectify(Double, Double, Double, Double, Size, Double, Double, Double, Double, Double, Double, Double, StereoRectificationFlags, Double, NullableSize) |
computes the rectification transformation for a stereo camera from its intrinsic and extrinsic parameters
| |
StereoRectify(InputArray, InputArray, InputArray, InputArray, Size, InputArray, InputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, StereoRectificationFlags, Double, NullableSize) |
computes the rectification transformation for a stereo camera from its intrinsic and extrinsic parameters
| |
StereoRectify(Double, Double, Double, Double, Size, Double, Double, Double, Double, Double, Double, Double, StereoRectificationFlags, Double, Size, Rect, Rect) |
computes the rectification transformation for a stereo camera from its intrinsic and extrinsic parameters
| |
StereoRectify(InputArray, InputArray, InputArray, InputArray, Size, InputArray, InputArray, OutputArray, OutputArray, OutputArray, OutputArray, OutputArray, StereoRectificationFlags, Double, Size, Rect, Rect) |
computes the rectification transformation for a stereo camera from its intrinsic and extrinsic parameters
| |
StereoRectifyUncalibrated(InputArray, InputArray, InputArray, Size, OutputArray, OutputArray, Double) |
computes the rectification transformation for an uncalibrated stereo camera (zero distortion is assumed)
| |
StereoRectifyUncalibrated(IEnumerablePoint2d, IEnumerablePoint2d, Double, Size, Double, Double, Double) |
computes the rectification transformation for an uncalibrated stereo camera (zero distortion is assumed)
| |
Stylization |
Stylization aims to produce digital imagery with a wide variety of effects
not focused on photorealism. Edge-aware filters are ideal for stylization,
as they can abstract regions of low contrast while preserving, or enhancing,
high-contrast features.
| |
Subtract(InputArray, InputArray, OutputArray, InputArray, Int32) |
Calculates per-element difference between two arrays or array and a scalar
| |
Subtract(InputArray, Scalar, OutputArray, InputArray, Int32) |
Calculates per-element difference between two arrays or array and a scalar
| |
Subtract(Scalar, InputArray, OutputArray, InputArray, Int32) |
Calculates per-element difference between two arrays or array and a scalar
| |
Sum |
computes sum of array elements
| |
SVBackSubst |
performs back substitution for the previously computed SVD
| |
SVDecomp |
decomposes matrix and stores the results to user-provided matrices
| |
TextureFlattening |
By retaining only the gradients at edge locations, before integrating with the
Poisson solver, one washes out the texture of the selected region, giving its
contents a flat aspect. Here Canny Edge Detector is used.
| |
Threshold |
Applies a fixed-level threshold to each array element.
| |
Trace |
computes trace of a matrix
| |
Transform |
performs affine transformation of each element of multi-channel input matrix
| |
Transpose |
transposes the matrix
| |
TriangulatePoints(Double, Double, IEnumerablePoint2d, IEnumerablePoint2d) |
Reconstructs points by triangulation.
| |
TriangulatePoints(InputArray, InputArray, InputArray, InputArray, OutputArray) |
Reconstructs points by triangulation.
| |
Undistort |
corrects lens distortion for the given camera matrix and distortion coefficients
| |
UndistortPoints |
Computes the ideal point coordinates from the observed point coordinates.
| |
UndistortPointsIter |
Computes the ideal point coordinates from the observed point coordinates.
| |
UseOptimized |
Returns the current optimization status.
The function returns the current optimization status, which is controlled by cv::setUseOptimized().
| |
ValidateDisparity |
validates disparity using the left-right check. The matrix "cost" should be computed by the stereo correspondence algorithm
| |
VConcat(IEnumerableMat, OutputArray) |
Applies vertical concatenation to given matrices.
| |
VConcat(InputArray, InputArray, OutputArray) |
Applies vertical concatenation to given matrices.
| |
WaitKey |
Waits for a pressed key.
| |
WaitKeyEx |
Waits for a pressed key.
Similar to #waitKey, but returns full key code.
Key code is implementation specific and depends on used backend: QT/GTK/Win32/etc
| |
WarpAffine |
Applies an affine transformation to an image.
| |
WarpPerspective(InputArray, OutputArray, InputArray, Size, InterpolationFlags, BorderTypes, NullableScalar) |
Applies a perspective transformation to an image.
| |
WarpPerspective(InputArray, OutputArray, Single, Size, InterpolationFlags, BorderTypes, NullableScalar) |
Applies a perspective transformation to an image.
| |
WarpPolar |
Remaps an image to polar or semilog-polar coordinates space.
| |
Watershed |
Performs a marker-based image segmentation using the watershed algorithm.
|