|
int | cv::borderInterpolate (int p, int len, int borderType) |
| 1D interpolation function: returns coordinate of the "donor" pixel for the specified location p. More...
|
|
int | cv::getKernelType (InputArray kernel, Point anchor) |
| returns type (one of KERNEL_*) of 1D or 2D kernel specified by its coefficients. More...
|
|
Ptr< BaseRowFilter > | cv::getLinearRowFilter (int srcType, int bufType, InputArray kernel, int anchor, int symmetryType) |
| returns the primitive row filter with the specified kernel More...
|
|
Ptr< BaseColumnFilter > | cv::getLinearColumnFilter (int bufType, int dstType, InputArray kernel, int anchor, int symmetryType, double delta=0, int bits=0) |
| returns the primitive column filter with the specified kernel More...
|
|
Ptr< BaseFilter > | cv::getLinearFilter (int srcType, int dstType, InputArray kernel, Point anchor=Point(-1,-1), double delta=0, int bits=0) |
| returns 2D filter with the specified kernel More...
|
|
Ptr< FilterEngine > | cv::createSeparableLinearFilter (int srcType, int dstType, InputArray rowKernel, InputArray columnKernel, Point anchor=Point(-1,-1), double delta=0, int rowBorderType=BORDER_DEFAULT, int columnBorderType=-1, const Scalar &borderValue=Scalar()) |
| returns the separable linear filter engine More...
|
|
Ptr< FilterEngine > | cv::createLinearFilter (int srcType, int dstType, InputArray kernel, Point _anchor=Point(-1,-1), double delta=0, int rowBorderType=BORDER_DEFAULT, int columnBorderType=-1, const Scalar &borderValue=Scalar()) |
| returns the non-separable linear filter engine More...
|
|
Mat | cv::getGaussianKernel (int ksize, double sigma, int ktype=CV_64F) |
| returns the Gaussian kernel with the specified parameters More...
|
|
Ptr< FilterEngine > | cv::createGaussianFilter (int type, Size ksize, double sigma1, double sigma2=0, int borderType=BORDER_DEFAULT) |
| returns the Gaussian filter engine More...
|
|
void | cv::getDerivKernels (OutputArray kx, OutputArray ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F) |
| initializes kernels of the generalized Sobel operator More...
|
|
Ptr< FilterEngine > | cv::createDerivFilter (int srcType, int dstType, int dx, int dy, int ksize, int borderType=BORDER_DEFAULT) |
| returns filter engine for the generalized Sobel operator More...
|
|
Ptr< BaseRowFilter > | cv::getRowSumFilter (int srcType, int sumType, int ksize, int anchor=-1) |
| returns horizontal 1D box filter More...
|
|
Ptr< BaseColumnFilter > | cv::getColumnSumFilter (int sumType, int dstType, int ksize, int anchor=-1, double scale=1) |
| returns vertical 1D box filter More...
|
|
Ptr< FilterEngine > | cv::createBoxFilter (int srcType, int dstType, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT) |
| returns box filter engine More...
|
|
Mat | cv::getGaborKernel (Size ksize, double sigma, double theta, double lambd, double gamma, double psi=CV_PI *0.5, int ktype=CV_64F) |
| returns the Gabor kernel with the specified parameters More...
|
|
Ptr< BaseRowFilter > | cv::getMorphologyRowFilter (int op, int type, int ksize, int anchor=-1) |
| returns horizontal 1D morphological filter More...
|
|
Ptr< BaseColumnFilter > | cv::getMorphologyColumnFilter (int op, int type, int ksize, int anchor=-1) |
| returns vertical 1D morphological filter More...
|
|
Ptr< BaseFilter > | cv::getMorphologyFilter (int op, int type, InputArray kernel, Point anchor=Point(-1,-1)) |
| returns 2D morphological filter More...
|
|
Ptr< FilterEngine > | cv::createMorphologyFilter (int op, int type, InputArray kernel, Point anchor=Point(-1,-1), int rowBorderType=BORDER_CONSTANT, int columnBorderType=-1, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| returns morphological filter engine. Only MORPH_ERODE and MORPH_DILATE are supported. More...
|
|
Mat | cv::getStructuringElement (int shape, Size ksize, Point anchor=Point(-1,-1)) |
| returns structuring element of the specified shape and size More...
|
|
void | cv::copyMakeBorder (InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar()) |
| copies 2D array to a larger destination array with extrapolation of the outer part of src using the specified border mode More...
|
|
void | cv::medianBlur (InputArray src, OutputArray dst, int ksize) |
| smooths the image using median filter. More...
|
|
void | cv::GaussianBlur (InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT) |
| smooths the image using Gaussian filter. More...
|
|
void | cv::bilateralFilter (InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT) |
| smooths the image using bilateral filter More...
|
|
void | cv::adaptiveBilateralFilter (InputArray src, OutputArray dst, Size ksize, double sigmaSpace, double maxSigmaColor=20.0, Point anchor=Point(-1, -1), int borderType=BORDER_DEFAULT) |
| smooths the image using adaptive bilateral filter More...
|
|
void | cv::boxFilter (InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT) |
| smooths the image using the box filter. Each pixel is processed in O(1) time More...
|
|
void | cv::blur (InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT) |
| a synonym for normalized box filter More...
|
|
void | cv::filter2D (InputArray src, OutputArray dst, int ddepth, InputArray kernel, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT) |
| applies non-separable 2D linear filter to the image More...
|
|
void | cv::sepFilter2D (InputArray src, OutputArray dst, int ddepth, InputArray kernelX, InputArray kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT) |
| applies separable 2D linear filter to the image More...
|
|
void | cv::Sobel (InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| applies generalized Sobel operator to the image More...
|
|
void | cv::Scharr (InputArray src, OutputArray dst, int ddepth, int dx, int dy, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| applies the vertical or horizontal Scharr operator to the image More...
|
|
void | cv::Laplacian (InputArray src, OutputArray dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| applies Laplacian operator to the image More...
|
|
void | cv::Canny (InputArray image, OutputArray edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false) |
| applies Canny edge detector and produces the edge map. More...
|
|
void | cv::cornerMinEigenVal (InputArray src, OutputArray dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT) |
| computes minimum eigen value of 2x2 derivative covariation matrix at each pixel - the cornerness criteria More...
|
|
void | cv::cornerHarris (InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT) |
| computes Harris cornerness criteria at each image pixel More...
|
|
void | cv::eigen2x2 (const float *a, float *e, int n) |
|
void | cv::cornerEigenValsAndVecs (InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT) |
| computes both eigenvalues and the eigenvectors of 2x2 derivative covariation matrix at each pixel. The output is stored as 6-channel matrix. More...
|
|
void | cv::preCornerDetect (InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT) |
| computes another complex cornerness criteria at each pixel More...
|
|
void | cv::cornerSubPix (InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria) |
| adjusts the corner locations with sub-pixel accuracy to maximize the certain cornerness criteria More...
|
|
void | cv::goodFeaturesToTrack (InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask=noArray(), int blockSize=3, bool useHarrisDetector=false, double k=0.04) |
| finds the strong enough corners where the cornerMinEigenVal() or cornerHarris() report the local maxima More...
|
|
void | cv::HoughLines (InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0) |
| finds lines in the black-n-white image using the standard or pyramid Hough transform More...
|
|
void | cv::HoughLinesP (InputArray image, OutputArray lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0) |
| finds line segments in the black-n-white image using probabilistic Hough transform More...
|
|
void | cv::HoughCircles (InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0) |
| finds circles in the grayscale image using 2+1 gradient Hough transform More...
|
|
void | cv::erode (InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| erodes the image (applies the local minimum operator) More...
|
|
void | cv::dilate (InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| dilates the image (applies the local maximum operator) More...
|
|
void | cv::morphologyEx (InputArray src, OutputArray dst, int op, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| applies an advanced morphological operation to the image More...
|
|
void | cv::resize (InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR) |
| resizes the image More...
|
|
void | cv::warpAffine (InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| warps the image using affine transformation More...
|
|
void | cv::warpPerspective (InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| warps the image using perspective transformation More...
|
|
void | cv::remap (InputArray src, OutputArray dst, InputArray map1, InputArray map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| warps the image using the precomputed maps. The maps are stored in either floating-point or integer fixed-point format More...
|
|
void | cv::convertMaps (InputArray map1, InputArray map2, OutputArray dstmap1, OutputArray dstmap2, int dstmap1type, bool nninterpolation=false) |
| converts maps for remap from floating-point to fixed-point format or backwards More...
|
|
Mat | cv::getRotationMatrix2D (Point2f center, double angle, double scale) |
| returns 2x3 affine transformation matrix for the planar rotation. More...
|
|
Mat | cv::getPerspectiveTransform (const Point2f src[], const Point2f dst[]) |
| returns 3x3 perspective transformation for the corresponding 4 point pairs. More...
|
|
Mat | cv::getAffineTransform (const Point2f src[], const Point2f dst[]) |
| returns 2x3 affine transformation for the corresponding 3 point pairs. More...
|
|
void | cv::invertAffineTransform (InputArray M, OutputArray iM) |
| computes 2x3 affine transformation matrix that is inverse to the specified 2x3 affine transformation. More...
|
|
Mat | cv::getPerspectiveTransform (InputArray src, InputArray dst) |
|
Mat | cv::getAffineTransform (InputArray src, InputArray dst) |
|
void | cv::getRectSubPix (InputArray image, Size patchSize, Point2f center, OutputArray patch, int patchType=-1) |
| extracts rectangle from the image at sub-pixel location More...
|
|
void | cv::integral (InputArray src, OutputArray sum, int sdepth=-1) |
| computes the integral image More...
|
|
| cv::CV_EXPORTS_AS (integral2) void integral(InputArray src |
| computes the integral image and integral for the squared image More...
|
|
| cv::CV_EXPORTS_AS (integral3) void integral(InputArray src |
| computes the integral image, integral for the squared image and the tilted integral image More...
|
|
void | cv::accumulate (InputArray src, InputOutputArray dst, InputArray mask=noArray()) |
| adds image to the accumulator (dst += src). Unlike cv::add, dst and src can have different types. More...
|
|
void | cv::accumulateSquare (InputArray src, InputOutputArray dst, InputArray mask=noArray()) |
| adds squared src image to the accumulator (dst += src*src). More...
|
|
void | cv::accumulateProduct (InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray()) |
| adds product of the 2 images to the accumulator (dst += src1*src2). More...
|
|
void | cv::accumulateWeighted (InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray()) |
| updates the running average (dst = dst*(1-alpha) + src*alpha) More...
|
|
double | cv::PSNR (InputArray src1, InputArray src2) |
| computes PSNR image/video quality metric More...
|
|
Point2d | cv::phaseCorrelate (InputArray src1, InputArray src2, InputArray window=noArray()) |
|
Point2d | cv::phaseCorrelateRes (InputArray src1, InputArray src2, InputArray window, CV_OUT double *response=0) |
|
void | cv::createHanningWindow (OutputArray dst, Size winSize, int type) |
|
double | cv::threshold (InputArray src, OutputArray dst, double thresh, double maxval, int type) |
| applies fixed threshold to the image More...
|
|
void | cv::adaptiveThreshold (InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C) |
| applies variable (adaptive) threshold to the image More...
|
|
void | cv::pyrDown (InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT) |
| smooths and downsamples the image More...
|
|
void | cv::pyrUp (InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT) |
| upsamples and smoothes the image More...
|
|
void | cv::buildPyramid (InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT) |
| builds the gaussian pyramid using pyrDown() as a basic operation More...
|
|
void | cv::undistort (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray()) |
| corrects lens distortion for the given camera matrix and distortion coefficients More...
|
|
void | cv::initUndistortRectifyMap (InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, Size size, int m1type, OutputArray map1, OutputArray map2) |
| initializes maps for cv::remap() to correct lens distortion and optionally rectify the image More...
|
|
float | cv::initWideAngleProjMap (InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, int projType=PROJ_SPHERICAL_EQRECT, double alpha=0) |
| initializes maps for cv::remap() for wide-angle More...
|
|
Mat | cv::getDefaultNewCameraMatrix (InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false) |
| returns the default new camera matrix (by default it is the same as cameraMatrix unless centerPricipalPoint=true) More...
|
|
void | cv::undistortPoints (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R=noArray(), InputArray P=noArray()) |
| returns points' coordinates after lens distortion correction More...
|
|
void | cv::calcHist (const Mat *images, int nimages, const int *channels, InputArray mask, OutputArray hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false) |
| computes the joint dense histogram for a set of images. More...
|
|
void | cv::calcHist (const Mat *images, int nimages, const int *channels, InputArray mask, SparseMat &hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false) |
| computes the joint sparse histogram for a set of images. More...
|
|
void | cv::calcHist (InputArrayOfArrays images, const vector< int > &channels, InputArray mask, OutputArray hist, const vector< int > &histSize, const vector< float > &ranges, bool accumulate=false) |
|
void | cv::calcBackProject (const Mat *images, int nimages, const int *channels, InputArray hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true) |
| computes back projection for the set of images More...
|
|
void | cv::calcBackProject (const Mat *images, int nimages, const int *channels, const SparseMat &hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true) |
| computes back projection for the set of images More...
|
|
void | cv::calcBackProject (InputArrayOfArrays images, const vector< int > &channels, InputArray hist, OutputArray dst, const vector< float > &ranges, double scale) |
|
double | cv::compareHist (InputArray H1, InputArray H2, int method) |
| compares two histograms stored in dense arrays More...
|
|
double | cv::compareHist (const SparseMat &H1, const SparseMat &H2, int method) |
| compares two histograms stored in sparse arrays More...
|
|
void | cv::equalizeHist (InputArray src, OutputArray dst) |
| normalizes the grayscale image brightness and contrast by normalizing its histogram More...
|
|
Ptr< CLAHE > | cv::createCLAHE (double clipLimit=40.0, Size tileGridSize=Size(8, 8)) |
|
float | cv::EMD (InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), float *lowerBound=0, OutputArray flow=noArray()) |
|
void | cv::watershed (InputArray image, InputOutputArray markers) |
| segments the image using watershed algorithm More...
|
|
void | cv::pyrMeanShiftFiltering (InputArray src, OutputArray dst, double sp, double sr, int maxLevel=1, TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1)) |
| filters image using meanshift algorithm More...
|
|
void | cv::grabCut (InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL) |
| segments the image using GrabCut algorithm More...
|
|
| cv::CV_EXPORTS_AS (distanceTransformWithLabels) void distanceTransform(InputArray src |
| builds the discrete Voronoi diagram More...
|
|
void | cv::distanceTransform (InputArray src, OutputArray dst, int distanceType, int maskSize) |
| computes the distance transform map More...
|
|
int | cv::floodFill (InputOutputArray image, Point seedPoint, Scalar newVal, CV_OUT Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4) |
| fills the semi-uniform image region starting from the specified seed point More...
|
|
int | cv::floodFill (InputOutputArray image, InputOutputArray mask, Point seedPoint, Scalar newVal, CV_OUT Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4) |
| fills the semi-uniform image region and/or the mask starting from the specified seed point More...
|
|
void | cv::cvtColor (InputArray src, OutputArray dst, int code, int dstCn=0) |
| converts image from one color space to another More...
|
|
Moments | cv::moments (InputArray array, bool binaryImage=false) |
| computes moments of the rasterized shape or a vector of points More...
|
|
void | cv::HuMoments (const Moments &moments, double hu[7]) |
| computes 7 Hu invariants from the moments More...
|
|
void | cv::HuMoments (const Moments &m, CV_OUT OutputArray hu) |
|
void | cv::matchTemplate (InputArray image, InputArray templ, OutputArray result, int method) |
| computes the proximity map for the raster template and the image where the template is searched for More...
|
|
void | cv::findContours (InputOutputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point()) |
| retrieves contours and the hierarchical information from black-n-white image. More...
|
|
void | cv::findContours (InputOutputArray image, OutputArrayOfArrays contours, int mode, int method, Point offset=Point()) |
| retrieves contours from black-n-white image. More...
|
|
void | cv::drawContours (InputOutputArray image, InputArrayOfArrays contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=8, InputArray hierarchy=noArray(), int maxLevel=INT_MAX, Point offset=Point()) |
| draws contours in the image More...
|
|
void | cv::approxPolyDP (InputArray curve, OutputArray approxCurve, double epsilon, bool closed) |
| approximates contour or a curve using Douglas-Peucker algorithm More...
|
|
double | cv::arcLength (InputArray curve, bool closed) |
| computes the contour perimeter (closed=true) or a curve length More...
|
|
Rect | cv::boundingRect (InputArray points) |
| computes the bounding rectangle for a contour More...
|
|
double | cv::contourArea (InputArray contour, bool oriented=false) |
| computes the contour area More...
|
|
RotatedRect | cv::minAreaRect (InputArray points) |
| computes the minimal rotated rectangle for a set of points More...
|
|
void | cv::minEnclosingCircle (InputArray points, CV_OUT Point2f ¢er, CV_OUT float &radius) |
| computes the minimal enclosing circle for a set of points More...
|
|
double | cv::matchShapes (InputArray contour1, InputArray contour2, int method, double parameter) |
| matches two contours using one of the available algorithms More...
|
|
void | cv::convexHull (InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true) |
| computes convex hull for a set of 2D points. More...
|
|
void | cv::convexityDefects (InputArray contour, InputArray convexhull, OutputArray convexityDefects) |
| computes the contour convexity defects More...
|
|
bool | cv::isContourConvex (InputArray contour) |
| returns true if the contour is convex. Does not support contours with self-intersection More...
|
|
float | cv::intersectConvexConvex (InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true) |
| finds intersection of two convex polygons More...
|
|
RotatedRect | cv::fitEllipse (InputArray points) |
| fits ellipse to the set of 2D points More...
|
|
void | cv::fitLine (InputArray points, OutputArray line, int distType, double param, double reps, double aeps) |
| fits line to the set of 2D points using M-estimator algorithm More...
|
|
double | cv::pointPolygonTest (InputArray contour, Point2f pt, bool measureDist) |
| checks if the point is inside the contour. Optionally computes the signed distance from the point to the contour boundary More...
|
|