include/OpenCV/cv.hpp File Reference

Go to the source code of this file.

Classes

class  cv::BaseRowFilter
class  cv::BaseColumnFilter
class  cv::BaseFilter
class  cv::FilterEngine
class  cv::Moments
class  cv::KalmanFilter
class  cv::FeatureEvaluator
class  cv::CascadeClassifier
struct  cv::CascadeClassifier::DTreeNode
struct  cv::CascadeClassifier::DTree
struct  cv::CascadeClassifier::Stage
class  cv::StereoBM
class  cv::StereoSGBM
class  cv::KeyPoint
class  cv::SURF
class  cv::MSER
class  cv::StarDetector
class  CvLevMarq
struct  lsh_hash
struct  CvLSHOperations

Namespaces

namespace  cv

Enumerations

enum  {
  cv::BORDER_REPLICATE = IPL_BORDER_REPLICATE, cv::BORDER_CONSTANT = IPL_BORDER_CONSTANT, cv::BORDER_REFLECT = IPL_BORDER_REFLECT, cv::BORDER_REFLECT_101 = IPL_BORDER_REFLECT_101,
  cv::BORDER_REFLECT101 = BORDER_REFLECT_101, cv::BORDER_WRAP = IPL_BORDER_WRAP, cv::BORDER_TRANSPARENT, cv::BORDER_DEFAULT = BORDER_REFLECT_101,
  cv::BORDER_ISOLATED = 16
}
enum  {
  cv::KERNEL_GENERAL = 0, cv::KERNEL_SYMMETRICAL = 1, cv::KERNEL_ASYMMETRICAL = 2, cv::KERNEL_SMOOTH = 4,
  cv::KERNEL_INTEGER = 8
}
enum  {
  cv::MORPH_ERODE = 0, cv::MORPH_DILATE = 1, cv::MORPH_OPEN = 2, cv::MORPH_CLOSE = 3,
  cv::MORPH_GRADIENT = 4, cv::MORPH_TOPHAT = 5, cv::MORPH_BLACKHAT = 6
}
enum  { cv::MORPH_RECT = 0, cv::MORPH_CROSS = 1, cv::MORPH_ELLIPSE = 2 }
enum  {
  cv::INTER_NEAREST = 0, cv::INTER_LINEAR = 1, cv::INTER_CUBIC = 2, cv::INTER_AREA = 3,
  cv::INTER_LANCZOS4 = 4, cv::INTER_MAX = 7, cv::WARP_INVERSE_MAP = 16
}
enum  {
  cv::THRESH_BINARY = 0, cv::THRESH_BINARY_INV = 1, cv::THRESH_TRUNC = 2, cv::THRESH_TOZERO = 3,
  cv::THRESH_TOZERO_INV = 4, cv::THRESH_MASK = 7, cv::THRESH_OTSU = 8
}
enum  { cv::ADAPTIVE_THRESH_MEAN_C = 0, cv::ADAPTIVE_THRESH_GAUSSIAN_C = 1 }
enum  { cv::OPTFLOW_USE_INITIAL_FLOW = 4, cv::OPTFLOW_FARNEBACK_GAUSSIAN = 256 }
enum  { cv::GC_BGD = 0, cv::GC_FGD = 1, cv::GC_PR_BGD = 2, cv::GC_PR_FGD = 3 }
enum  { cv::GC_INIT_WITH_RECT = 0, cv::GC_INIT_WITH_MASK = 1, cv::GC_EVAL = 2 }
enum  { cv::INPAINT_NS = CV_INPAINT_NS, cv::INPAINT_TELEA = CV_INPAINT_TELEA }
enum  { cv::FLOODFILL_FIXED_RANGE = 1 << 16, cv::FLOODFILL_MASK_ONLY = 1 << 17 }
enum  {
  cv::TM_SQDIFF = CV_TM_SQDIFF, cv::TM_SQDIFF_NORMED = CV_TM_SQDIFF_NORMED, cv::TM_CCORR = CV_TM_CCORR, cv::TM_CCORR_NORMED = CV_TM_CCORR_NORMED,
  cv::TM_CCOEFF = CV_TM_CCOEFF, cv::TM_CCOEFF_NORMED = CV_TM_CCOEFF_NORMED
}
enum  { cv::RETR_EXTERNAL = CV_RETR_EXTERNAL, cv::RETR_LIST = CV_RETR_LIST, cv::RETR_CCOMP = CV_RETR_CCOMP, cv::RETR_TREE = CV_RETR_TREE }
enum  { cv::CHAIN_APPROX_NONE = CV_CHAIN_APPROX_NONE, cv::CHAIN_APPROX_SIMPLE = CV_CHAIN_APPROX_SIMPLE, cv::CHAIN_APPROX_TC89_L1 = CV_CHAIN_APPROX_TC89_L1, cv::CHAIN_APPROX_TC89_KCOS = CV_CHAIN_APPROX_TC89_KCOS }
enum  { cv::LMEDS = 4, cv::RANSAC = 8 }
enum  { cv::CALIB_CB_ADAPTIVE_THRESH = CV_CALIB_CB_ADAPTIVE_THRESH, cv::CALIB_CB_NORMALIZE_IMAGE = CV_CALIB_CB_NORMALIZE_IMAGE, cv::CALIB_CB_FILTER_QUADS = CV_CALIB_CB_FILTER_QUADS }
enum  {
  cv::CALIB_USE_INTRINSIC_GUESS = CV_CALIB_USE_INTRINSIC_GUESS, cv::CALIB_FIX_ASPECT_RATIO = CV_CALIB_FIX_ASPECT_RATIO, cv::CALIB_FIX_PRINCIPAL_POINT = CV_CALIB_FIX_PRINCIPAL_POINT, cv::CALIB_ZERO_TANGENT_DIST = CV_CALIB_ZERO_TANGENT_DIST,
  cv::CALIB_FIX_FOCAL_LENGTH = CV_CALIB_FIX_FOCAL_LENGTH, cv::CALIB_FIX_K1 = CV_CALIB_FIX_K1, cv::CALIB_FIX_K2 = CV_CALIB_FIX_K2, cv::CALIB_FIX_K3 = CV_CALIB_FIX_K3,
  cv::CALIB_FIX_INTRINSIC = CV_CALIB_FIX_INTRINSIC, cv::CALIB_SAME_FOCAL_LENGTH = CV_CALIB_SAME_FOCAL_LENGTH, cv::CALIB_ZERO_DISPARITY = CV_CALIB_ZERO_DISPARITY
}
enum  { cv::FM_7POINT = CV_FM_7POINT, cv::FM_8POINT = CV_FM_8POINT, cv::FM_LMEDS = CV_FM_LMEDS, cv::FM_RANSAC = CV_FM_RANSAC }

Functions

CV_EXPORTS int cv::borderInterpolate (int p, int len, int borderType)
CV_EXPORTS int cv::getKernelType (const Mat &kernel, Point anchor)
CV_EXPORTS Ptr< BaseRowFilter > cv::getLinearRowFilter (int srcType, int bufType, const Mat &kernel, int anchor, int symmetryType)
CV_EXPORTS Ptr< BaseColumnFilter > cv::getLinearColumnFilter (int bufType, int dstType, const Mat &kernel, int anchor, int symmetryType, double delta=0, int bits=0)
CV_EXPORTS Ptr< BaseFilter > cv::getLinearFilter (int srcType, int dstType, const Mat &kernel, Point anchor=Point(-1,-1), double delta=0, int bits=0)
CV_EXPORTS Ptr< FilterEngine > cv::createSeparableLinearFilter (int srcType, int dstType, const Mat &rowKernel, const Mat &columnKernel, Point _anchor=Point(-1,-1), double delta=0, int _rowBorderType=BORDER_DEFAULT, int _columnBorderType=-1, const Scalar &_borderValue=Scalar())
CV_EXPORTS Ptr< FilterEngine > cv::createLinearFilter (int srcType, int dstType, const Mat &kernel, Point _anchor=Point(-1,-1), double delta=0, int _rowBorderType=BORDER_DEFAULT, int _columnBorderType=-1, const Scalar &_borderValue=Scalar())
CV_EXPORTS Mat cv::getGaussianKernel (int ksize, double sigma, int ktype=CV_64F)
CV_EXPORTS Ptr< FilterEngine > cv::createGaussianFilter (int type, Size ksize, double sigma1, double sigma2=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::getDerivKernels (Mat &kx, Mat &ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F)
CV_EXPORTS Ptr< FilterEngine > cv::createDerivFilter (int srcType, int dstType, int dx, int dy, int ksize, int borderType=BORDER_DEFAULT)
CV_EXPORTS Ptr< BaseRowFilter > cv::getRowSumFilter (int srcType, int sumType, int ksize, int anchor=-1)
CV_EXPORTS Ptr< BaseColumnFilter > cv::getColumnSumFilter (int sumType, int dstType, int ksize, int anchor=-1, double scale=1)
CV_EXPORTS Ptr< FilterEngine > cv::createBoxFilter (int srcType, int dstType, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT)
CV_EXPORTS Ptr< BaseRowFilter > cv::getMorphologyRowFilter (int op, int type, int ksize, int anchor=-1)
CV_EXPORTS Ptr< BaseColumnFilter > cv::getMorphologyColumnFilter (int op, int type, int ksize, int anchor=-1)
CV_EXPORTS Ptr< BaseFilter > cv::getMorphologyFilter (int op, int type, const Mat &kernel, Point anchor=Point(-1,-1))
CV_EXPORTS Ptr< FilterEngine > cv::createMorphologyFilter (int op, int type, const Mat &kernel, Point anchor=Point(-1,-1), int _rowBorderType=BORDER_CONSTANT, int _columnBorderType=-1, const Scalar &_borderValue=morphologyDefaultBorderValue())
CV_EXPORTS Mat cv::getStructuringElement (int shape, Size ksize, Point anchor=Point(-1,-1))
CV_EXPORTS void cv::copyMakeBorder (const Mat &src, Mat &dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar())
CV_EXPORTS void cv::medianBlur (const Mat &src, Mat &dst, int ksize)
CV_EXPORTS void cv::GaussianBlur (const Mat &src, Mat &dst, Size ksize, double sigma1, double sigma2=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::bilateralFilter (const Mat &src, Mat &dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::boxFilter (const Mat &src, Mat &dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::filter2D (const Mat &src, Mat &dst, int ddepth, const Mat &kernel, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::sepFilter2D (const Mat &src, Mat &dst, int ddepth, const Mat &kernelX, const Mat &kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::Sobel (const Mat &src, Mat &dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::Scharr (const Mat &src, Mat &dst, int ddepth, int dx, int dy, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::Laplacian (const Mat &src, Mat &dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::Canny (const Mat &image, Mat &edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
CV_EXPORTS void cv::cornerMinEigenVal (const Mat &src, Mat &dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::cornerHarris (const Mat &src, Mat &dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::cornerEigenValsAndVecs (const Mat &src, Mat &dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::preCornerDetect (const Mat &src, Mat &dst, int ksize, int borderType=BORDER_DEFAULT)
CV_EXPORTS void cv::cornerSubPix (const Mat &image, vector< Point2f > &corners, Size winSize, Size zeroZone, TermCriteria criteria)
CV_EXPORTS void cv::goodFeaturesToTrack (const Mat &image, vector< Point2f > &corners, int maxCorners, double qualityLevel, double minDistance, const Mat &mask=Mat(), int blockSize=3, bool useHarrisDetector=false, double k=0.04)
CV_EXPORTS void cv::HoughLines (const Mat &image, vector< Vec2f > &lines, double rho, double theta, int threshold, double srn=0, double stn=0)
CV_EXPORTS void cv::HoughLinesP (Mat &image, vector< Vec4i > &lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0)
CV_EXPORTS void cv::HoughCircles (const Mat &image, vector< Vec3f > &circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0)
CV_EXPORTS void cv::erode (const Mat &src, Mat &dst, const Mat &kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
CV_EXPORTS void cv::dilate (const Mat &src, Mat &dst, const Mat &kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
CV_EXPORTS void cv::morphologyEx (const Mat &src, Mat &dst, int op, const Mat &kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
CV_EXPORTS void cv::resize (const Mat &src, Mat &dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
CV_EXPORTS void cv::warpAffine (const Mat &src, Mat &dst, const Mat &M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
CV_EXPORTS void cv::warpPerspective (const Mat &src, Mat &dst, const Mat &M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
CV_EXPORTS void cv::remap (const Mat &src, Mat &dst, const Mat &map1, const Mat &map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
CV_EXPORTS void cv::convertMaps (const Mat &map1, const Mat &map2, Mat &dstmap1, Mat &dstmap2, int dstmap1type, bool nninterpolation=false)
CV_EXPORTS Mat cv::getRotationMatrix2D (Point2f center, double angle, double scale)
CV_EXPORTS Mat cv::getPerspectiveTransform (const Point2f src[], const Point2f dst[])
CV_EXPORTS Mat cv::getAffineTransform (const Point2f src[], const Point2f dst[])
CV_EXPORTS void cv::invertAffineTransform (const Mat &M, Mat &iM)
CV_EXPORTS void cv::getRectSubPix (const Mat &image, Size patchSize, Point2f center, Mat &patch, int patchType=-1)
CV_EXPORTS void cv::integral (const Mat &src, Mat &sum, int sdepth=-1)
CV_EXPORTS void cv::integral (const Mat &src, Mat &sum, Mat &sqsum, int sdepth=-1)
CV_EXPORTS void cv::integral (const Mat &src, Mat &sum, Mat &sqsum, Mat &tilted, int sdepth=-1)
CV_EXPORTS void cv::accumulate (const Mat &src, Mat &dst, const Mat &mask=Mat())
CV_EXPORTS void cv::accumulateSquare (const Mat &src, Mat &dst, const Mat &mask=Mat())
CV_EXPORTS void cv::accumulateProduct (const Mat &src1, const Mat &src2, Mat &dst, const Mat &mask=Mat())
CV_EXPORTS void cv::accumulateWeighted (const Mat &src, Mat &dst, double alpha, const Mat &mask=Mat())
CV_EXPORTS double cv::threshold (const Mat &src, Mat &dst, double thresh, double maxval, int type)
CV_EXPORTS void cv::adaptiveThreshold (const Mat &src, Mat &dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
CV_EXPORTS void cv::pyrDown (const Mat &src, Mat &dst, const Size &dstsize=Size())
CV_EXPORTS void cv::pyrUp (const Mat &src, Mat &dst, const Size &dstsize=Size())
CV_EXPORTS void cv::buildPyramid (const Mat &src, vector< Mat > &dst, int maxlevel)
CV_EXPORTS void cv::undistort (const Mat &src, Mat &dst, const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &newCameraMatrix=Mat())
CV_EXPORTS void cv::initUndistortRectifyMap (const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &R, const Mat &newCameraMatrix, Size size, int m1type, Mat &map1, Mat &map2)
CV_EXPORTS Mat cv::getOptimalNewCameraMatrix (const Mat &cameraMatrix, const Mat &distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0)
CV_EXPORTS Mat cv::getDefaultNewCameraMatrix (const Mat &cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
CV_EXPORTS void cv::calcOpticalFlowPyrLK (const Mat &prevImg, const Mat &nextImg, const vector< Point2f > &prevPts, vector< Point2f > &nextPts, vector< uchar > &status, vector< float > &err, Size winSize=Size(15, 15), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), double derivLambda=0.5, int flags=0)
CV_EXPORTS void cv::calcOpticalFlowFarneback (const Mat &prev0, const Mat &next0, Mat &flow0, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags)
CV_EXPORTS void cv::calcHist (const Mat *images, int nimages, const int *channels, const Mat &mask, MatND &hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false)
CV_EXPORTS void cv::calcHist (const Mat *images, int nimages, const int *channels, const Mat &mask, SparseMat &hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false)
CV_EXPORTS void cv::calcBackProject (const Mat *images, int nimages, const int *channels, const MatND &hist, Mat &backProject, const float **ranges, double scale=1, bool uniform=true)
CV_EXPORTS void cv::calcBackProject (const Mat *images, int nimages, const int *channels, const SparseMat &hist, Mat &backProject, const float **ranges, double scale=1, bool uniform=true)
CV_EXPORTS double cv::compareHist (const MatND &H1, const MatND &H2, int method)
CV_EXPORTS double cv::compareHist (const SparseMat &H1, const SparseMat &H2, int method)
CV_EXPORTS void cv::equalizeHist (const Mat &src, Mat &dst)
CV_EXPORTS void cv::watershed (const Mat &image, Mat &markers)
CV_EXPORTS void cv::grabCut (const Mat &img, Mat &mask, Rect rect, Mat &bgdModel, Mat &fgdModel, int iterCount, int mode=GC_EVAL)
CV_EXPORTS void cv::inpaint (const Mat &src, const Mat &inpaintMask, Mat &dst, double inpaintRange, int flags)
CV_EXPORTS void cv::distanceTransform (const Mat &src, Mat &dst, Mat &labels, int distanceType, int maskSize)
CV_EXPORTS void cv::distanceTransform (const Mat &src, Mat &dst, int distanceType, int maskSize)
CV_EXPORTS int cv::floodFill (Mat &image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
CV_EXPORTS int cv::floodFill (Mat &image, Mat &mask, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
CV_EXPORTS void cv::cvtColor (const Mat &src, Mat &dst, int code, int dstCn=0)
CV_EXPORTS Moments cv::moments (const Mat &array, bool binaryImage=false)
CV_EXPORTS void cv::HuMoments (const Moments &moments, double hu[7])
CV_EXPORTS void cv::matchTemplate (const Mat &image, const Mat &templ, Mat &result, int method)
CV_EXPORTS void cv::findContours (Mat &image, vector< vector< Point > > &contours, vector< Vec4i > &hierarchy, int mode, int method, Point offset=Point())
CV_EXPORTS void cv::findContours (Mat &image, vector< vector< Point > > &contours, int mode, int method, Point offset=Point())
CV_EXPORTS void cv::drawContours (Mat &image, const vector< vector< Point > > &contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=8, const vector< Vec4i > &hierarchy=vector< Vec4i >(), int maxLevel=INT_MAX, Point offset=Point())
CV_EXPORTS void cv::approxPolyDP (const Mat &curve, vector< Point > &approxCurve, double epsilon, bool closed)
CV_EXPORTS double cv::arcLength (const Mat &curve, bool closed)
CV_EXPORTS Rect cv::boundingRect (const Mat &points)
CV_EXPORTS double cv::contourArea (const Mat &contour, bool oriented=false)
CV_EXPORTS RotatedRect cv::minAreaRect (const Mat &points)
CV_EXPORTS void cv::minEnclosingCircle (const Mat &points, Point2f &center, float &radius)
CV_EXPORTS double cv::matchShapes (const Mat &contour1, const Mat &contour2, int method, double parameter)
CV_EXPORTS void cv::convexHull (const Mat &points, vector< int > &hull, bool clockwise=false)
CV_EXPORTS void cv::convexHull (const Mat &points, vector< Point > &hull, bool clockwise=false)
CV_EXPORTS bool cv::isContourConvex (const Mat &contour)
CV_EXPORTS RotatedRect cv::fitEllipse (const Mat &points)
CV_EXPORTS void cv::fitLine (const Mat &points, Vec4f &line, int distType, double param, double reps, double aeps)
CV_EXPORTS double cv::pointPolygonTest (const Mat &contour, Point2f pt, bool measureDist)
CV_EXPORTS Mat cv::estimateRigidTransform (const Mat &A, const Mat &B, bool fullAffine)
CV_EXPORTS void cv::updateMotionHistory (const Mat &silhouette, Mat &mhi, double timestamp, double duration)
CV_EXPORTS void cv::calcMotionGradient (const Mat &mhi, Mat &mask, Mat &orientation, double delta1, double delta2, int apertureSize=3)
CV_EXPORTS double cv::calcGlobalOrientation (const Mat &orientation, const Mat &mask, const Mat &mhi, double timestamp, double duration)
CV_EXPORTS RotatedRect cv::CamShift (const Mat &probImage, Rect &window, TermCriteria criteria)
CV_EXPORTS int cv::meanShift (const Mat &probImage, Rect &window, TermCriteria criteria)
CV_EXPORTS int cv::estimateAffine3D (const Mat &from, const Mat &to, Mat &out, vector< uchar > &outliers, double param1=3.0, double param2=0.99)
CV_EXPORTS void cv::groupRectangles (vector< Rect > &rectList, int groupThreshold, double eps=0.2)
CV_EXPORTS void cv::groupRectangles (vector< Rect > &rectList, vector< int > &weights, int groupThreshold, double eps=0.2)
CV_EXPORTS void cv::undistortPoints (const Mat &src, vector< Point2f > &dst, const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &R=Mat(), const Mat &P=Mat())
CV_EXPORTS void cv::undistortPoints (const Mat &src, Mat &dst, const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &R=Mat(), const Mat &P=Mat())
CV_EXPORTS void cv::Rodrigues (const Mat &src, Mat &dst)
CV_EXPORTS void cv::Rodrigues (const Mat &src, Mat &dst, Mat &jacobian)
CV_EXPORTS Mat cv::findHomography (const Mat &srcPoints, const Mat &dstPoints, Mat &mask, int method=0, double ransacReprojThreshold=0)
CV_EXPORTS Mat cv::findHomography (const Mat &srcPoints, const Mat &dstPoints, vector< uchar > &mask, int method=0, double ransacReprojThreshold=0)
CV_EXPORTS Mat cv::findHomography (const Mat &srcPoints, const Mat &dstPoints, int method=0, double ransacReprojThreshold=0)
CV_EXPORTS void cv::RQDecomp3x3 (const Mat &M, Mat &R, Mat &Q)
CV_EXPORTS Vec3d cv::RQDecomp3x3 (const Mat &M, Mat &R, Mat &Q, Mat &Qx, Mat &Qy, Mat &Qz)
CV_EXPORTS void cv::decomposeProjectionMatrix (const Mat &projMatrix, Mat &cameraMatrix, Mat &rotMatrix, Mat &transVect)
CV_EXPORTS void cv::decomposeProjectionMatrix (const Mat &projMatrix, Mat &cameraMatrix, Mat &rotMatrix, Mat &transVect, Mat &rotMatrixX, Mat &rotMatrixY, Mat &rotMatrixZ, Vec3d &eulerAngles)
CV_EXPORTS void cv::matMulDeriv (const Mat &A, const Mat &B, Mat &dABdA, Mat &dABdB)
CV_EXPORTS void cv::composeRT (const Mat &rvec1, const Mat &tvec1, const Mat &rvec2, const Mat &tvec2, Mat &rvec3, Mat &tvec3)
CV_EXPORTS void cv::composeRT (const Mat &rvec1, const Mat &tvec1, const Mat &rvec2, const Mat &tvec2, Mat &rvec3, Mat &tvec3, Mat &dr3dr1, Mat &dr3dt1, Mat &dr3dr2, Mat &dr3dt2, Mat &dt3dr1, Mat &dt3dt1, Mat &dt3dr2, Mat &dt3dt2)
CV_EXPORTS void cv::projectPoints (const Mat &objectPoints, const Mat &rvec, const Mat &tvec, const Mat &cameraMatrix, const Mat &distCoeffs, vector< Point2f > &imagePoints)
CV_EXPORTS void cv::projectPoints (const Mat &objectPoints, const Mat &rvec, const Mat &tvec, const Mat &cameraMatrix, const Mat &distCoeffs, vector< Point2f > &imagePoints, Mat &dpdrot, Mat &dpdt, Mat &dpdf, Mat &dpdc, Mat &dpddist, double aspectRatio=0)
CV_EXPORTS void cv::solvePnP (const Mat &objectPoints, const Mat &imagePoints, const Mat &cameraMatrix, const Mat &distCoeffs, Mat &rvec, Mat &tvec, bool useExtrinsicGuess=false)
CV_EXPORTS Mat cv::initCameraMatrix2D (const vector< vector< Point3f > > &objectPoints, const vector< vector< Point2f > > &imagePoints, Size imageSize, double aspectRatio=1.)
CV_EXPORTS bool cv::findChessboardCorners (const Mat &image, Size patternSize, vector< Point2f > &corners, int flags=CV_CALIB_CB_ADAPTIVE_THRESH+CV_CALIB_CB_NORMALIZE_IMAGE)
CV_EXPORTS void cv::drawChessboardCorners (Mat &image, Size patternSize, const Mat &corners, bool patternWasFound)
CV_EXPORTS double cv::calibrateCamera (const vector< vector< Point3f > > &objectPoints, const vector< vector< Point2f > > &imagePoints, Size imageSize, Mat &cameraMatrix, Mat &distCoeffs, vector< Mat > &rvecs, vector< Mat > &tvecs, int flags=0)
CV_EXPORTS void cv::calibrationMatrixValues (const Mat &cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio)
CV_EXPORTS double cv::stereoCalibrate (const vector< vector< Point3f > > &objectPoints, const vector< vector< Point2f > > &imagePoints1, const vector< vector< Point2f > > &imagePoints2, Mat &cameraMatrix1, Mat &distCoeffs1, Mat &cameraMatrix2, Mat &distCoeffs2, Size imageSize, Mat &R, Mat &T, Mat &E, Mat &F, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6), int flags=CALIB_FIX_INTRINSIC)
CV_EXPORTS void cv::stereoRectify (const Mat &cameraMatrix1, const Mat &distCoeffs1, const Mat &cameraMatrix2, const Mat &distCoeffs2, Size imageSize, const Mat &R, const Mat &T, Mat &R1, Mat &R2, Mat &P1, Mat &P2, Mat &Q, int flags=CALIB_ZERO_DISPARITY)
CV_EXPORTS void cv::stereoRectify (const Mat &cameraMatrix1, const Mat &distCoeffs1, const Mat &cameraMatrix2, const Mat &distCoeffs2, Size imageSize, const Mat &R, const Mat &T, Mat &R1, Mat &R2, Mat &P1, Mat &P2, Mat &Q, double alpha, Size newImageSize=Size(), Rect *validPixROI1=0, Rect *validPixROI2=0, int flags=CALIB_ZERO_DISPARITY)
CV_EXPORTS bool cv::stereoRectifyUncalibrated (const Mat &points1, const Mat &points2, const Mat &F, Size imgSize, Mat &H1, Mat &H2, double threshold=5)
CV_EXPORTS void cv::convertPointsHomogeneous (const Mat &src, vector< Point3f > &dst)
CV_EXPORTS void cv::convertPointsHomogeneous (const Mat &src, vector< Point2f > &dst)
CV_EXPORTS Mat cv::findFundamentalMat (const Mat &points1, const Mat &points2, vector< uchar > &mask, int method=FM_RANSAC, double param1=3., double param2=0.99)
CV_EXPORTS Mat cv::findFundamentalMat (const Mat &points1, const Mat &points2, int method=FM_RANSAC, double param1=3., double param2=0.99)
CV_EXPORTS void cv::computeCorrespondEpilines (const Mat &points1, int whichImage, const Mat &F, vector< Vec3f > &lines)
CV_EXPORTS void cv::filterSpeckles (Mat &img, double newVal, int maxSpeckleSize, double maxDiff, Mat &buf)
CV_EXPORTS Rect cv::getValidDisparityROI (Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize)
CV_EXPORTS void cv::validateDisparity (Mat &disparity, const Mat &cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1)
CV_EXPORTS void cv::reprojectImageTo3D (const Mat &disparity, Mat &_3dImage, const Mat &Q, bool handleMissingValues=false)
CV_EXPORTS void cv::write (FileStorage &fs, const string &name, const vector< KeyPoint > &keypoints)
CV_EXPORTS void cv::read (const FileNode &node, vector< KeyPoint > &keypoints)