cv.RQDecomp3x3 | calib3d | opencv | Computes an RQ decomposition of 3x3 matrices | C M T |
cv.Rodrigues | calib3d | opencv | Converts a rotation matrix to a rotation vector or vice versa | C M T |
cv.StereoBM | calib3d | opencv | Class for computing stereo correspondence using the block matching algorithm | C M T |
cv.StereoSGBM | calib3d | opencv | Class for computing stereo correspondence using the semi-global block matching algorithm | C M T |
cv.calibrateCamera | calib3d | opencv | Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern | C M T |
cv.calibrationMatrixValues | calib3d | opencv | Computes useful camera characteristics from the camera matrix | C M T |
cv.composeRT | calib3d | opencv | Combines two rotation-and-shift transformations | C M T |
cv.computeCorrespondEpilines | calib3d | opencv | For points in an image of a stereo pair, computes the corresponding epilines in the other image | C M T |
cv.convertPointsFromHomogeneous | calib3d | opencv | Converts points from homogeneous to Euclidean space | C M T |
cv.convertPointsToHomogeneous | calib3d | opencv | Converts points from Euclidean to homogeneous space | C M T |
cv.correctMatches | calib3d | opencv | Refines coordinates of corresponding points | C M T |
cv.decomposeEssentialMat | calib3d | opencv | Decompose an essential matrix to possible rotations and translation | C M T |
cv.decomposeHomographyMat | calib3d | opencv | Decompose a homography matrix to rotation(s), translation(s) and plane normal(s) | C M T |
cv.decomposeProjectionMatrix | calib3d | opencv | Decomposes a projection matrix into a rotation matrix and a camera matrix | C M T |
cv.drawChessboardCorners | calib3d | opencv | Renders the detected chessboard corners | C M T |
cv.estimateAffine2D | calib3d | opencv | Computes an optimal affine transformation between two 2D point sets | C M T |
cv.estimateAffine3D | calib3d | opencv | Computes an optimal affine transformation between two 3D point sets | C M T |
cv.estimateAffinePartial2D | calib3d | opencv | Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets | C M T |
cv.filterSpeckles | calib3d | opencv | Filters off small noise blobs (speckles) in the disparity map | C M T |
cv.find4QuadCornerSubpix | calib3d | opencv | Finds subpixel-accurate positions of the chessboard corners | C M T |
cv.findChessboardCorners | calib3d | opencv | Finds the positions of internal corners of the chessboard | C M T |
cv.findCirclesGrid | calib3d | opencv | Finds the centers in the grid of circles | C M T |
cv.findEssentialMat | calib3d | opencv | Calculates an essential matrix from the corresponding points in two images | C M T |
cv.findFundamentalMat | calib3d | opencv | Calculates a fundamental matrix from the corresponding points in two images | C M T |
cv.findHomography | calib3d | opencv | Finds a perspective transformation between two planes | C M T |
cv.fisheyeCalibrate | calib3d | opencv | Performs camera calibration (fisheye) | C M T |
cv.fisheyeDistortPoints | calib3d | opencv | Distorts 2D points using fisheye model | C M T |
cv.fisheyeEstimateNewCameraMatrixForUndistortRectify | calib3d | opencv | Estimates new camera matrix for undistortion or rectification (fisheye) | C M T |
cv.fisheyeInitUndistortRectifyMap | calib3d | opencv | Computes undistortion and rectification maps (fisheye) | C M T |
cv.fisheyeProjectPoints | calib3d | opencv | Projects points using fisheye model | C M T |
cv.fisheyeStereoCalibrate | calib3d | opencv | Performs stereo calibration (fisheye) | C M T |
cv.fisheyeStereoRectify | calib3d | opencv | Stereo rectification for fisheye camera model | C M T |
cv.fisheyeUndistortImage | calib3d | opencv | Transforms an image to compensate for fisheye lens distortion | C M T |
cv.fisheyeUndistortPoints | calib3d | opencv | Undistorts 2D points using fisheye model | C M T |
cv.getOptimalNewCameraMatrix | calib3d | opencv | Returns the new camera matrix based on the free scaling parameter | C M T |
cv.getValidDisparityROI | calib3d | opencv | Computes valid disparity ROI from the valid ROIs of the rectified images | C M T |
cv.initCameraMatrix2D | calib3d | opencv | Finds an initial camera matrix from 3D-2D point correspondences | C M T |
cv.matMulDeriv | calib3d | opencv | Computes partial derivatives of the matrix product for each multiplied matrix | C M T |
cv.projectPoints | calib3d | opencv | Projects 3D points to an image plane | C M T |
cv.recoverPose | calib3d | opencv | Recover relative camera rotation and translation from an estimated essential matrix and the corresponding points in two images, using cheirality check | C M T |
cv.rectify3Collinear | calib3d | opencv | Computes the rectification transformations for 3-head camera, where all the heads are on the same line | C M T |
cv.reprojectImageTo3D | calib3d | opencv | Reprojects a disparity image to 3D space | C M T |
cv.sampsonDistance | calib3d | opencv | Calculates the Sampson Distance between two points | C M T |
cv.solveP3P | calib3d | opencv | Finds an object pose from 3 3D-2D point correspondences | C M T |
cv.solvePnP | calib3d | opencv | Finds an object pose from 3D-2D point correspondences | C M T |
cv.solvePnPRansac | calib3d | opencv | Finds an object pose from 3D-2D point correspondences using the RANSAC scheme | C M T |
cv.stereoCalibrate | calib3d | opencv | Calibrates the stereo camera | C M T |
cv.stereoRectify | calib3d | opencv | Computes rectification transforms for each head of a calibrated stereo camera | C M T |
cv.stereoRectifyUncalibrated | calib3d | opencv | Computes a rectification transform for an uncalibrated stereo camera | C M T |
cv.triangulatePoints | calib3d | opencv | Reconstructs points by triangulation | C M T |
cv.validateDisparity | calib3d | opencv | Validates disparity using the left-right check | C M T |
cv.ConjGradSolver | core | opencv | Non-linear non-constrained minimization of a function with known gradient | C M T |
cv.DownhillSolver | core | opencv | Non-linear non-constrained minimization of a function | C M T |
cv.FileStorage | core | opencv | Reading from or writing to a XML/YAML/JSON file storage | C M T |
cv.LDA | core | opencv | Linear Discriminant Analysis | C M T |
cv.LUT | core | opencv | Performs a look-up table transform of an array | C M T |
cv.Mahalanobis | core | opencv | Calculates the Mahalanobis distance between two vectors | C M T |
cv.PCA | core | opencv | Principal Component Analysis class | C M T |
cv.PSNR | core | opencv | Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric | C M T |
cv.Rect | core | opencv | Class for 2D rectangles | C M T |
cv.RotatedRect | core | opencv | The class represents rotated (i.e. not up-right) rectangles on a plane | C M T |
cv.SVD | core | opencv | Singular Value Decomposition | C M T |
cv.TickMeter | core | opencv | A class to measure passing time | C M T |
cv.Utils | core | opencv | Utility and system information functions | C M T |
cv.absdiff | core | opencv | Calculates the per-element absolute difference between two arrays or between an array and a scalar | C M T |
cv.add | core | opencv | Calculates the per-element sum of two arrays or an array and a scalar | C M T |
cv.addWeighted | core | opencv | Calculates the weighted sum of two arrays | C M T |
cv.batchDistance | core | opencv | Naive nearest neighbor finder | C M T |
cv.bitwise_and | core | opencv | Calculates the per-element bit-wise conjunction of two arrays or an array and a scalar | C M T |
cv.bitwise_not | core | opencv | Inverts every bit of an array | C M T |
cv.bitwise_or | core | opencv | Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar | C M T |
cv.bitwise_xor | core | opencv | Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar | C M T |
cv.borderInterpolate | core | opencv | Computes the source location of an extrapolated pixel | C M T |
cv.calcCovarMatrix | core | opencv | Calculates the covariance matrix of a set of vectors | C M T |
cv.cartToPolar | core | opencv | Calculates the magnitude and angle of 2D vectors | C M T |
cv.compare | core | opencv | Performs the per-element comparison of two arrays or an array and scalar value | C M T |
cv.convertFp16 | core | opencv | Converts an array to half precision floating number | C M T |
cv.convertScaleAbs | core | opencv | Scales, calculates absolute values, and converts the result to 8-bit | C M T |
cv.convertTo | core | opencv | Converts an array to another data type with optional scaling | C M T |
cv.copyMakeBorder | core | opencv | Forms a border around an image | C M T |
cv.copyTo | core | opencv | Copies the matrix to another one | C M T |
cv.dct | core | opencv | Performs a forward or inverse discrete Cosine transform of 1D or 2D array | C M T |
cv.dft | core | opencv | Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array | C M T |
cv.divide | core | opencv | Performs per-element division of two arrays or a scalar by an array | C M T |
cv.eigen | core | opencv | Calculates eigenvalues and eigenvectors of a symmetric matrix | C M T |
cv.eigenNonSymmetric | core | opencv | Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only) | C M T |
cv.flip | core | opencv | Flips a 2D array around vertical, horizontal, or both axes | C M T |
cv.getBuildInformation | core | opencv | Returns OpenCV build information | C M T |
cv.getOptimalDFTSize | core | opencv | Returns the optimal DFT size for a given vector size | C M T |
cv.glob | core | opencv | Find all pathnames matching a specified pattern | C M T |
cv.inRange | core | opencv | Checks if array elements lie between the elements of two other arrays | C M T |
cv.invert | core | opencv | Finds the inverse or pseudo-inverse of a matrix | C M T |
cv.kmeans | core | opencv | Finds centers of clusters and groups input samples around the clusters | C M T |
cv.magnitude | core | opencv | Calculates the magnitude of 2D vectors | C M T |
cv.mulSpectrums | core | opencv | Performs the per-element multiplication of two Fourier spectrums | C M T |
cv.multiply | core | opencv | Calculates the per-element scaled product of two arrays | C M T |
cv.norm | core | opencv | Calculates absolute array norm, absolute difference norm, or relative difference norm | C M T |
cv.normalize | core | opencv | Normalizes the norm or value range of an array | C M T |
cv.perspectiveTransform | core | opencv | Performs the perspective matrix transformation of vectors | C M T |
cv.phase | core | opencv | Calculates the rotation angle of 2D vectors | C M T |
cv.polarToCart | core | opencv | Calculates x and y coordinates of 2D vectors from their magnitude and angle | C M T |
cv.rotate | core | opencv | Rotates a 2D array in multiples of 90 degrees | C M T |
cv.setRNGSeed | core | opencv | Sets state of default random number generator | C M T |
cv.solve | core | opencv | Solves one or more linear systems or least-squares problems | C M T |
cv.solveLP | core | opencv | Solve given (non-integer) linear programming problem using the Simplex Algorithm | C M T |
cv.subtract | core | opencv | Calculates the per-element difference between two arrays or array and a scalar | C M T |
cv.tempfile | core | opencv | Return name of a temporary file | C M T |
cv.transform | core | opencv | Performs the matrix transformation of every array element | C M T |
cv.Net | dnn | opencv | Create and manipulate comprehensive artificial neural networks | C M T |
cv.AGAST | features2d | opencv | Detects corners using the AGAST algorithm | C M T |
cv.AKAZE | features2d | opencv | Class implementing the AKAZE keypoint detector and descriptor extractor | C M T |
cv.AgastFeatureDetector | features2d | opencv | Wrapping class for feature detection using the AGAST method | C M T |
cv.BOWImgDescriptorExtractor | features2d | opencv | Class to compute an image descriptor using the bag of visual words | C M T |
cv.BOWKMeansTrainer | features2d | opencv | KMeans-based class to train visual vocabulary using the bag of visual words approach | C M T |
cv.BRISK | features2d | opencv | Class implementing the BRISK keypoint detector and descriptor extractor | C M T |
cv.DescriptorExtractor | features2d | opencv | Common interface of 2D image Descriptor Extractors | C M T |
cv.DescriptorMatcher | features2d | opencv | Common interface for matching keypoint descriptors | C M T |
cv.FAST | features2d | opencv | Detects corners using the FAST algorithm | C M T |
cv.FastFeatureDetector | features2d | opencv | Wrapping class for feature detection using the FAST method | C M T |
cv.FeatureDetector | features2d | opencv | Common interface of 2D image Feature Detectors | C M T |
cv.GFTTDetector | features2d | opencv | Wrapping class for feature detection using the goodFeaturesToTrack function | C M T |
cv.KAZE | features2d | opencv | Class implementing the KAZE keypoint detector and descriptor extractor | C M T |
cv.KeyPointsFilter | features2d | opencv | Methods to filter a vector of keypoints | C M T |
cv.MSER | features2d | opencv | Maximally Stable Extremal Region extractor | C M T |
cv.ORB | features2d | opencv | Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor | C M T |
cv.SimpleBlobDetector | features2d | opencv | Class for extracting blobs from an image | C M T |
cv.computeRecallPrecisionCurve | features2d | opencv | Evaluate a descriptor extractor by computing precision/recall curve | C M T |
cv.drawKeypoints | features2d | opencv | Draws keypoints | C M T |
cv.drawMatches | features2d | opencv | Draws the found matches of keypoints from two images | C M T |
cv.evaluateFeatureDetector | features2d | opencv | Evaluates a feature detector | C M T |
cv.imdecode | imgcodecs | opencv | Reads an image from a buffer in memory | C M T |
cv.imencode | imgcodecs | opencv | Encodes an image into a memory buffer | C M T |
cv.imread | imgcodecs | opencv | Loads an image from a file | C M T |
cv.imreadmulti | imgcodecs | opencv | Loads a multi-page image from a file | C M T |
cv.imwrite | imgcodecs | opencv | Saves an image to a specified file | C M T |
cv.CLAHE | imgproc | opencv | Contrast Limited Adaptive Histogram Equalization | C M T |
cv.Canny | imgproc | opencv | Finds edges in an image using the Canny algorithm | C M T |
cv.Canny2 | imgproc | opencv | Finds edges in an image using the Canny algorithm with custom image gradient | C M T |
cv.EMD | imgproc | opencv | Computes the "minimal work" distance between two weighted point configurations | C M T |
cv.GaussianBlur | imgproc | opencv | Smooths an image using a Gaussian filter | C M T |
cv.GeneralizedHoughBallard | imgproc | opencv | Generalized Hough transform | C M T |
cv.GeneralizedHoughGuil | imgproc | opencv | Generalized Hough transform | C M T |
cv.HoughCircles | imgproc | opencv | Finds circles in a grayscale image using the Hough transform | C M T |
cv.HoughLines | imgproc | opencv | Finds lines in a binary image using the standard Hough transform | C M T |
cv.HoughLinesP | imgproc | opencv | Finds line segments in a binary image using the probabilistic Hough transform | C M T |
cv.HoughLinesPointSet | imgproc | opencv | Finds lines in a set of points using the standard Hough transform | C M T |
cv.HuMoments | imgproc | opencv | Calculates seven Hu invariants | C M T |
cv.Laplacian | imgproc | opencv | Calculates the Laplacian of an image | C M T |
cv.LineIterator | imgproc | opencv | Raster line iterator | C M T |
cv.LineSegmentDetector | imgproc | opencv | Line segment detector class | C M T |
cv.Scharr | imgproc | opencv | Calculates the first x- or y- image derivative using Scharr operator | C M T |
cv.Sobel | imgproc | opencv | Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator | C M T |
cv.Subdiv2D | imgproc | opencv | Delaunay triangulation and Voronoi tessellation | C M T |
cv.accumulate | imgproc | opencv | Adds an image to the accumulator image | C M T |
cv.accumulateProduct | imgproc | opencv | Adds the per-element product of two input images to the accumulator | C M T |
cv.accumulateSquare | imgproc | opencv | Adds the square of a source image to the accumulator image | C M T |
cv.accumulateWeighted | imgproc | opencv | Updates a running average | C M T |
cv.adaptiveThreshold | imgproc | opencv | Applies an adaptive threshold to an array | C M T |
cv.applyColorMap | imgproc | opencv | Applies a GNU Octave/MATLAB equivalent colormap on a given image | C M T |
cv.approxPolyDP | imgproc | opencv | Approximates a polygonal curve(s) with the specified precision | C M T |
cv.arcLength | imgproc | opencv | Calculates a contour perimeter or a curve length | C M T |
cv.arrowedLine | imgproc | opencv | Draws an arrow segment pointing from the first point to the second one | C M T |
cv.bilateralFilter | imgproc | opencv | Applies the bilateral filter to an image | C M T |
cv.blendLinear | imgproc | opencv | Performs linear blending of two images | C M T |
cv.blur | imgproc | opencv | Smooths an image using the normalized box filter | C M T |
cv.boundingRect | imgproc | opencv | Calculates the up-right bounding rectangle of a point set | C M T |
cv.boxFilter | imgproc | opencv | Blurs an image using the box filter | C M T |
cv.boxPoints | imgproc | opencv | Finds the four vertices of a rotated rectangle | C M T |
cv.buildPyramid | imgproc | opencv | Constructs the Gaussian pyramid for an image | C M T |
cv.calcBackProject | imgproc | opencv | Calculates the back projection of a histogram | C M T |
cv.calcHist | imgproc | opencv | Calculates a histogram of a set of arrays | C M T |
cv.circle | imgproc | opencv | Draws a circle | C M T |
cv.clipLine | imgproc | opencv | Clips the line against the image rectangle | C M T |
cv.compareHist | imgproc | opencv | Compares two histograms | C M T |
cv.connectedComponents | imgproc | opencv | Computes the connected components labeled image of boolean image | C M T |
cv.contourArea | imgproc | opencv | Calculates a contour area | C M T |
cv.convertMaps | imgproc | opencv | Converts image transformation maps from one representation to another | C M T |
cv.convexHull | imgproc | opencv | Finds the convex hull of a point set | C M T |
cv.convexityDefects | imgproc | opencv | Finds the convexity defects of a contour | C M T |
cv.cornerEigenValsAndVecs | imgproc | opencv | Calculates eigenvalues and eigenvectors of image blocks for corner detection | C M T |
cv.cornerHarris | imgproc | opencv | Harris corner detector | C M T |
cv.cornerMinEigenVal | imgproc | opencv | Calculates the minimal eigenvalue of gradient matrices for corner detection | C M T |
cv.cornerSubPix | imgproc | opencv | Refines the corner locations | C M T |
cv.createHanningWindow | imgproc | opencv | Computes a Hanning window coefficients in two dimensions | C M T |
cv.cvtColor | imgproc | opencv | Converts an image from one color space to another | C M T |
cv.cvtColorTwoPlane | imgproc | opencv | Dual-plane color conversion modes | C M T |
cv.demosaicing | imgproc | opencv | Demosaicing algorithm | C M T |
cv.dilate | imgproc | opencv | Dilates an image by using a specific structuring element | C M T |
cv.distanceTransform | imgproc | opencv | Calculates the distance to the closest zero pixel for each pixel of the source image | C M T |
cv.drawContours | imgproc | opencv | Draws contours outlines or filled contours | C M T |
cv.drawMarker | imgproc | opencv | Draws a marker on a predefined position in an image | C M T |
cv.ellipse | imgproc | opencv | Draws a simple or thick elliptic arc or fills an ellipse sector | C M T |
cv.ellipse2Poly | imgproc | opencv | Approximates an elliptic arc with a polyline | C M T |
cv.equalizeHist | imgproc | opencv | Equalizes the histogram of a grayscale image | C M T |
cv.erode | imgproc | opencv | Erodes an image by using a specific structuring element | C M T |
cv.fillConvexPoly | imgproc | opencv | Fills a convex polygon | C M T |
cv.fillPoly | imgproc | opencv | Fills the area bounded by one or more polygons | C M T |
cv.filter2D | imgproc | opencv | Convolves an image with the kernel | C M T |
cv.findContours | imgproc | opencv | Finds contours in a binary image | C M T |
cv.fitEllipse | imgproc | opencv | Fits an ellipse around a set of 2D points | C M T |
cv.fitLine | imgproc | opencv | Fits a line to a 2D or 3D point set | C M T |
cv.floodFill | imgproc | opencv | Fills a connected component with the given color | C M T |
cv.getAffineTransform | imgproc | opencv | Calculates an affine transform from three pairs of corresponding points | C M T |
cv.getDefaultNewCameraMatrix | imgproc | opencv | Returns the default new camera matrix | C M T |
cv.getDerivKernels | imgproc | opencv | Returns filter coefficients for computing spatial image derivatives | C M T |
cv.getFontScaleFromHeight | imgproc | opencv | Calculates the font-specific size to use to achieve a given height in pixels | C M T |
cv.getGaborKernel | imgproc | opencv | Returns Gabor filter coefficients | C M T |
cv.getGaussianKernel | imgproc | opencv | Returns Gaussian filter coefficients | C M T |
cv.getPerspectiveTransform | imgproc | opencv | Calculates a perspective transform from four pairs of the corresponding points | C M T |
cv.getRectSubPix | imgproc | opencv | Retrieves a pixel rectangle from an image with sub-pixel accuracy | C M T |
cv.getRotationMatrix2D | imgproc | opencv | Calculates an affine matrix of 2D rotation | C M T |
cv.getStructuringElement | imgproc | opencv | Returns a structuring element of the specified size and shape for morphological operations | C M T |
cv.getTextSize | imgproc | opencv | Calculates the width and height of a text string | C M T |
cv.goodFeaturesToTrack | imgproc | opencv | Determines strong corners on an image | C M T |
cv.grabCut | imgproc | opencv | Runs the GrabCut algorithm | C M T |
cv.initUndistortRectifyMap | imgproc | opencv | Computes the undistortion and rectification transformation map | C M T |
cv.initWideAngleProjMap | imgproc | opencv | Initializes maps for cv.remap for wide-angle | C M T |
cv.integral | imgproc | opencv | Calculates the integral of an image | C M T |
cv.intersectConvexConvex | imgproc | opencv | Finds intersection of two convex polygons | C M T |
cv.invertAffineTransform | imgproc | opencv | Inverts an affine transformation | C M T |
cv.isContourConvex | imgproc | opencv | Tests a contour convexity | C M T |
cv.line | imgproc | opencv | Draws a line segment connecting two points | C M T |
cv.linearPolar | imgproc | opencv | Remaps an image to polar coordinates space | C M T |
cv.logPolar | imgproc | opencv | Remaps an image to semilog-polar coordinates space | C M T |
cv.matchShapes | imgproc | opencv | Compares two shapes | C M T |
cv.matchTemplate | imgproc | opencv | Compares a template against overlapped image regions | C M T |
cv.medianBlur | imgproc | opencv | Blurs an image using the median filter | C M T |
cv.minAreaRect | imgproc | opencv | Finds a rotated rectangle of the minimum area enclosing the input 2D point set | C M T |
cv.minEnclosingCircle | imgproc | opencv | Finds a circle of the minimum area enclosing a 2D point set | C M T |
cv.minEnclosingTriangle | imgproc | opencv | Finds a triangle of minimum area enclosing a 2D point set and returns its area | C M T |
cv.moments | imgproc | opencv | Calculates all of the moments up to the third order of a polygon or rasterized shape | C M T |
cv.morphologyEx | imgproc | opencv | Performs advanced morphological transformations | C M T |
cv.phaseCorrelate | imgproc | opencv | Detect translational shifts that occur between two images | C M T |
cv.pointPolygonTest | imgproc | opencv | Performs a point-in-contour test | C M T |
cv.polylines | imgproc | opencv | Draws several polygonal curves | C M T |
cv.preCornerDetect | imgproc | opencv | Calculates a feature map for corner detection | C M T |
cv.putText | imgproc | opencv | Draws a text string | C M T |
cv.pyrDown | imgproc | opencv | Blurs an image and downsamples it | C M T |
cv.pyrMeanShiftFiltering | imgproc | opencv | Performs initial step of meanshift segmentation of an image | C M T |
cv.pyrUp | imgproc | opencv | Upsamples an image and then blurs it | C M T |
cv.rectangle | imgproc | opencv | Draws a simple, thick, or filled up-right rectangle | C M T |
cv.remap | imgproc | opencv | Applies a generic geometrical transformation to an image | C M T |
cv.resize | imgproc | opencv | Resizes an image | C M T |
cv.rotatedRectangleIntersection | imgproc | opencv | Finds out if there is any intersection between two rotated rectangles | C M T |
cv.sepFilter2D | imgproc | opencv | Applies a separable linear filter to an image | C M T |
cv.spatialGradient | imgproc | opencv | Calculates the first order image derivative in both x and y using a Sobel operator | C M T |
cv.sqrBoxFilter | imgproc | opencv | Calculates the normalized sum of squares of the pixel values overlapping the filter | C M T |
cv.threshold | imgproc | opencv | Applies a fixed-level threshold to each array element | C M T |
cv.undistort | imgproc | opencv | Transforms an image to compensate for lens distortion | C M T |
cv.undistortPoints | imgproc | opencv | Computes the ideal point coordinates from the observed point coordinates | C M T |
cv.warpAffine | imgproc | opencv | Applies an affine transformation to an image | C M T |
cv.warpPerspective | imgproc | opencv | Applies a perspective transformation to an image | C M T |
cv.watershed | imgproc | opencv | Performs a marker-based image segmentation using the watershed algorithm | C M T |
cv.ANN_MLP | ml | opencv | Artificial Neural Networks - Multi-Layer Perceptrons | C M T |
cv.Boost | ml | opencv | Boosted tree classifier derived from cv.DTrees | C M T |
cv.DTrees | ml | opencv | Decision Trees | C M T |
cv.EM | ml | opencv | Expectation Maximization Algorithm | C M T |
cv.KNearest | ml | opencv | The class implements K-Nearest Neighbors model | C M T |
cv.LogisticRegression | ml | opencv | Logistic Regression classifier | C M T |
cv.NormalBayesClassifier | ml | opencv | Bayes classifier for normally distributed data | C M T |
cv.RTrees | ml | opencv | Random Trees | C M T |
cv.SVM | ml | opencv | Support Vector Machines | C M T |
cv.SVMSGD | ml | opencv | Stochastic Gradient Descent SVM classifier | C M T |
cv.createConcentricSpheresTestSet | ml | opencv | Creates test set | C M T |
cv.randMVNormal | ml | opencv | Generates sample from multivariate normal distribution | C M T |
cv.CascadeClassifier | objdetect | opencv | Haar Feature-based Cascade Classifier for Object Detection | C M T |
cv.DetectionBasedTracker | objdetect | opencv | Detection-based tracker | C M T |
cv.HOGDescriptor | objdetect | opencv | Histogram of Oriented Gaussian (HOG) descriptor and object detector | C M T |
cv.SimilarRects | objdetect | opencv | Class for grouping object candidates, detected by Cascade Classifier, HOG etc. | C M T |
cv.groupRectangles | objdetect | opencv | Groups the object candidate rectangles | C M T |
cv.groupRectangles_meanshift | objdetect | opencv | Groups the object candidate rectangles using meanshift | C M T |
cv.AlignMTB | photo | opencv | Aligns images of the same scene with different exposures | C M T |
cv.CalibrateDebevec | photo | opencv | Camera Response Calibration algorithm | C M T |
cv.CalibrateRobertson | photo | opencv | Camera Response Calibration algorithm | C M T |
cv.MergeDebevec | photo | opencv | Merge exposure sequence to a single image | C M T |
cv.MergeMertens | photo | opencv | Merge exposure sequence to a single image | C M T |
cv.MergeRobertson | photo | opencv | Merge exposure sequence to a single image | C M T |
cv.Tonemap | photo | opencv | Tonemapping algorithm used to map HDR image to 8-bit range | C M T |
cv.TonemapDrago | photo | opencv | Tonemapping algorithm used to map HDR image to 8-bit range | C M T |
cv.TonemapDurand | photo | opencv | Tonemapping algorithm used to map HDR image to 8-bit range | C M T |
cv.TonemapMantiuk | photo | opencv | Tonemapping algorithm used to map HDR image to 8-bit range | C M T |
cv.TonemapReinhard | photo | opencv | Tonemapping algorithm used to map HDR image to 8-bit range | C M T |
cv.colorChange | photo | opencv | Color Change | C M T |
cv.decolor | photo | opencv | Transforms a color image to a grayscale image | C M T |
cv.denoise_TVL1 | photo | opencv | Primal-Dual algorithm to perform image denoising | C M T |
cv.detailEnhance | photo | opencv | This filter enhances the details of a particular image | C M T |
cv.edgePreservingFilter | photo | opencv | Edge-preserving smoothing filter | C M T |
cv.fastNlMeansDenoising | photo | opencv | Image denoising using Non-local Means Denoising algorithm | C M T |
cv.fastNlMeansDenoisingColored | photo | opencv | Modification of fastNlMeansDenoising function for colored images | C M T |
cv.fastNlMeansDenoisingColoredMulti | photo | opencv | Modification of fastNlMeansDenoisingMulti function for colored images sequences | C M T |
cv.fastNlMeansDenoisingMulti | photo | opencv | Modification of fastNlMeansDenoising function for colored images sequences | C M T |
cv.illuminationChange | photo | opencv | Illumination Change | C M T |
cv.inpaint | photo | opencv | Restores the selected region in an image using the region neighborhood | C M T |
cv.pencilSketch | photo | opencv | Pencil-like non-photorealistic line drawing | C M T |
cv.seamlessClone | photo | opencv | Seamless Cloning | C M T |
cv.stylization | photo | opencv | Stylization filter | C M T |
cv.textureFlattening | photo | opencv | Texture Flattening | C M T |
cv.EMDL1 | shape | opencv | Computes the "minimal work" distance between two weighted point configurations | C M T |
cv.HausdorffDistanceExtractor | shape | opencv | A simple Hausdorff distance measure between shapes defined by contours | C M T |
cv.ShapeContextDistanceExtractor | shape | opencv | Implementation of the Shape Context descriptor and matching algorithm | C M T |
cv.ShapeTransformer | shape | opencv | Base class for shape transformation algorithms | C M T |
cv.Blender | stitching | opencv | Class for all image blenders | C M T |
cv.BundleAdjuster | stitching | opencv | Class for all camera parameters refinement methods | C M T |
cv.Estimator | stitching | opencv | Rotation estimator base class | C M T |
cv.ExposureCompensator | stitching | opencv | Class for all exposure compensators | C M T |
cv.FeaturesFinder | stitching | opencv | Feature finders class | C M T |
cv.FeaturesMatcher | stitching | opencv | Feature matchers class | C M T |
cv.RotationWarper | stitching | opencv | Rotation-only model image warper | C M T |
cv.SeamFinder | stitching | opencv | Class for all seam estimators | C M T |
cv.Stitcher | stitching | opencv | High level image stitcher | C M T |
cv.Timelapser | stitching | opencv | Timelapser class | C M T |
cv.SuperResolution | superres | opencv | Class for a whole family of Super Resolution algorithms | C M T |
cv.BackgroundSubtractorKNN | video | opencv | K-nearest neighbours based Background/Foreground Segmentation Algorithm | C M T |
cv.BackgroundSubtractorMOG2 | video | opencv | Gaussian Mixture-based Background/Foreground Segmentation Algorithm | C M T |
cv.CamShift | video | opencv | Finds an object center, size, and orientation | C M T |
cv.DualTVL1OpticalFlow | video | opencv | "Dual TV L1" Optical Flow Algorithm | C M T |
cv.FarnebackOpticalFlow | video | opencv | Dense optical flow using the Gunnar Farneback's algorithm | C M T |
cv.KalmanFilter | video | opencv | Kalman filter class | C M T |
cv.SparsePyrLKOpticalFlow | video | opencv | Class used for calculating a sparse optical flow | C M T |
cv.buildOpticalFlowPyramid | video | opencv | Constructs the image pyramid which can be passed to cv.calcOpticalFlowPyrLK | C M T |
cv.calcOpticalFlowFarneback | video | opencv | Computes a dense optical flow using the Gunnar Farneback's algorithm | C M T |
cv.calcOpticalFlowPyrLK | video | opencv | Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids | C M T |
cv.estimateRigidTransform | video | opencv | Computes an optimal affine transformation between two 2D point sets | C M T |
cv.findTransformECC | video | opencv | Finds the geometric transform (warp) between two images in terms of the ECC criterion | C M T |
cv.meanShift | video | opencv | Finds an object on a back projection image | C M T |
cv.VideoCapture | videoio | opencv | Class for video capturing from video files or cameras | C M T |
cv.VideoWriter | videoio | opencv | Video Writer class | C M T |
cv.OnePassStabilizer | videostab | opencv | A one-pass video stabilizer | C M T |
cv.TwoPassStabilizer | videostab | opencv | A two-pass video stabilizer | C M T |
cv.calcBlurriness | videostab | opencv | Calculate image blurriness | C M T |
cv.estimateGlobalMotionLeastSquares | videostab | opencv | Estimates best global motion between two 2D point clouds in the least-squares sense | C M T |
cv.estimateGlobalMotionRansac | videostab | opencv | Estimates best global motion between two 2D point clouds robustly (using RANSAC method) | C M T |
cv.boardDump | aruco | opencv_contrib | Dump board (aruco) | C M T |
cv.calibrateCameraAruco | aruco | opencv_contrib | Calibrate a camera using aruco markers | C M T |
cv.calibrateCameraCharuco | aruco | opencv_contrib | Calibrate a camera using ChArUco corners | C M T |
cv.detectCharucoDiamond | aruco | opencv_contrib | Detect ChArUco Diamond markers | C M T |
cv.detectMarkers | aruco | opencv_contrib | Basic ArUco marker detection | C M T |
cv.dictionaryDump | aruco | opencv_contrib | Dump dictionary (aruco) | C M T |
cv.drawAxis | aruco | opencv_contrib | Draw coordinate system axis from pose estimation | C M T |
cv.drawCharucoBoard | aruco | opencv_contrib | Draw a ChArUco board | C M T |
cv.drawCharucoDiamond | aruco | opencv_contrib | Draw a ChArUco Diamond marker | C M T |
cv.drawDetectedCornersCharuco | aruco | opencv_contrib | Draws a set of ChArUco corners | C M T |
cv.drawDetectedDiamonds | aruco | opencv_contrib | Draw a set of detected ChArUco Diamond markers | C M T |
cv.drawDetectedMarkers | aruco | opencv_contrib | Draw detected markers in image | C M T |
cv.drawMarkerAruco | aruco | opencv_contrib | Draw a canonical marker image | C M T |
cv.drawPlanarBoard | aruco | opencv_contrib | Draw a planar board | C M T |
cv.estimatePoseBoard | aruco | opencv_contrib | Pose estimation for a board of markers | C M T |
cv.estimatePoseCharucoBoard | aruco | opencv_contrib | Pose estimation for a ChArUco board given some of their corners | C M T |
cv.estimatePoseSingleMarkers | aruco | opencv_contrib | Pose estimation for single markers | C M T |
cv.getBoardObjectAndImagePoints | aruco | opencv_contrib | Given a board configuration and a set of detected markers, returns the corresponding image points and object points to call solvePnP | C M T |
cv.interpolateCornersCharuco | aruco | opencv_contrib | Interpolate position of ChArUco board corners | C M T |
cv.refineDetectedMarkers | aruco | opencv_contrib | Refind not detected markers based on the already detected and the board layout | C M T |
cv.BackgroundSubtractorCNT | bgsegm | opencv_contrib | Background subtraction based on counting | C M T |
cv.BackgroundSubtractorGMG | bgsegm | opencv_contrib | Background Subtractor module | C M T |
cv.BackgroundSubtractorGSOC | bgsegm | opencv_contrib | Background Subtraction implemented during GSOC | C M T |
cv.BackgroundSubtractorLSBP | bgsegm | opencv_contrib | Background Subtraction using Local SVD Binary Pattern | C M T |
cv.BackgroundSubtractorMOG | bgsegm | opencv_contrib | Gaussian Mixture-based Background/Foreground Segmentation Algorithm | C M T |
cv.SyntheticSequenceGenerator | bgsegm | opencv_contrib | Synthetic frame sequence generator for testing background subtraction algorithms | C M T |
cv.Retina | bioinspired | opencv_contrib | A biological retina model for image spatio-temporal noise and luminance changes enhancement | C M T |
cv.RetinaFastToneMapping | bioinspired | opencv_contrib | Class with tone mapping algorithm of Meylan et al. (2007) | C M T |
cv.TransientAreasSegmentationModule | bioinspired | opencv_contrib | Class which provides a transient/moving areas segmentation module | C M T |
cv.Dataset | datasets | opencv_contrib | Class for working with different datasets | C M T |
cv.InferBbox | dnn_objdetect | opencv_contrib | Post-process DNN object detection model predictions | C M T |
cv.DPMDetector | dpm | opencv_contrib | Deformable Part-based Models (DPM) detector | C M T |
cv.BIF | face | opencv_contrib | Implementation of bio-inspired features (BIF) | C M T |
cv.BasicFaceRecognizer | face | opencv_contrib | Face Recognition based on Eigen-/Fisher-faces | C M T |
cv.Facemark | face | opencv_contrib | Base class for all facemark models | C M T |
cv.FacemarkKazemi | face | opencv_contrib | Face Alignment | C M T |
cv.LBPHFaceRecognizer | face | opencv_contrib | Face Recognition based on Local Binary Patterns | C M T |
cv.HfsSegment | hfs | opencv_contrib | Hierarchical Feature Selection for Efficient Image Segmentation | C M T |
cv.ImgHash | img_hash | opencv_contrib | Base class for Image Hashing algorithms | C M T |
cv.BinaryDescriptor | line_descriptor | opencv_contrib | Class implements both functionalities for detection of lines and computation of their binary descriptor | C M T |
cv.BinaryDescriptorMatcher | line_descriptor | opencv_contrib | BinaryDescriptor matcher class | C M T |
cv.LSDDetector | line_descriptor | opencv_contrib | Line Segment Detector | C M T |
cv.drawKeylines | line_descriptor | opencv_contrib | Draws keylines | C M T |
cv.drawLineMatches | line_descriptor | opencv_contrib | Draws the found matches of keylines from two images | C M T |
cv.DISOpticalFlow | optflow | opencv_contrib | DIS optical flow algorithm | C M T |
cv.GPCForest | optflow | opencv_contrib | Implementation of the Global Patch Collider algorithm | C M T |
cv.OpticalFlowPCAFlow | optflow | opencv_contrib | PCAFlow algorithm | C M T |
cv.VariationalRefinement | optflow | opencv_contrib | Variational optical flow refinement | C M T |
cv.calcGlobalOrientation | optflow | opencv_contrib | Calculates a global motion orientation in a selected region | C M T |
cv.calcMotionGradient | optflow | opencv_contrib | Calculates a gradient orientation of a motion history image | C M T |
cv.calcOpticalFlowDF | optflow | opencv_contrib | DeepFlow optical flow algorithm implementation | C M T |
cv.calcOpticalFlowSF | optflow | opencv_contrib | Calculate an optical flow using "SimpleFlow" algorithm | C M T |
cv.calcOpticalFlowSparseToDense | optflow | opencv_contrib | Fast dense optical flow based on PyrLK sparse matches interpolation | C M T |
cv.readOpticalFlow | optflow | opencv_contrib | Read a .flo file | C M T |
cv.segmentMotion | optflow | opencv_contrib | Splits a motion history image into a few parts corresponding to separate independent motions (for example, left hand, right hand) | C M T |
cv.updateMotionHistory | optflow | opencv_contrib | Updates the motion history image by a moving silhouette | C M T |
cv.writeOpticalFlow | optflow | opencv_contrib | Write a .flo to disk | C M T |
cv.Plot2d | plot | opencv_contrib | Class to plot 2D data | C M T |
cv.MotionSaliencyBinWangApr2014 | saliency | opencv_contrib | A Fast Self-tuning Background Subtraction Algorithm for Motion Saliency | C M T |
cv.ObjectnessBING | saliency | opencv_contrib | The Binarized normed gradients algorithm for Objectness | C M T |
cv.StaticSaliencyFineGrained | saliency | opencv_contrib | The Fine Grained Saliency approach for Static Saliency | C M T |
cv.StaticSaliencySpectralResidual | saliency | opencv_contrib | The Spectral Residual approach for Static Saliency | C M T |
cv.TextDetectorCNN | text | opencv_contrib | Class providing functionality of text detection | C M T |
cv.AffineFeature2D | xfeatures2d | opencv_contrib | Class implementing affine adaptation for key points | C M T |
cv.BoostDesc | xfeatures2d | opencv_contrib | Class implementing BoostDesc (Learning Image Descriptors with Boosting) | C M T |
cv.BriefDescriptorExtractor | xfeatures2d | opencv_contrib | Class for computing BRIEF descriptors | C M T |
cv.DAISY | xfeatures2d | opencv_contrib | Class implementing DAISY descriptor | C M T |
cv.FASTForPointSet | xfeatures2d | opencv_contrib | Estimates cornerness for pre-specified KeyPoints using the FAST algorithm | C M T |
cv.FREAK | xfeatures2d | opencv_contrib | Class implementing the FREAK (Fast Retina Keypoint) keypoint descriptor | C M T |
cv.HarrisLaplaceFeatureDetector | xfeatures2d | opencv_contrib | Class implementing the Harris-Laplace feature detector | C M T |
cv.LATCH | xfeatures2d | opencv_contrib | Class for computing the LATCH descriptor | C M T |
cv.LUCID | xfeatures2d | opencv_contrib | Class implementing the Locally Uniform Comparison Image Descriptor | C M T |
cv.MSDDetector | xfeatures2d | opencv_contrib | Class implementing the MSD (Maximal Self-Dissimilarity) keypoint detector | C M T |
cv.PCTSignatures | xfeatures2d | opencv_contrib | Class implementing PCT (Position-Color-Texture) signature extraction | C M T |
cv.PCTSignaturesSQFD | xfeatures2d | opencv_contrib | Class implementing Signature Quadratic Form Distance (SQFD) | C M T |
cv.SIFT | xfeatures2d | opencv_contrib | Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform (SIFT) | C M T |
cv.SURF | xfeatures2d | opencv_contrib | Class for extracting Speeded Up Robust Features from an image | C M T |
cv.StarDetector | xfeatures2d | opencv_contrib | The class implements the Star keypoint detector | C M T |
cv.VGG | xfeatures2d | opencv_contrib | Class implementing VGG (Oxford Visual Geometry Group) descriptor | C M T |
cv.matchGMS | xfeatures2d | opencv_contrib | GMS (Grid-based Motion Statistics) feature matching strategy | C M T |
cv.AdaptiveManifoldFilter | ximgproc | opencv_contrib | Interface for Adaptive Manifold Filter realizations | C M T |
cv.BrightEdges | ximgproc | opencv_contrib | Bright edges detector | C M T |
cv.ContourFitting | ximgproc | opencv_contrib | Contour Fitting algorithm using Fourier descriptors | C M T |
cv.DTFilter | ximgproc | opencv_contrib | Interface for realizations of Domain Transform filter | C M T |
cv.DisparityWLSFilter | ximgproc | opencv_contrib | Disparity map filter based on Weighted Least Squares filter | C M T |
cv.EdgeAwareInterpolator | ximgproc | opencv_contrib | Sparse match interpolation algorithm | C M T |
cv.EdgeBoxes | ximgproc | opencv_contrib | Class implementing Edge Boxes algorithm | C M T |
cv.FastGlobalSmootherFilter | ximgproc | opencv_contrib | Interface for implementations of Fast Global Smoother filter | C M T |
cv.FastHoughTransform | ximgproc | opencv_contrib | Calculates 2D Fast Hough transform of an image | C M T |
cv.FastLineDetector | ximgproc | opencv_contrib | Class implementing the FLD (Fast Line Detector) algorithm | C M T |
cv.GradientDeriche | ximgproc | opencv_contrib | Applies Deriche filter to an image | C M T |
cv.GradientPaillou | ximgproc | opencv_contrib | Applies Paillou filter to an image | C M T |
cv.GraphSegmentation | ximgproc | opencv_contrib | Graph Based Segmentation algorithm | C M T |
cv.GuidedFilter | ximgproc | opencv_contrib | Interface for realizations of Guided Filter | C M T |
cv.HoughPoint2Line | ximgproc | opencv_contrib | Calculates coordinates of line segment corresponded by point in Hough space | C M T |
cv.PeiLinNormalization | ximgproc | opencv_contrib | Calculates an affine transformation that normalize given image using Pei/Lin Normalization | C M T |
cv.RidgeDetectionFilter | ximgproc | opencv_contrib | Ridge Detection Filter | C M T |
cv.SelectiveSearchSegmentation | ximgproc | opencv_contrib | Selective search segmentation algorithm | C M T |
cv.StructuredEdgeDetection | ximgproc | opencv_contrib | Class implementing edge detection algorithm | C M T |
cv.SuperpixelLSC | ximgproc | opencv_contrib | Class implementing the LSC (Linear Spectral Clustering) superpixels algorithm | C M T |
cv.SuperpixelSEEDS | ximgproc | opencv_contrib | Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm | C M T |
cv.SuperpixelSLIC | ximgproc | opencv_contrib | Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels algorithm | C M T |
cv.anisotropicDiffusion | ximgproc | opencv_contrib | Performs anisotropic diffusion on an image | C M T |
cv.bilateralTextureFilter | ximgproc | opencv_contrib | Applies the bilateral texture filter to an image | C M T |
cv.covarianceEstimation | ximgproc | opencv_contrib | Computes the estimated covariance matrix of an image using the sliding window formulation | C M T |
cv.jointBilateralFilter | ximgproc | opencv_contrib | Applies the joint bilateral filter to an image | C M T |
cv.l0Smooth | ximgproc | opencv_contrib | Global image smoothing via L0 gradient minimization | C M T |
cv.niBlackThreshold | ximgproc | opencv_contrib | Performs thresholding on input images using Niblack's technique or some of the popular variations it inspired | C M T |
cv.rollingGuidanceFilter | ximgproc | opencv_contrib | Applies the rolling guidance filter to an image | C M T |
cv.thinning | ximgproc | opencv_contrib | Applies a binary blob thinning operation, to achieve a skeletization of the input image | C M T |
cv.weightedMedianFilter | ximgproc | opencv_contrib | Applies weighted median filter to an image | C M T |
cv.WBDetector | xobjdetect | opencv_contrib | WaldBoost detector - Object Detection using Boosted Features | C M T |
cv.GrayworldWB | xphoto | opencv_contrib | Gray-world white balance algorithm | C M T |
cv.LearningBasedWB | xphoto | opencv_contrib | More sophisticated learning-based automatic white balance algorithm | C M T |
cv.SimpleWB | xphoto | opencv_contrib | Simple white balance algorithm | C M T |
cv.applyChannelGains | xphoto | opencv_contrib | Implements an efficient fixed-point approximation for applying channel gains, which is the last step of multiple white balance algorithms | C M T |
cv.bm3dDenoising | xphoto | opencv_contrib | Performs image denoising using the Block-Matching and 3D-filtering algorithm | C M T |
cv.dctDenoising | xphoto | opencv_contrib | The function implements simple dct-based denoising | C M T |
cv.inpaint2 | xphoto | opencv_contrib | The function implements different single-image inpainting algorithms | C M T |