Namespaces | |
namespace | flann |
Classes | |
class | BaseRowFilter |
class | BaseColumnFilter |
class | BaseFilter |
class | FilterEngine |
class | Moments |
class | KalmanFilter |
class | FeatureEvaluator |
class | CascadeClassifier |
class | StereoBM |
class | StereoSGBM |
class | KeyPoint |
class | SURF |
class | MSER |
class | StarDetector |
class | Octree |
class | Mesh3D |
class | SpinImageModel |
class | TickMeter |
struct | HOGDescriptor |
class | SelfSimDescriptor |
class | PatchGenerator |
class | LDetector |
class | FernClassifier |
class | PlanarObjectDetector |
class | LevMarqSparse |
struct | DefaultRngAuto |
struct | BaseKeypoint |
class | CSMatrixGenerator |
class | RandomizedTree |
struct | RTreeNode |
class | RTreeClassifier |
class | BackgroundSubtractor |
class | BackgroundSubtractorMOG |
class | CvAffinePose |
class | OneWayDescriptor |
class | OneWayDescriptorBase |
class | OneWayDescriptorObject |
class | BlockedRange |
class | Split |
class | WImage |
class | WImageC |
class | WImageBuffer |
class | WImageBufferC |
class | WImageView |
class | WImageViewC |
class | Exception |
class | Allocator |
class | DataDepth |
class | DataDepth< bool > |
class | DataDepth< uchar > |
class | DataDepth< schar > |
class | DataDepth< ushort > |
class | DataDepth< short > |
class | DataDepth< int > |
class | DataDepth< float > |
class | DataDepth< double > |
class | DataDepth< _Tp * > |
class | Vec |
class | Complex |
class | Point_ |
class | Point3_ |
class | Size_ |
class | Rect_ |
class | RotatedRect |
class | Scalar_ |
class | Range |
class | DataType |
class | DataType< bool > |
class | DataType< uchar > |
class | DataType< schar > |
class | DataType< ushort > |
class | DataType< short > |
class | DataType< int > |
class | DataType< float > |
class | DataType< double > |
class | DataType< Vec< _Tp, cn > > |
class | DataType< std::complex< _Tp > > |
class | DataType< Complex< _Tp > > |
class | DataType< Point_< _Tp > > |
class | DataType< Point3_< _Tp > > |
class | DataType< Size_< _Tp > > |
class | DataType< Rect_< _Tp > > |
class | DataType< Scalar_< _Tp > > |
class | DataType< Range > |
class | Ptr |
class | Mat |
class | RNG |
class | TermCriteria |
class | PCA |
class | SVD |
class | LineIterator |
class | Mat_ |
class | MatConstIterator_ |
class | MatIterator_ |
class | MatCommaInitializer_ |
class | VectorCommaInitializer_ |
class | AutoBuffer |
class | MatND |
class | NAryMatNDIterator |
class | MatND_ |
class | SparseMat |
class | SparseMatConstIterator |
class | SparseMatIterator |
class | SparseMat_ |
class | SparseMatConstIterator_ |
class | SparseMatIterator_ |
class | KDTree |
class | FileStorage |
class | FileNode |
class | FileNodeIterator |
class | Seq |
class | SeqIterator |
class | MatExpr_Base_ |
class | MatExpr_ |
class | MatOp_Sub_ |
class | MatOp_Scale_ |
class | MatOp_ScaleAddS_ |
class | MatOp_AddS_ |
class | MatOp_AddEx_ |
class | MatOp_Bin_ |
class | MatOp_BinS_ |
class | MatOp_T_ |
class | MatOp_MatMul_ |
class | MatOp_MatMulAdd_ |
class | MatOp_Cmp_ |
class | MatOp_CmpS_ |
class | MatOp_MulDiv_ |
class | MatOp_DivRS_ |
class | MatOp_Inv_ |
class | MatOp_Solve_ |
class | MatOp_Set_ |
class | MatExpr_Op1_ |
class | MatExpr_Op2_ |
class | MatExpr_Op3_ |
class | MatExpr_Op4_ |
class | MatExpr_Op5_ |
class | MatExpr_Op6_ |
class | MatOp_Iter_ |
class | Vector |
class | WriteStructContext |
class | VecWriterProxy |
class | VecWriterProxy< _Tp, 1 > |
class | VecReaderProxy |
class | VecReaderProxy< _Tp, 1 > |
class | LessThan |
class | GreaterEq |
class | LessThanIdx |
class | GreaterEqIdx |
class | VideoCapture |
class | VideoWriter |
Typedefs | |
typedef LDetector | YAPE |
typedef cv::RNG | CalonderRng |
A pseudo-random number generator usable with std::random_shuffle. | |
typedef unsigned int | int_type |
typedef tbb::blocked_range< int > | BlockedRange |
typedef tbb::split | Split |
typedef tbb::concurrent_vector < Rect > | ConcurrentRectVector |
typedef WImage< uchar > | WImage_b |
typedef WImageView< uchar > | WImageView_b |
typedef WImageBuffer< uchar > | WImageBuffer_b |
typedef WImageC< uchar, 1 > | WImage1_b |
typedef WImageViewC< uchar, 1 > | WImageView1_b |
typedef WImageBufferC< uchar, 1 > | WImageBuffer1_b |
typedef WImageC< uchar, 3 > | WImage3_b |
typedef WImageViewC< uchar, 3 > | WImageView3_b |
typedef WImageBufferC< uchar, 3 > | WImageBuffer3_b |
typedef WImage< float > | WImage_f |
typedef WImageView< float > | WImageView_f |
typedef WImageBuffer< float > | WImageBuffer_f |
typedef WImageC< float, 1 > | WImage1_f |
typedef WImageViewC< float, 1 > | WImageView1_f |
typedef WImageBufferC< float, 1 > | WImageBuffer1_f |
typedef WImageC< float, 3 > | WImage3_f |
typedef WImageViewC< float, 3 > | WImageView3_f |
typedef WImageBufferC< float, 3 > | WImageBuffer3_f |
typedef WImage< short > | WImage_16s |
typedef WImageView< short > | WImageView_16s |
typedef WImageBuffer< short > | WImageBuffer_16s |
typedef WImageC< short, 1 > | WImage1_16s |
typedef WImageViewC< short, 1 > | WImageView1_16s |
typedef WImageBufferC< short, 1 > | WImageBuffer1_16s |
typedef WImageC< short, 3 > | WImage3_16s |
typedef WImageViewC< short, 3 > | WImageView3_16s |
typedef WImageBufferC< short, 3 > | WImageBuffer3_16s |
typedef WImage< ushort > | WImage_16u |
typedef WImageView< ushort > | WImageView_16u |
typedef WImageBuffer< ushort > | WImageBuffer_16u |
typedef WImageC< ushort, 1 > | WImage1_16u |
typedef WImageViewC< ushort, 1 > | WImageView1_16u |
typedef WImageBufferC< ushort, 1 > | WImageBuffer1_16u |
typedef WImageC< ushort, 3 > | WImage3_16u |
typedef WImageViewC< ushort, 3 > | WImageView3_16u |
typedef WImageBufferC< ushort, 3 > | WImageBuffer3_16u |
typedef std::string | String |
typedef std::basic_string < wchar_t > | WString |
typedef Vec< uchar, 2 > | Vec2b |
typedef Vec< uchar, 3 > | Vec3b |
typedef Vec< uchar, 4 > | Vec4b |
typedef Vec< short, 2 > | Vec2s |
typedef Vec< short, 3 > | Vec3s |
typedef Vec< short, 4 > | Vec4s |
typedef Vec< ushort, 2 > | Vec2w |
typedef Vec< ushort, 3 > | Vec3w |
typedef Vec< ushort, 4 > | Vec4w |
typedef Vec< int, 2 > | Vec2i |
typedef Vec< int, 3 > | Vec3i |
typedef Vec< int, 4 > | Vec4i |
typedef Vec< float, 2 > | Vec2f |
typedef Vec< float, 3 > | Vec3f |
typedef Vec< float, 4 > | Vec4f |
typedef Vec< float, 6 > | Vec6f |
typedef Vec< double, 2 > | Vec2d |
typedef Vec< double, 3 > | Vec3d |
typedef Vec< double, 4 > | Vec4d |
typedef Vec< double, 6 > | Vec6d |
typedef Complex< float > | Complexf |
typedef Complex< double > | Complexd |
typedef Point_< int > | Point2i |
typedef Point2i | Point |
typedef Size_< int > | Size2i |
typedef Size2i | Size |
typedef Rect_< int > | Rect |
typedef Point_< float > | Point2f |
typedef Point_< double > | Point2d |
typedef Size_< float > | Size2f |
typedef Point3_< int > | Point3i |
typedef Point3_< float > | Point3f |
typedef Point3_< double > | Point3d |
typedef Scalar_< double > | Scalar |
typedef MatExpr_Base_< Mat > | MatExpr_Base |
typedef MatExpr_< MatExpr_Op4_ < Size, int, Scalar, int, Mat, MatOp_Set_< Mat > >, Mat > | MatExpr_Initializer |
typedef Mat_< uchar > | Mat1b |
typedef Mat_< Vec2b > | Mat2b |
typedef Mat_< Vec3b > | Mat3b |
typedef Mat_< Vec4b > | Mat4b |
typedef Mat_< short > | Mat1s |
typedef Mat_< Vec2s > | Mat2s |
typedef Mat_< Vec3s > | Mat3s |
typedef Mat_< Vec4s > | Mat4s |
typedef Mat_< ushort > | Mat1w |
typedef Mat_< Vec2w > | Mat2w |
typedef Mat_< Vec3w > | Mat3w |
typedef Mat_< Vec4w > | Mat4w |
typedef Mat_< int > | Mat1i |
typedef Mat_< Vec2i > | Mat2i |
typedef Mat_< Vec3i > | Mat3i |
typedef Mat_< Vec4i > | Mat4i |
typedef Mat_< float > | Mat1f |
typedef Mat_< Vec2f > | Mat2f |
typedef Mat_< Vec3f > | Mat3f |
typedef Mat_< Vec4f > | Mat4f |
typedef Mat_< double > | Mat1d |
typedef Mat_< Vec2d > | Mat2d |
typedef Mat_< Vec3d > | Mat3d |
typedef Mat_< Vec4d > | Mat4d |
typedef void(* | ConvertData )(const void *from, void *to, int cn) |
typedef void(* | ConvertScaleData )(const void *from, void *to, int cn, double alpha, double beta) |
typedef Ptr< CvMemStorage > | MemStorage |
typedef CvTrackbarCallback2 | TrackbarCallback |
typedef CvStatModel | StatModel |
typedef CvParamGrid | ParamGrid |
typedef CvNormalBayesClassifier | NormalBayesClassifier |
typedef CvKNearest | KNearest |
typedef CvSVMParams | SVMParams |
typedef CvSVMKernel | SVMKernel |
typedef CvSVMSolver | SVMSolver |
typedef CvSVM | SVM |
typedef CvEMParams | EMParams |
typedef CvEM | ExpectationMaximization |
typedef CvDTreeParams | DTreeParams |
typedef CvMLData | TrainData |
typedef CvDTree | DecisionTree |
typedef CvForestTree | ForestTree |
typedef CvRTParams | RandomTreeParams |
typedef CvRTrees | RandomTrees |
typedef CvERTreeTrainData | ERTreeTRainData |
typedef CvForestERTree | ERTree |
typedef CvERTrees | ERTrees |
typedef CvBoostParams | BoostParams |
typedef CvBoostTree | BoostTree |
typedef CvBoost | Boost |
typedef CvANN_MLP_TrainParams | ANN_MLP_TrainParams |
typedef CvANN_MLP | NeuralNet_MLP |
Enumerations | |
enum | { BORDER_REPLICATE = IPL_BORDER_REPLICATE, BORDER_CONSTANT = IPL_BORDER_CONSTANT, BORDER_REFLECT = IPL_BORDER_REFLECT, BORDER_REFLECT_101 = IPL_BORDER_REFLECT_101, BORDER_REFLECT101 = BORDER_REFLECT_101, BORDER_WRAP = IPL_BORDER_WRAP, BORDER_TRANSPARENT, BORDER_DEFAULT = BORDER_REFLECT_101, BORDER_ISOLATED = 16 } |
enum | { KERNEL_GENERAL = 0, KERNEL_SYMMETRICAL = 1, KERNEL_ASYMMETRICAL = 2, KERNEL_SMOOTH = 4, KERNEL_INTEGER = 8 } |
enum | { MORPH_ERODE = 0, MORPH_DILATE = 1, MORPH_OPEN = 2, MORPH_CLOSE = 3, MORPH_GRADIENT = 4, MORPH_TOPHAT = 5, MORPH_BLACKHAT = 6 } |
enum | { MORPH_RECT = 0, MORPH_CROSS = 1, MORPH_ELLIPSE = 2 } |
enum | { INTER_NEAREST = 0, INTER_LINEAR = 1, INTER_CUBIC = 2, INTER_AREA = 3, INTER_LANCZOS4 = 4, INTER_MAX = 7, WARP_INVERSE_MAP = 16 } |
enum | { THRESH_BINARY = 0, THRESH_BINARY_INV = 1, THRESH_TRUNC = 2, THRESH_TOZERO = 3, THRESH_TOZERO_INV = 4, THRESH_MASK = 7, THRESH_OTSU = 8 } |
enum | { ADAPTIVE_THRESH_MEAN_C = 0, ADAPTIVE_THRESH_GAUSSIAN_C = 1 } |
enum | { OPTFLOW_USE_INITIAL_FLOW = 4, OPTFLOW_FARNEBACK_GAUSSIAN = 256 } |
enum | { GC_BGD = 0, GC_FGD = 1, GC_PR_BGD = 2, GC_PR_FGD = 3 } |
enum | { GC_INIT_WITH_RECT = 0, GC_INIT_WITH_MASK = 1, GC_EVAL = 2 } |
enum | { INPAINT_NS = CV_INPAINT_NS, INPAINT_TELEA = CV_INPAINT_TELEA } |
enum | { FLOODFILL_FIXED_RANGE = 1 << 16, FLOODFILL_MASK_ONLY = 1 << 17 } |
enum | { TM_SQDIFF = CV_TM_SQDIFF, TM_SQDIFF_NORMED = CV_TM_SQDIFF_NORMED, TM_CCORR = CV_TM_CCORR, TM_CCORR_NORMED = CV_TM_CCORR_NORMED, TM_CCOEFF = CV_TM_CCOEFF, TM_CCOEFF_NORMED = CV_TM_CCOEFF_NORMED } |
enum | { RETR_EXTERNAL = CV_RETR_EXTERNAL, RETR_LIST = CV_RETR_LIST, RETR_CCOMP = CV_RETR_CCOMP, RETR_TREE = CV_RETR_TREE } |
enum | { CHAIN_APPROX_NONE = CV_CHAIN_APPROX_NONE, CHAIN_APPROX_SIMPLE = CV_CHAIN_APPROX_SIMPLE, CHAIN_APPROX_TC89_L1 = CV_CHAIN_APPROX_TC89_L1, CHAIN_APPROX_TC89_KCOS = CV_CHAIN_APPROX_TC89_KCOS } |
enum | { LMEDS = 4, RANSAC = 8 } |
enum | { CALIB_CB_ADAPTIVE_THRESH = CV_CALIB_CB_ADAPTIVE_THRESH, CALIB_CB_NORMALIZE_IMAGE = CV_CALIB_CB_NORMALIZE_IMAGE, CALIB_CB_FILTER_QUADS = CV_CALIB_CB_FILTER_QUADS } |
enum | { CALIB_USE_INTRINSIC_GUESS = CV_CALIB_USE_INTRINSIC_GUESS, CALIB_FIX_ASPECT_RATIO = CV_CALIB_FIX_ASPECT_RATIO, CALIB_FIX_PRINCIPAL_POINT = CV_CALIB_FIX_PRINCIPAL_POINT, CALIB_ZERO_TANGENT_DIST = CV_CALIB_ZERO_TANGENT_DIST, CALIB_FIX_FOCAL_LENGTH = CV_CALIB_FIX_FOCAL_LENGTH, CALIB_FIX_K1 = CV_CALIB_FIX_K1, CALIB_FIX_K2 = CV_CALIB_FIX_K2, CALIB_FIX_K3 = CV_CALIB_FIX_K3, CALIB_FIX_INTRINSIC = CV_CALIB_FIX_INTRINSIC, CALIB_SAME_FOCAL_LENGTH = CV_CALIB_SAME_FOCAL_LENGTH, CALIB_ZERO_DISPARITY = CV_CALIB_ZERO_DISPARITY } |
enum | { FM_7POINT = CV_FM_7POINT, FM_8POINT = CV_FM_8POINT, FM_LMEDS = CV_FM_LMEDS, FM_RANSAC = CV_FM_RANSAC } |
enum | { MAGIC_MASK = 0xFFFF0000, TYPE_MASK = 0x00000FFF, DEPTH_MASK = 7 } |
enum | { DECOMP_LU = 0, DECOMP_SVD = 1, DECOMP_EIG = 2, DECOMP_CHOLESKY = 3, DECOMP_QR = 4, DECOMP_NORMAL = 16 } |
enum | { NORM_INF = 1, NORM_L1 = 2, NORM_L2 = 4, NORM_TYPE_MASK = 7, NORM_RELATIVE = 8, NORM_MINMAX = 32 } |
enum | { CMP_EQ = 0, CMP_GT = 1, CMP_GE = 2, CMP_LT = 3, CMP_LE = 4, CMP_NE = 5 } |
enum | { GEMM_1_T = 1, GEMM_2_T = 2, GEMM_3_T = 4 } |
enum | { DFT_INVERSE = 1, DFT_SCALE = 2, DFT_ROWS = 4, DFT_COMPLEX_OUTPUT = 16, DFT_REAL_OUTPUT = 32, DCT_INVERSE = DFT_INVERSE, DCT_ROWS = DFT_ROWS } |
enum | { KMEANS_RANDOM_CENTERS = 0, KMEANS_PP_CENTERS = 2, KMEANS_USE_INITIAL_LABELS = 1 } |
enum | { FONT_HERSHEY_SIMPLEX = 0, FONT_HERSHEY_PLAIN = 1, FONT_HERSHEY_DUPLEX = 2, FONT_HERSHEY_COMPLEX = 3, FONT_HERSHEY_TRIPLEX = 4, FONT_HERSHEY_COMPLEX_SMALL = 5, FONT_HERSHEY_SCRIPT_SIMPLEX = 6, FONT_HERSHEY_SCRIPT_COMPLEX = 7, FONT_ITALIC = 16 } |
Functions | |
CV_EXPORTS int | borderInterpolate (int p, int len, int borderType) |
CV_EXPORTS int | getKernelType (const Mat &kernel, Point anchor) |
CV_EXPORTS Ptr< BaseRowFilter > | getLinearRowFilter (int srcType, int bufType, const Mat &kernel, int anchor, int symmetryType) |
CV_EXPORTS Ptr< BaseColumnFilter > | getLinearColumnFilter (int bufType, int dstType, const Mat &kernel, int anchor, int symmetryType, double delta=0, int bits=0) |
CV_EXPORTS Ptr< BaseFilter > | getLinearFilter (int srcType, int dstType, const Mat &kernel, Point anchor=Point(-1,-1), double delta=0, int bits=0) |
CV_EXPORTS Ptr< FilterEngine > | 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 > | 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 | getGaussianKernel (int ksize, double sigma, int ktype=CV_64F) |
CV_EXPORTS Ptr< FilterEngine > | createGaussianFilter (int type, Size ksize, double sigma1, double sigma2=0, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | getDerivKernels (Mat &kx, Mat &ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F) |
CV_EXPORTS Ptr< FilterEngine > | createDerivFilter (int srcType, int dstType, int dx, int dy, int ksize, int borderType=BORDER_DEFAULT) |
CV_EXPORTS Ptr< BaseRowFilter > | getRowSumFilter (int srcType, int sumType, int ksize, int anchor=-1) |
CV_EXPORTS Ptr< BaseColumnFilter > | getColumnSumFilter (int sumType, int dstType, int ksize, int anchor=-1, double scale=1) |
CV_EXPORTS Ptr< FilterEngine > | createBoxFilter (int srcType, int dstType, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT) |
CV_EXPORTS Ptr< BaseRowFilter > | getMorphologyRowFilter (int op, int type, int ksize, int anchor=-1) |
CV_EXPORTS Ptr< BaseColumnFilter > | getMorphologyColumnFilter (int op, int type, int ksize, int anchor=-1) |
CV_EXPORTS Ptr< BaseFilter > | getMorphologyFilter (int op, int type, const Mat &kernel, Point anchor=Point(-1,-1)) |
CV_EXPORTS Ptr< FilterEngine > | 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 | getStructuringElement (int shape, Size ksize, Point anchor=Point(-1,-1)) |
CV_EXPORTS void | copyMakeBorder (const Mat &src, Mat &dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar()) |
CV_EXPORTS void | medianBlur (const Mat &src, Mat &dst, int ksize) |
CV_EXPORTS void | GaussianBlur (const Mat &src, Mat &dst, Size ksize, double sigma1, double sigma2=0, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | bilateralFilter (const Mat &src, Mat &dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | 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 | 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 | 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 | 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 | 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 | Laplacian (const Mat &src, Mat &dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | Canny (const Mat &image, Mat &edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false) |
CV_EXPORTS void | cornerMinEigenVal (const Mat &src, Mat &dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | cornerHarris (const Mat &src, Mat &dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | cornerEigenValsAndVecs (const Mat &src, Mat &dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | preCornerDetect (const Mat &src, Mat &dst, int ksize, int borderType=BORDER_DEFAULT) |
CV_EXPORTS void | cornerSubPix (const Mat &image, vector< Point2f > &corners, Size winSize, Size zeroZone, TermCriteria criteria) |
CV_EXPORTS void | 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 | HoughLines (const Mat &image, vector< Vec2f > &lines, double rho, double theta, int threshold, double srn=0, double stn=0) |
CV_EXPORTS void | HoughLinesP (Mat &image, vector< Vec4i > &lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0) |
CV_EXPORTS void | 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 | 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 | 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 | 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 | resize (const Mat &src, Mat &dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR) |
CV_EXPORTS void | 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 | 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 | 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 | convertMaps (const Mat &map1, const Mat &map2, Mat &dstmap1, Mat &dstmap2, int dstmap1type, bool nninterpolation=false) |
CV_EXPORTS Mat | getRotationMatrix2D (Point2f center, double angle, double scale) |
CV_EXPORTS Mat | getPerspectiveTransform (const Point2f src[], const Point2f dst[]) |
CV_EXPORTS Mat | getAffineTransform (const Point2f src[], const Point2f dst[]) |
CV_EXPORTS void | invertAffineTransform (const Mat &M, Mat &iM) |
CV_EXPORTS void | getRectSubPix (const Mat &image, Size patchSize, Point2f center, Mat &patch, int patchType=-1) |
CV_EXPORTS void | integral (const Mat &src, Mat &sum, int sdepth=-1) |
CV_EXPORTS void | integral (const Mat &src, Mat &sum, Mat &sqsum, int sdepth=-1) |
CV_EXPORTS void | integral (const Mat &src, Mat &sum, Mat &sqsum, Mat &tilted, int sdepth=-1) |
CV_EXPORTS void | accumulate (const Mat &src, Mat &dst, const Mat &mask=Mat()) |
CV_EXPORTS void | accumulateSquare (const Mat &src, Mat &dst, const Mat &mask=Mat()) |
CV_EXPORTS void | accumulateProduct (const Mat &src1, const Mat &src2, Mat &dst, const Mat &mask=Mat()) |
CV_EXPORTS void | accumulateWeighted (const Mat &src, Mat &dst, double alpha, const Mat &mask=Mat()) |
CV_EXPORTS double | threshold (const Mat &src, Mat &dst, double thresh, double maxval, int type) |
CV_EXPORTS void | adaptiveThreshold (const Mat &src, Mat &dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C) |
CV_EXPORTS void | pyrDown (const Mat &src, Mat &dst, const Size &dstsize=Size()) |
CV_EXPORTS void | pyrUp (const Mat &src, Mat &dst, const Size &dstsize=Size()) |
CV_EXPORTS void | buildPyramid (const Mat &src, vector< Mat > &dst, int maxlevel) |
CV_EXPORTS void | undistort (const Mat &src, Mat &dst, const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &newCameraMatrix=Mat()) |
CV_EXPORTS void | initUndistortRectifyMap (const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &R, const Mat &newCameraMatrix, Size size, int m1type, Mat &map1, Mat &map2) |
CV_EXPORTS Mat | getOptimalNewCameraMatrix (const Mat &cameraMatrix, const Mat &distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0) |
CV_EXPORTS Mat | getDefaultNewCameraMatrix (const Mat &cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false) |
CV_EXPORTS void | 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 | 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 | 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 | 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 | 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 | 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 | compareHist (const MatND &H1, const MatND &H2, int method) |
CV_EXPORTS double | compareHist (const SparseMat &H1, const SparseMat &H2, int method) |
CV_EXPORTS void | equalizeHist (const Mat &src, Mat &dst) |
CV_EXPORTS void | watershed (const Mat &image, Mat &markers) |
CV_EXPORTS void | grabCut (const Mat &img, Mat &mask, Rect rect, Mat &bgdModel, Mat &fgdModel, int iterCount, int mode=GC_EVAL) |
CV_EXPORTS void | inpaint (const Mat &src, const Mat &inpaintMask, Mat &dst, double inpaintRange, int flags) |
CV_EXPORTS void | distanceTransform (const Mat &src, Mat &dst, Mat &labels, int distanceType, int maskSize) |
CV_EXPORTS void | distanceTransform (const Mat &src, Mat &dst, int distanceType, int maskSize) |
CV_EXPORTS int | floodFill (Mat &image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4) |
CV_EXPORTS int | floodFill (Mat &image, Mat &mask, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4) |
CV_EXPORTS void | cvtColor (const Mat &src, Mat &dst, int code, int dstCn=0) |
CV_EXPORTS Moments | moments (const Mat &array, bool binaryImage=false) |
CV_EXPORTS void | HuMoments (const Moments &moments, double hu[7]) |
CV_EXPORTS void | matchTemplate (const Mat &image, const Mat &templ, Mat &result, int method) |
CV_EXPORTS void | findContours (Mat &image, vector< vector< Point > > &contours, vector< Vec4i > &hierarchy, int mode, int method, Point offset=Point()) |
CV_EXPORTS void | findContours (Mat &image, vector< vector< Point > > &contours, int mode, int method, Point offset=Point()) |
CV_EXPORTS void | 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 | approxPolyDP (const Mat &curve, vector< Point > &approxCurve, double epsilon, bool closed) |
CV_EXPORTS double | arcLength (const Mat &curve, bool closed) |
CV_EXPORTS Rect | boundingRect (const Mat &points) |
CV_EXPORTS double | contourArea (const Mat &contour, bool oriented=false) |
CV_EXPORTS RotatedRect | minAreaRect (const Mat &points) |
CV_EXPORTS void | minEnclosingCircle (const Mat &points, Point2f ¢er, float &radius) |
CV_EXPORTS double | matchShapes (const Mat &contour1, const Mat &contour2, int method, double parameter) |
CV_EXPORTS void | convexHull (const Mat &points, vector< int > &hull, bool clockwise=false) |
CV_EXPORTS void | convexHull (const Mat &points, vector< Point > &hull, bool clockwise=false) |
CV_EXPORTS bool | isContourConvex (const Mat &contour) |
CV_EXPORTS RotatedRect | fitEllipse (const Mat &points) |
CV_EXPORTS void | fitLine (const Mat &points, Vec4f &line, int distType, double param, double reps, double aeps) |
CV_EXPORTS double | pointPolygonTest (const Mat &contour, Point2f pt, bool measureDist) |
CV_EXPORTS Mat | estimateRigidTransform (const Mat &A, const Mat &B, bool fullAffine) |
CV_EXPORTS void | updateMotionHistory (const Mat &silhouette, Mat &mhi, double timestamp, double duration) |
CV_EXPORTS void | calcMotionGradient (const Mat &mhi, Mat &mask, Mat &orientation, double delta1, double delta2, int apertureSize=3) |
CV_EXPORTS double | calcGlobalOrientation (const Mat &orientation, const Mat &mask, const Mat &mhi, double timestamp, double duration) |
CV_EXPORTS RotatedRect | CamShift (const Mat &probImage, Rect &window, TermCriteria criteria) |
CV_EXPORTS int | meanShift (const Mat &probImage, Rect &window, TermCriteria criteria) |
CV_EXPORTS int | estimateAffine3D (const Mat &from, const Mat &to, Mat &out, vector< uchar > &outliers, double param1=3.0, double param2=0.99) |
CV_EXPORTS void | groupRectangles (vector< Rect > &rectList, int groupThreshold, double eps=0.2) |
CV_EXPORTS void | groupRectangles (vector< Rect > &rectList, vector< int > &weights, int groupThreshold, double eps=0.2) |
CV_EXPORTS void | undistortPoints (const Mat &src, vector< Point2f > &dst, const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &R=Mat(), const Mat &P=Mat()) |
CV_EXPORTS void | undistortPoints (const Mat &src, Mat &dst, const Mat &cameraMatrix, const Mat &distCoeffs, const Mat &R=Mat(), const Mat &P=Mat()) |
CV_EXPORTS void | Rodrigues (const Mat &src, Mat &dst) |
CV_EXPORTS void | Rodrigues (const Mat &src, Mat &dst, Mat &jacobian) |
CV_EXPORTS Mat | findHomography (const Mat &srcPoints, const Mat &dstPoints, Mat &mask, int method=0, double ransacReprojThreshold=0) |
CV_EXPORTS Mat | findHomography (const Mat &srcPoints, const Mat &dstPoints, vector< uchar > &mask, int method=0, double ransacReprojThreshold=0) |
CV_EXPORTS Mat | findHomography (const Mat &srcPoints, const Mat &dstPoints, int method=0, double ransacReprojThreshold=0) |
CV_EXPORTS void | RQDecomp3x3 (const Mat &M, Mat &R, Mat &Q) |
CV_EXPORTS Vec3d | RQDecomp3x3 (const Mat &M, Mat &R, Mat &Q, Mat &Qx, Mat &Qy, Mat &Qz) |
CV_EXPORTS void | decomposeProjectionMatrix (const Mat &projMatrix, Mat &cameraMatrix, Mat &rotMatrix, Mat &transVect) |
CV_EXPORTS void | decomposeProjectionMatrix (const Mat &projMatrix, Mat &cameraMatrix, Mat &rotMatrix, Mat &transVect, Mat &rotMatrixX, Mat &rotMatrixY, Mat &rotMatrixZ, Vec3d &eulerAngles) |
CV_EXPORTS void | matMulDeriv (const Mat &A, const Mat &B, Mat &dABdA, Mat &dABdB) |
CV_EXPORTS void | composeRT (const Mat &rvec1, const Mat &tvec1, const Mat &rvec2, const Mat &tvec2, Mat &rvec3, Mat &tvec3) |
CV_EXPORTS void | 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 | projectPoints (const Mat &objectPoints, const Mat &rvec, const Mat &tvec, const Mat &cameraMatrix, const Mat &distCoeffs, vector< Point2f > &imagePoints) |
CV_EXPORTS void | 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 | solvePnP (const Mat &objectPoints, const Mat &imagePoints, const Mat &cameraMatrix, const Mat &distCoeffs, Mat &rvec, Mat &tvec, bool useExtrinsicGuess=false) |
CV_EXPORTS Mat | initCameraMatrix2D (const vector< vector< Point3f > > &objectPoints, const vector< vector< Point2f > > &imagePoints, Size imageSize, double aspectRatio=1.) |
CV_EXPORTS bool | findChessboardCorners (const Mat &image, Size patternSize, vector< Point2f > &corners, int flags=CV_CALIB_CB_ADAPTIVE_THRESH+CV_CALIB_CB_NORMALIZE_IMAGE) |
CV_EXPORTS void | drawChessboardCorners (Mat &image, Size patternSize, const Mat &corners, bool patternWasFound) |
CV_EXPORTS double | 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 | calibrationMatrixValues (const Mat &cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio) |
CV_EXPORTS double | 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 | 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 | 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 | stereoRectifyUncalibrated (const Mat &points1, const Mat &points2, const Mat &F, Size imgSize, Mat &H1, Mat &H2, double threshold=5) |
CV_EXPORTS void | convertPointsHomogeneous (const Mat &src, vector< Point3f > &dst) |
CV_EXPORTS void | convertPointsHomogeneous (const Mat &src, vector< Point2f > &dst) |
CV_EXPORTS Mat | findFundamentalMat (const Mat &points1, const Mat &points2, vector< uchar > &mask, int method=FM_RANSAC, double param1=3., double param2=0.99) |
CV_EXPORTS Mat | findFundamentalMat (const Mat &points1, const Mat &points2, int method=FM_RANSAC, double param1=3., double param2=0.99) |
CV_EXPORTS void | computeCorrespondEpilines (const Mat &points1, int whichImage, const Mat &F, vector< Vec3f > &lines) |
CV_EXPORTS void | filterSpeckles (Mat &img, double newVal, int maxSpeckleSize, double maxDiff, Mat &buf) |
CV_EXPORTS Rect | getValidDisparityROI (Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize) |
CV_EXPORTS void | validateDisparity (Mat &disparity, const Mat &cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1) |
CV_EXPORTS void | reprojectImageTo3D (const Mat &disparity, Mat &_3dImage, const Mat &Q, bool handleMissingValues=false) |
CV_EXPORTS void | write (FileStorage &fs, const string &name, const vector< KeyPoint > &keypoints) |
CV_EXPORTS void | read (const FileNode &node, vector< KeyPoint > &keypoints) |
CV_EXPORTS std::ostream & | operator<< (std::ostream &out, const TickMeter &tm) |
CV_EXPORTS void | FAST (const Mat &image, vector< KeyPoint > &keypoints, int threshold, bool nonmax_supression=true) |
CV_EXPORTS bool | find4QuadCornerSubpix (const Mat &img, std::vector< Point2f > &corners, Size region_size) |
CV_EXPORTS string | fromUtf16 (const WString &str) |
CV_EXPORTS WString | toUtf16 (const string &str) |
CV_EXPORTS string | format (const char *fmt,...) |
CV_EXPORTS void | error (const Exception &exc) |
CV_EXPORTS bool | setBreakOnError (bool value) |
CV_EXPORTS CvErrorCallback | redirectError (CvErrorCallback errCallback, void *userdata=0, void **prevUserdata=0) |
CV_EXPORTS void | setNumThreads (int) |
CV_EXPORTS int | getNumThreads () |
CV_EXPORTS int | getThreadNum () |
CV_EXPORTS int64 | getTickCount () |
CV_EXPORTS double | getTickFrequency () |
CV_EXPORTS int64 | getCPUTickCount () |
CV_EXPORTS bool | checkHardwareSupport (int feature) |
CV_EXPORTS void * | fastMalloc (size_t) |
CV_EXPORTS void | fastFree (void *ptr) |
CV_EXPORTS void | setUseOptimized (bool) |
CV_EXPORTS bool | useOptimized () |
CV_EXPORTS void | extractImageCOI (const CvArr *arr, Mat &coiimg, int coi=-1) |
CV_EXPORTS void | insertImageCOI (const Mat &coiimg, CvArr *arr, int coi=-1) |
CV_EXPORTS void | add (const Mat &a, const Mat &b, Mat &c, const Mat &mask) |
CV_EXPORTS void | subtract (const Mat &a, const Mat &b, Mat &c, const Mat &mask) |
CV_EXPORTS void | add (const Mat &a, const Mat &b, Mat &c) |
CV_EXPORTS void | subtract (const Mat &a, const Mat &b, Mat &c) |
CV_EXPORTS void | add (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | subtract (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | multiply (const Mat &a, const Mat &b, Mat &c, double scale=1) |
CV_EXPORTS void | divide (const Mat &a, const Mat &b, Mat &c, double scale=1) |
CV_EXPORTS void | divide (double scale, const Mat &b, Mat &c) |
CV_EXPORTS void | subtract (const Scalar &s, const Mat &a, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | scaleAdd (const Mat &a, double alpha, const Mat &b, Mat &c) |
CV_EXPORTS void | addWeighted (const Mat &a, double alpha, const Mat &b, double beta, double gamma, Mat &c) |
CV_EXPORTS void | convertScaleAbs (const Mat &a, Mat &c, double alpha=1, double beta=0) |
CV_EXPORTS void | LUT (const Mat &a, const Mat &lut, Mat &b) |
CV_EXPORTS Scalar | sum (const Mat &m) |
CV_EXPORTS int | countNonZero (const Mat &m) |
CV_EXPORTS Scalar | mean (const Mat &m) |
CV_EXPORTS Scalar | mean (const Mat &m, const Mat &mask) |
CV_EXPORTS void | meanStdDev (const Mat &m, Scalar &mean, Scalar &stddev, const Mat &mask=Mat()) |
CV_EXPORTS double | norm (const Mat &a, int normType=NORM_L2) |
CV_EXPORTS double | norm (const Mat &a, const Mat &b, int normType=NORM_L2) |
CV_EXPORTS double | norm (const Mat &a, int normType, const Mat &mask) |
CV_EXPORTS double | norm (const Mat &a, const Mat &b, int normType, const Mat &mask) |
CV_EXPORTS void | normalize (const Mat &a, Mat &b, double alpha=1, double beta=0, int norm_type=NORM_L2, int rtype=-1, const Mat &mask=Mat()) |
CV_EXPORTS void | minMaxLoc (const Mat &a, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, const Mat &mask=Mat()) |
CV_EXPORTS void | reduce (const Mat &m, Mat &dst, int dim, int rtype, int dtype=-1) |
CV_EXPORTS void | merge (const Mat *mv, size_t count, Mat &dst) |
CV_EXPORTS void | split (const Mat &m, Mat *mvbegin) |
CV_EXPORTS void | mixChannels (const Mat *src, int nsrcs, Mat *dst, int ndsts, const int *fromTo, size_t npairs) |
CV_EXPORTS void | flip (const Mat &a, Mat &b, int flipCode) |
CV_EXPORTS void | repeat (const Mat &a, int ny, int nx, Mat &b) |
CV_EXPORTS void | bitwise_and (const Mat &a, const Mat &b, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | bitwise_or (const Mat &a, const Mat &b, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | bitwise_xor (const Mat &a, const Mat &b, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | bitwise_and (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | bitwise_or (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | bitwise_xor (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat()) |
CV_EXPORTS void | bitwise_not (const Mat &a, Mat &c) |
CV_EXPORTS void | absdiff (const Mat &a, const Mat &b, Mat &c) |
CV_EXPORTS void | absdiff (const Mat &a, const Scalar &s, Mat &c) |
CV_EXPORTS void | inRange (const Mat &src, const Mat &lowerb, const Mat &upperb, Mat &dst) |
CV_EXPORTS void | inRange (const Mat &src, const Scalar &lowerb, const Scalar &upperb, Mat &dst) |
CV_EXPORTS void | compare (const Mat &a, const Mat &b, Mat &c, int cmpop) |
CV_EXPORTS void | compare (const Mat &a, double s, Mat &c, int cmpop) |
CV_EXPORTS void | min (const Mat &a, const Mat &b, Mat &c) |
CV_EXPORTS void | min (const Mat &a, double alpha, Mat &c) |
CV_EXPORTS void | max (const Mat &a, const Mat &b, Mat &c) |
CV_EXPORTS void | max (const Mat &a, double alpha, Mat &c) |
CV_EXPORTS void | sqrt (const Mat &a, Mat &b) |
CV_EXPORTS void | pow (const Mat &a, double power, Mat &b) |
CV_EXPORTS void | exp (const Mat &a, Mat &b) |
CV_EXPORTS void | log (const Mat &a, Mat &b) |
CV_EXPORTS float | cubeRoot (float val) |
CV_EXPORTS float | fastAtan2 (float y, float x) |
CV_EXPORTS void | polarToCart (const Mat &magnitude, const Mat &angle, Mat &x, Mat &y, bool angleInDegrees=false) |
CV_EXPORTS void | cartToPolar (const Mat &x, const Mat &y, Mat &magnitude, Mat &angle, bool angleInDegrees=false) |
CV_EXPORTS void | phase (const Mat &x, const Mat &y, Mat &angle, bool angleInDegrees=false) |
CV_EXPORTS void | magnitude (const Mat &x, const Mat &y, Mat &magnitude) |
CV_EXPORTS bool | checkRange (const Mat &a, bool quiet=true, Point *pt=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX) |
CV_EXPORTS void | gemm (const Mat &a, const Mat &b, double alpha, const Mat &c, double gamma, Mat &d, int flags=0) |
CV_EXPORTS void | mulTransposed (const Mat &a, Mat &c, bool aTa, const Mat &delta=Mat(), double scale=1, int rtype=-1) |
CV_EXPORTS void | transpose (const Mat &a, Mat &b) |
CV_EXPORTS void | transform (const Mat &src, Mat &dst, const Mat &m) |
CV_EXPORTS void | perspectiveTransform (const Mat &src, Mat &dst, const Mat &m) |
CV_EXPORTS void | completeSymm (Mat &a, bool lowerToUpper=false) |
CV_EXPORTS void | setIdentity (Mat &c, const Scalar &s=Scalar(1)) |
CV_EXPORTS double | determinant (const Mat &m) |
CV_EXPORTS Scalar | trace (const Mat &m) |
CV_EXPORTS double | invert (const Mat &a, Mat &c, int flags=DECOMP_LU) |
CV_EXPORTS bool | solve (const Mat &a, const Mat &b, Mat &x, int flags=DECOMP_LU) |
CV_EXPORTS void | sort (const Mat &a, Mat &b, int flags) |
CV_EXPORTS void | sortIdx (const Mat &a, Mat &b, int flags) |
CV_EXPORTS int | solveCubic (const Mat &coeffs, Mat &roots) |
CV_EXPORTS double | solvePoly (const Mat &coeffs, Mat &roots, int maxIters=300) |
CV_EXPORTS bool | eigen (const Mat &a, Mat &eigenvalues, int lowindex=-1, int highindex=-1) |
CV_EXPORTS bool | eigen (const Mat &a, Mat &eigenvalues, Mat &eigenvectors, int lowindex=-1, int highindex=-1) |
CV_EXPORTS void | calcCovarMatrix (const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F) |
CV_EXPORTS void | calcCovarMatrix (const Mat &samples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F) |
CV_EXPORTS double | Mahalanobis (const Mat &v1, const Mat &v2, const Mat &icovar) |
CV_EXPORTS void | dft (const Mat &src, Mat &dst, int flags=0, int nonzeroRows=0) |
CV_EXPORTS void | idft (const Mat &src, Mat &dst, int flags=0, int nonzeroRows=0) |
CV_EXPORTS void | dct (const Mat &src, Mat &dst, int flags=0) |
CV_EXPORTS void | idct (const Mat &src, Mat &dst, int flags=0) |
CV_EXPORTS void | mulSpectrums (const Mat &a, const Mat &b, Mat &c, int flags, bool conjB=false) |
CV_EXPORTS int | getOptimalDFTSize (int vecsize) |
CV_EXPORTS double | kmeans (const Mat &data, int K, Mat &best_labels, TermCriteria criteria, int attempts, int flags, Mat *centers) |
CV_EXPORTS RNG & | theRNG () |
CV_EXPORTS void | randShuffle (Mat &dst, double iterFactor=1., RNG *rng=0) |
CV_EXPORTS void | line (Mat &img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=8, int shift=0) |
CV_EXPORTS void | rectangle (Mat &img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=8, int shift=0) |
CV_EXPORTS void | rectangle (Mat &img, Rect rec, const Scalar &color, int thickness=1, int lineType=8, int shift=0) |
CV_EXPORTS void | circle (Mat &img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=8, int shift=0) |
CV_EXPORTS void | ellipse (Mat &img, Point center, Size axes, double angle, double startAngle, double endAngle, const Scalar &color, int thickness=1, int lineType=8, int shift=0) |
CV_EXPORTS void | ellipse (Mat &img, const RotatedRect &box, const Scalar &color, int thickness=1, int lineType=8) |
CV_EXPORTS void | fillConvexPoly (Mat &img, const Point *pts, int npts, const Scalar &color, int lineType=8, int shift=0) |
CV_EXPORTS void | fillPoly (Mat &img, const Point **pts, const int *npts, int ncontours, const Scalar &color, int lineType=8, int shift=0, Point offset=Point()) |
CV_EXPORTS void | polylines (Mat &img, const Point **pts, const int *npts, int ncontours, bool isClosed, const Scalar &color, int thickness=1, int lineType=8, int shift=0) |
CV_EXPORTS bool | clipLine (Size imgSize, Point &pt1, Point &pt2) |
CV_EXPORTS bool | clipLine (Rect img_rect, Point &pt1, Point &pt2) |
CV_EXPORTS void | ellipse2Poly (Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, vector< Point > &pts) |
CV_EXPORTS void | putText (Mat &img, const string &text, Point org, int fontFace, double fontScale, Scalar color, int thickness=1, int linetype=8, bool bottomLeftOrigin=false) |
CV_EXPORTS Size | getTextSize (const string &text, int fontFace, double fontScale, int thickness, int *baseLine) |
CV_EXPORTS void | add (const MatND &a, const MatND &b, MatND &c, const MatND &mask) |
CV_EXPORTS void | subtract (const MatND &a, const MatND &b, MatND &c, const MatND &mask) |
CV_EXPORTS void | add (const MatND &a, const MatND &b, MatND &c) |
CV_EXPORTS void | subtract (const MatND &a, const MatND &b, MatND &c) |
CV_EXPORTS void | add (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | multiply (const MatND &a, const MatND &b, MatND &c, double scale=1) |
CV_EXPORTS void | divide (const MatND &a, const MatND &b, MatND &c, double scale=1) |
CV_EXPORTS void | divide (double scale, const MatND &b, MatND &c) |
CV_EXPORTS void | subtract (const Scalar &s, const MatND &a, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | scaleAdd (const MatND &a, double alpha, const MatND &b, MatND &c) |
CV_EXPORTS void | addWeighted (const MatND &a, double alpha, const MatND &b, double beta, double gamma, MatND &c) |
CV_EXPORTS Scalar | sum (const MatND &m) |
CV_EXPORTS int | countNonZero (const MatND &m) |
CV_EXPORTS Scalar | mean (const MatND &m) |
CV_EXPORTS Scalar | mean (const MatND &m, const MatND &mask) |
CV_EXPORTS void | meanStdDev (const MatND &m, Scalar &mean, Scalar &stddev, const MatND &mask=MatND()) |
CV_EXPORTS double | norm (const MatND &a, int normType=NORM_L2, const MatND &mask=MatND()) |
CV_EXPORTS double | norm (const MatND &a, const MatND &b, int normType=NORM_L2, const MatND &mask=MatND()) |
CV_EXPORTS void | normalize (const MatND &a, MatND &b, double alpha=1, double beta=0, int norm_type=NORM_L2, int rtype=-1, const MatND &mask=MatND()) |
CV_EXPORTS void | minMaxLoc (const MatND &a, double *minVal, double *maxVal, int *minIdx=0, int *maxIdx=0, const MatND &mask=MatND()) |
CV_EXPORTS void | merge (const MatND *mvbegin, size_t count, MatND &dst) |
CV_EXPORTS void | split (const MatND &m, MatND *mv) |
CV_EXPORTS void | mixChannels (const MatND *src, int nsrcs, MatND *dst, int ndsts, const int *fromTo, size_t npairs) |
CV_EXPORTS void | bitwise_and (const MatND &a, const MatND &b, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | bitwise_or (const MatND &a, const MatND &b, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | bitwise_xor (const MatND &a, const MatND &b, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | bitwise_and (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | bitwise_or (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | bitwise_xor (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND()) |
CV_EXPORTS void | bitwise_not (const MatND &a, MatND &c) |
CV_EXPORTS void | absdiff (const MatND &a, const MatND &b, MatND &c) |
CV_EXPORTS void | absdiff (const MatND &a, const Scalar &s, MatND &c) |
CV_EXPORTS void | inRange (const MatND &src, const MatND &lowerb, const MatND &upperb, MatND &dst) |
CV_EXPORTS void | inRange (const MatND &src, const Scalar &lowerb, const Scalar &upperb, MatND &dst) |
CV_EXPORTS void | compare (const MatND &a, const MatND &b, MatND &c, int cmpop) |
CV_EXPORTS void | compare (const MatND &a, double s, MatND &c, int cmpop) |
CV_EXPORTS void | min (const MatND &a, const MatND &b, MatND &c) |
CV_EXPORTS void | min (const MatND &a, double alpha, MatND &c) |
CV_EXPORTS void | max (const MatND &a, const MatND &b, MatND &c) |
CV_EXPORTS void | max (const MatND &a, double alpha, MatND &c) |
CV_EXPORTS void | sqrt (const MatND &a, MatND &b) |
CV_EXPORTS void | pow (const MatND &a, double power, MatND &b) |
CV_EXPORTS void | exp (const MatND &a, MatND &b) |
CV_EXPORTS void | log (const MatND &a, MatND &b) |
CV_EXPORTS bool | checkRange (const MatND &a, bool quiet=true, int *idx=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX) |
CV_EXPORTS ConvertData | getConvertElem (int fromType, int toType) |
CV_EXPORTS ConvertScaleData | getConvertScaleElem (int fromType, int toType) |
CV_EXPORTS void | minMaxLoc (const SparseMat &a, double *minVal, double *maxVal, int *minIdx=0, int *maxIdx=0) |
CV_EXPORTS double | norm (const SparseMat &src, int normType) |
CV_EXPORTS void | normalize (const SparseMat &src, SparseMat &dst, double alpha, int normType) |
template<typename T1 , typename T2 , typename Op > | |
void | process (const Mat_< T1 > &m1, Mat_< T2 > &m2, Op op) |
template<typename T1 , typename T2 , typename T3 , typename Op > | |
void | process (const Mat_< T1 > &m1, const Mat_< T2 > &m2, Mat_< T3 > &m3, Op op) |
template<typename _Tp > | |
void | merge (const Mat_< _Tp > *mvbegin, size_t count, Mat &dst) |
template<typename _Tp > | |
void | split (const Mat &src, vector< Mat_< _Tp > > &mv) |
void | subtract (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND()) |
template<> | |
uchar | saturate_cast< uchar > (schar v) |
template<> | |
uchar | saturate_cast< uchar > (ushort v) |
template<> | |
uchar | saturate_cast< uchar > (int v) |
template<> | |
uchar | saturate_cast< uchar > (short v) |
template<> | |
uchar | saturate_cast< uchar > (unsigned v) |
template<> | |
uchar | saturate_cast< uchar > (float v) |
template<> | |
uchar | saturate_cast< uchar > (double v) |
template<> | |
schar | saturate_cast< schar > (uchar v) |
template<> | |
schar | saturate_cast< schar > (ushort v) |
template<> | |
schar | saturate_cast< schar > (int v) |
template<> | |
schar | saturate_cast< schar > (short v) |
template<> | |
schar | saturate_cast< schar > (unsigned v) |
template<> | |
schar | saturate_cast< schar > (float v) |
template<> | |
schar | saturate_cast< schar > (double v) |
template<> | |
ushort | saturate_cast< ushort > (schar v) |
template<> | |
ushort | saturate_cast< ushort > (short v) |
template<> | |
ushort | saturate_cast< ushort > (int v) |
template<> | |
ushort | saturate_cast< ushort > (unsigned v) |
template<> | |
ushort | saturate_cast< ushort > (float v) |
template<> | |
ushort | saturate_cast< ushort > (double v) |
template<> | |
short | saturate_cast< short > (ushort v) |
template<> | |
short | saturate_cast< short > (int v) |
template<> | |
short | saturate_cast< short > (unsigned v) |
template<> | |
short | saturate_cast< short > (float v) |
template<> | |
short | saturate_cast< short > (double v) |
template<> | |
int | saturate_cast< int > (float v) |
template<> | |
int | saturate_cast< int > (double v) |
template<> | |
unsigned | saturate_cast< unsigned > (float v) |
template<> | |
unsigned | saturate_cast< unsigned > (double v) |
template<typename _Tp > | |
DataType< _Tp >::work_type | dot (const Vector< _Tp > &v1, const Vector< _Tp > &v2) |
template<> | |
void | write (FileStorage &fs, const int &value) |
template<> | |
void | write (FileStorage &fs, const float &value) |
template<> | |
void | write (FileStorage &fs, const double &value) |
template<> | |
void | write (FileStorage &fs, const string &value) |
template<typename _Tp > | |
void | write (FileStorage &fs, const Point_< _Tp > &pt) |
template<typename _Tp > | |
void | write (FileStorage &fs, const Point3_< _Tp > &pt) |
template<typename _Tp > | |
void | write (FileStorage &fs, const Size_< _Tp > &sz) |
template<typename _Tp > | |
void | write (FileStorage &fs, const Complex< _Tp > &c) |
template<typename _Tp > | |
void | write (FileStorage &fs, const Rect_< _Tp > &r) |
template<typename _Tp , int cn> | |
void | write (FileStorage &fs, const Vec< _Tp, cn > &v) |
template<typename _Tp > | |
void | write (FileStorage &fs, const Scalar_< _Tp > &s) |
void | write (FileStorage &fs, const Range &r) |
template<typename _Tp > | |
void | write (FileStorage &fs, const string &name, const Point_< _Tp > &pt) |
template<typename _Tp > | |
void | write (FileStorage &fs, const string &name, const Point3_< _Tp > &pt) |
template<typename _Tp > | |
void | write (FileStorage &fs, const string &name, const Size_< _Tp > &sz) |
template<typename _Tp > | |
void | write (FileStorage &fs, const string &name, const Complex< _Tp > &c) |
template<typename _Tp > | |
void | write (FileStorage &fs, const string &name, const Rect_< _Tp > &r) |
template<typename _Tp , int cn> | |
void | write (FileStorage &fs, const string &name, const Vec< _Tp, cn > &v) |
template<typename _Tp > | |
void | write (FileStorage &fs, const string &name, const Scalar_< _Tp > &s) |
void | write (FileStorage &fs, const string &name, const Range &r) |
CV_EXPORTS void | write (FileStorage &fs, const string &name, const Mat &value) |
CV_EXPORTS void | write (FileStorage &fs, const string &name, const MatND &value) |
CV_EXPORTS void | write (FileStorage &fs, const string &name, const SparseMat &value) |
CV_EXPORTS FileStorage & | operator<< (FileStorage &fs, const string &str) |
CV_EXPORTS void | read (const FileNode &node, Mat &mat, const Mat &default_mat=Mat()) |
CV_EXPORTS void | read (const FileNode &node, MatND &mat, const MatND &default_mat=MatND()) |
CV_EXPORTS void | read (const FileNode &node, SparseMat &mat, const SparseMat &default_mat=SparseMat()) |
template<typename _Tp , class _LT > | |
void | sort (vector< _Tp > &vec, _LT LT=_LT()) |
template<typename _Tp , class _EqPredicate > | |
int | partition (const vector< _Tp > &_vec, vector< int > &labels, _EqPredicate predicate=_EqPredicate()) |
template<typename _Tp > | |
ptrdiff_t | operator- (const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b) |
template<typename _Tp > | |
bool | operator== (const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b) |
template<typename _Tp > | |
bool | operator!= (const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b) |
CV_EXPORTS void | namedWindow (const string &winname, int flags CV_DEFAULT(CV_WINDOW_AUTOSIZE)) |
CV_EXPORTS void | setWindowProperty (const string &winname, int prop_id, double prop_value) |
CV_EXPORTS double | getWindowProperty (const string &winname, int prop_id) |
CV_EXPORTS void | imshow (const string &winname, const Mat &mat) |
CV_EXPORTS int | createTrackbar (const string &trackbarname, const string &winname, int *value, int count, TrackbarCallback onChange CV_DEFAULT(0), void *userdata CV_DEFAULT(0)) |
CV_EXPORTS int | getTrackbarPos (const string &trackbarname, const string &winname) |
CV_EXPORTS void | setTrackbarPos (const string &trackbarname, const string &winname, int pos) |
CV_EXPORTS Mat | imread (const string &filename, int flags=1) |
CV_EXPORTS bool | imwrite (const string &filename, const Mat &img, const vector< int > ¶ms=vector< int >()) |
CV_EXPORTS Mat | imdecode (const Mat &buf, int flags) |
CV_EXPORTS bool | imencode (const string &ext, const Mat &img, vector< uchar > &buf, const vector< int > ¶ms=vector< int >()) |
CV_EXPORTS int | waitKey (int delay=0) |
Variables | |
class CV_EXPORTS | Size_ |
class CV_EXPORTS | Point_ |
class CV_EXPORTS | Rect_ |
class CV_EXPORTS | MatExpr_Base_ |
class CV_EXPORTS | MatOp_DivRS_ |
class CV_EXPORTS | MatOp_Inv_ |
class CV_EXPORTS | MatOp_MulDiv_ |
class CV_EXPORTS | MatOp_Repeat_ |
class CV_EXPORTS | MatOp_Set_ |
class CV_EXPORTS | MatOp_Scale_ |
class CV_EXPORTS | MatOp_T_ |
class CV_EXPORTS | MatOp_Iter_ |
class CV_EXPORTS | FileNode |
class CV_EXPORTS | FileNodeIterator |
typedef cv::RNG cv::CalonderRng |
A pseudo-random number generator usable with std::random_shuffle.
typedef unsigned int cv::int_type |
typedef tbb::blocked_range<int> cv::BlockedRange |
typedef tbb::split cv::Split |
typedef std::vector< Rect > cv::ConcurrentRectVector |
typedef WImage<uchar> cv::WImage_b |
typedef WImageView<uchar> cv::WImageView_b |
typedef WImageBuffer<uchar> cv::WImageBuffer_b |
typedef WImageC<uchar, 1> cv::WImage1_b |
typedef WImageViewC<uchar, 1> cv::WImageView1_b |
typedef WImageBufferC<uchar, 1> cv::WImageBuffer1_b |
typedef WImageC<uchar, 3> cv::WImage3_b |
typedef WImageViewC<uchar, 3> cv::WImageView3_b |
typedef WImageBufferC<uchar, 3> cv::WImageBuffer3_b |
typedef WImage<float> cv::WImage_f |
typedef WImageView<float> cv::WImageView_f |
typedef WImageBuffer<float> cv::WImageBuffer_f |
typedef WImageC<float, 1> cv::WImage1_f |
typedef WImageViewC<float, 1> cv::WImageView1_f |
typedef WImageBufferC<float, 1> cv::WImageBuffer1_f |
typedef WImageC<float, 3> cv::WImage3_f |
typedef WImageViewC<float, 3> cv::WImageView3_f |
typedef WImageBufferC<float, 3> cv::WImageBuffer3_f |
typedef WImage<short> cv::WImage_16s |
typedef WImageView<short> cv::WImageView_16s |
typedef WImageBuffer<short> cv::WImageBuffer_16s |
typedef WImageC<short, 1> cv::WImage1_16s |
typedef WImageViewC<short, 1> cv::WImageView1_16s |
typedef WImageBufferC<short, 1> cv::WImageBuffer1_16s |
typedef WImageC<short, 3> cv::WImage3_16s |
typedef WImageViewC<short, 3> cv::WImageView3_16s |
typedef WImageBufferC<short, 3> cv::WImageBuffer3_16s |
typedef WImage<ushort> cv::WImage_16u |
typedef WImageView<ushort> cv::WImageView_16u |
typedef WImageBuffer<ushort> cv::WImageBuffer_16u |
typedef WImageC<ushort, 1> cv::WImage1_16u |
typedef WImageViewC<ushort, 1> cv::WImageView1_16u |
typedef WImageBufferC<ushort, 1> cv::WImageBuffer1_16u |
typedef WImageC<ushort, 3> cv::WImage3_16u |
typedef WImageViewC<ushort, 3> cv::WImageView3_16u |
typedef WImageBufferC<ushort, 3> cv::WImageBuffer3_16u |
typedef std::string cv::String |
typedef std::basic_string<wchar_t> cv::WString |
typedef Complex<float> cv::Complexf |
typedef Complex<double> cv::Complexd |
typedef Point_<int> cv::Point2i |
typedef Size_<int> cv::Size2i |
typedef Point_<float> cv::Point2f |
typedef Point_<double> cv::Point2d |
typedef Size_<float> cv::Size2f |
typedef Point3_<int> cv::Point3i |
typedef Point3_<float> cv::Point3f |
typedef Point3_<double> cv::Point3d |
typedef Scalar_<double> cv::Scalar |
typedef MatExpr_Base_<Mat> cv::MatExpr_Base |
typedef MatExpr_<MatExpr_Op4_<Size, int, Scalar, int, Mat, MatOp_Set_<Mat> >, Mat> cv::MatExpr_Initializer |
typedef void(* cv::ConvertData)(const void *from, void *to, int cn) |
typedef void(* cv::ConvertScaleData)(const void *from, void *to, int cn, double alpha, double beta) |
typedef Ptr<CvMemStorage> cv::MemStorage |
typedef CvTrackbarCallback2 cv::TrackbarCallback |
typedef CvStatModel cv::StatModel |
typedef CvParamGrid cv::ParamGrid |
typedef CvKNearest cv::KNearest |
typedef CvSVMParams cv::SVMParams |
typedef CvSVMKernel cv::SVMKernel |
typedef CvSVMSolver cv::SVMSolver |
typedef CvEMParams cv::EMParams |
typedef CvEM cv::ExpectationMaximization |
typedef CvDTreeParams cv::DTreeParams |
typedef CvMLData cv::TrainData |
typedef CvDTree cv::DecisionTree |
typedef CvForestTree cv::ForestTree |
typedef CvRTParams cv::RandomTreeParams |
typedef CvRTrees cv::RandomTrees |
typedef CvERTreeTrainData cv::ERTreeTRainData |
typedef CvForestERTree cv::ERTree |
typedef CvERTrees cv::ERTrees |
typedef CvBoostParams cv::BoostParams |
typedef CvBoostTree cv::BoostTree |
typedef CvANN_MLP cv::NeuralNet_MLP |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
anonymous enum |
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 | ||
) |
CV_EXPORTS std::ostream& cv::operator<< | ( | std::ostream & | out, |
const TickMeter & | tm | ||
) |
CV_EXPORTS void cv::FAST | ( | const Mat & | image, |
vector< KeyPoint > & | keypoints, | ||
int | threshold, | ||
bool | nonmax_supression = true |
||
) |
CV_EXPORTS bool cv::find4QuadCornerSubpix | ( | const Mat & | img, |
std::vector< Point2f > & | corners, | ||
Size | region_size | ||
) |
CV_EXPORTS string cv::fromUtf16 | ( | const WString & | str ) |
CV_EXPORTS WString cv::toUtf16 | ( | const string & | str ) |
CV_EXPORTS string cv::format | ( | const char * | fmt, |
... | |||
) |
CV_EXPORTS void cv::error | ( | const Exception & | exc ) |
CV_EXPORTS bool cv::setBreakOnError | ( | bool | value ) |
CV_EXPORTS CvErrorCallback cv::redirectError | ( | CvErrorCallback | errCallback, |
void * | userdata = 0 , |
||
void ** | prevUserdata = 0 |
||
) |
CV_EXPORTS void cv::setNumThreads | ( | int | ) |
CV_EXPORTS int cv::getNumThreads | ( | ) |
CV_EXPORTS int cv::getThreadNum | ( | ) |
CV_EXPORTS int64 cv::getTickCount | ( | ) |
CV_EXPORTS double cv::getTickFrequency | ( | ) |
CV_EXPORTS int64 cv::getCPUTickCount | ( | ) |
CV_EXPORTS bool cv::checkHardwareSupport | ( | int | feature ) |
CV_EXPORTS void* cv::fastMalloc | ( | size_t | ) |
CV_EXPORTS void cv::fastFree | ( | void * | ptr ) |
CV_EXPORTS void cv::setUseOptimized | ( | bool | ) |
CV_EXPORTS bool cv::useOptimized | ( | ) |
CV_EXPORTS void cv::extractImageCOI | ( | const CvArr * | arr, |
Mat & | coiimg, | ||
int | coi = -1 |
||
) |
CV_EXPORTS void cv::insertImageCOI | ( | const Mat & | coiimg, |
CvArr * | arr, | ||
int | coi = -1 |
||
) |
CV_EXPORTS void cv::add | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
const Mat & | mask | ||
) |
CV_EXPORTS void cv::subtract | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
const Mat & | mask | ||
) |
CV_EXPORTS void cv::add | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::subtract | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::add | ( | const Mat & | a, |
const Scalar & | s, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::subtract | ( | const Mat & | a, |
const Scalar & | s, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::multiply | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
double | scale = 1 |
||
) |
CV_EXPORTS void cv::divide | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
double | scale = 1 |
||
) |
CV_EXPORTS void cv::divide | ( | double | scale, |
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::subtract | ( | const Scalar & | s, |
const Mat & | a, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::scaleAdd | ( | const Mat & | a, |
double | alpha, | ||
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::addWeighted | ( | const Mat & | a, |
double | alpha, | ||
const Mat & | b, | ||
double | beta, | ||
double | gamma, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::convertScaleAbs | ( | const Mat & | a, |
Mat & | c, | ||
double | alpha = 1 , |
||
double | beta = 0 |
||
) |
CV_EXPORTS void cv::LUT | ( | const Mat & | a, |
const Mat & | lut, | ||
Mat & | b | ||
) |
CV_EXPORTS Scalar cv::sum | ( | const Mat & | m ) |
CV_EXPORTS int cv::countNonZero | ( | const Mat & | m ) |
CV_EXPORTS Scalar cv::mean | ( | const Mat & | m ) |
CV_EXPORTS Scalar cv::mean | ( | const Mat & | m, |
const Mat & | mask | ||
) |
CV_EXPORTS void cv::meanStdDev | ( | const Mat & | m, |
Scalar & | mean, | ||
Scalar & | stddev, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS double cv::norm | ( | const Mat & | a, |
int | normType = NORM_L2 |
||
) |
CV_EXPORTS double cv::norm | ( | const Mat & | a, |
const Mat & | b, | ||
int | normType = NORM_L2 |
||
) |
CV_EXPORTS double cv::norm | ( | const Mat & | a, |
int | normType, | ||
const Mat & | mask | ||
) |
CV_EXPORTS double cv::norm | ( | const Mat & | a, |
const Mat & | b, | ||
int | normType, | ||
const Mat & | mask | ||
) |
CV_EXPORTS void cv::normalize | ( | const Mat & | a, |
Mat & | b, | ||
double | alpha = 1 , |
||
double | beta = 0 , |
||
int | norm_type = NORM_L2 , |
||
int | rtype = -1 , |
||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::minMaxLoc | ( | const Mat & | a, |
double * | minVal, | ||
double * | maxVal = 0 , |
||
Point * | minLoc = 0 , |
||
Point * | maxLoc = 0 , |
||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::reduce | ( | const Mat & | m, |
Mat & | dst, | ||
int | dim, | ||
int | rtype, | ||
int | dtype = -1 |
||
) |
CV_EXPORTS void cv::merge | ( | const Mat * | mv, |
size_t | count, | ||
Mat & | dst | ||
) |
CV_EXPORTS void cv::split | ( | const Mat & | m, |
Mat * | mvbegin | ||
) |
CV_EXPORTS void cv::mixChannels | ( | const Mat * | src, |
int | nsrcs, | ||
Mat * | dst, | ||
int | ndsts, | ||
const int * | fromTo, | ||
size_t | npairs | ||
) |
CV_EXPORTS void cv::flip | ( | const Mat & | a, |
Mat & | b, | ||
int | flipCode | ||
) |
CV_EXPORTS void cv::repeat | ( | const Mat & | a, |
int | ny, | ||
int | nx, | ||
Mat & | b | ||
) |
CV_EXPORTS void cv::bitwise_and | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::bitwise_or | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::bitwise_xor | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::bitwise_and | ( | const Mat & | a, |
const Scalar & | s, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::bitwise_or | ( | const Mat & | a, |
const Scalar & | s, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::bitwise_xor | ( | const Mat & | a, |
const Scalar & | s, | ||
Mat & | c, | ||
const Mat & | mask = Mat() |
||
) |
CV_EXPORTS void cv::bitwise_not | ( | const Mat & | a, |
Mat & | c | ||
) |
CV_EXPORTS void cv::absdiff | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::absdiff | ( | const Mat & | a, |
const Scalar & | s, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::inRange | ( | const Mat & | src, |
const Mat & | lowerb, | ||
const Mat & | upperb, | ||
Mat & | dst | ||
) |
CV_EXPORTS void cv::inRange | ( | const Mat & | src, |
const Scalar & | lowerb, | ||
const Scalar & | upperb, | ||
Mat & | dst | ||
) |
CV_EXPORTS void cv::compare | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
int | cmpop | ||
) |
CV_EXPORTS void cv::compare | ( | const Mat & | a, |
double | s, | ||
Mat & | c, | ||
int | cmpop | ||
) |
CV_EXPORTS void cv::min | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::min | ( | const Mat & | a, |
double | alpha, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::max | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::max | ( | const Mat & | a, |
double | alpha, | ||
Mat & | c | ||
) |
CV_EXPORTS void cv::sqrt | ( | const Mat & | a, |
Mat & | b | ||
) |
CV_EXPORTS void cv::pow | ( | const Mat & | a, |
double | power, | ||
Mat & | b | ||
) |
CV_EXPORTS void cv::exp | ( | const Mat & | a, |
Mat & | b | ||
) |
CV_EXPORTS void cv::log | ( | const Mat & | a, |
Mat & | b | ||
) |
CV_EXPORTS float cv::cubeRoot | ( | float | val ) |
CV_EXPORTS float cv::fastAtan2 | ( | float | y, |
float | x | ||
) |
CV_EXPORTS void cv::polarToCart | ( | const Mat & | magnitude, |
const Mat & | angle, | ||
Mat & | x, | ||
Mat & | y, | ||
bool | angleInDegrees = false |
||
) |
CV_EXPORTS void cv::cartToPolar | ( | const Mat & | x, |
const Mat & | y, | ||
Mat & | magnitude, | ||
Mat & | angle, | ||
bool | angleInDegrees = false |
||
) |
CV_EXPORTS void cv::phase | ( | const Mat & | x, |
const Mat & | y, | ||
Mat & | angle, | ||
bool | angleInDegrees = false |
||
) |
CV_EXPORTS void cv::magnitude | ( | const Mat & | x, |
const Mat & | y, | ||
Mat & | magnitude | ||
) |
CV_EXPORTS bool cv::checkRange | ( | const Mat & | a, |
bool | quiet = true , |
||
Point * | pt = 0 , |
||
double | minVal = -DBL_MAX , |
||
double | maxVal = DBL_MAX |
||
) |
CV_EXPORTS void cv::gemm | ( | const Mat & | a, |
const Mat & | b, | ||
double | alpha, | ||
const Mat & | c, | ||
double | gamma, | ||
Mat & | d, | ||
int | flags = 0 |
||
) |
CV_EXPORTS void cv::mulTransposed | ( | const Mat & | a, |
Mat & | c, | ||
bool | aTa, | ||
const Mat & | delta = Mat() , |
||
double | scale = 1 , |
||
int | rtype = -1 |
||
) |
CV_EXPORTS void cv::transpose | ( | const Mat & | a, |
Mat & | b | ||
) |
CV_EXPORTS void cv::transform | ( | const Mat & | src, |
Mat & | dst, | ||
const Mat & | m | ||
) |
CV_EXPORTS void cv::perspectiveTransform | ( | const Mat & | src, |
Mat & | dst, | ||
const Mat & | m | ||
) |
CV_EXPORTS void cv::completeSymm | ( | Mat & | a, |
bool | lowerToUpper = false |
||
) |
CV_EXPORTS void cv::setIdentity | ( | Mat & | c, |
const Scalar & | s = Scalar(1) |
||
) |
CV_EXPORTS double cv::determinant | ( | const Mat & | m ) |
CV_EXPORTS Scalar cv::trace | ( | const Mat & | m ) |
CV_EXPORTS double cv::invert | ( | const Mat & | a, |
Mat & | c, | ||
int | flags = DECOMP_LU |
||
) |
CV_EXPORTS bool cv::solve | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | x, | ||
int | flags = DECOMP_LU |
||
) |
CV_EXPORTS void cv::sort | ( | const Mat & | a, |
Mat & | b, | ||
int | flags | ||
) |
CV_EXPORTS void cv::sortIdx | ( | const Mat & | a, |
Mat & | b, | ||
int | flags | ||
) |
CV_EXPORTS int cv::solveCubic | ( | const Mat & | coeffs, |
Mat & | roots | ||
) |
CV_EXPORTS double cv::solvePoly | ( | const Mat & | coeffs, |
Mat & | roots, | ||
int | maxIters = 300 |
||
) |
CV_EXPORTS bool cv::eigen | ( | const Mat & | a, |
Mat & | eigenvalues, | ||
int | lowindex = -1 , |
||
int | highindex = -1 |
||
) |
CV_EXPORTS bool cv::eigen | ( | const Mat & | a, |
Mat & | eigenvalues, | ||
Mat & | eigenvectors, | ||
int | lowindex = -1 , |
||
int | highindex = -1 |
||
) |
CV_EXPORTS void cv::calcCovarMatrix | ( | const Mat * | samples, |
int | nsamples, | ||
Mat & | covar, | ||
Mat & | mean, | ||
int | flags, | ||
int | ctype = CV_64F |
||
) |
CV_EXPORTS void cv::calcCovarMatrix | ( | const Mat & | samples, |
Mat & | covar, | ||
Mat & | mean, | ||
int | flags, | ||
int | ctype = CV_64F |
||
) |
CV_EXPORTS double cv::Mahalanobis | ( | const Mat & | v1, |
const Mat & | v2, | ||
const Mat & | icovar | ||
) |
CV_EXPORTS void cv::dft | ( | const Mat & | src, |
Mat & | dst, | ||
int | flags = 0 , |
||
int | nonzeroRows = 0 |
||
) |
CV_EXPORTS void cv::idft | ( | const Mat & | src, |
Mat & | dst, | ||
int | flags = 0 , |
||
int | nonzeroRows = 0 |
||
) |
CV_EXPORTS void cv::dct | ( | const Mat & | src, |
Mat & | dst, | ||
int | flags = 0 |
||
) |
CV_EXPORTS void cv::idct | ( | const Mat & | src, |
Mat & | dst, | ||
int | flags = 0 |
||
) |
CV_EXPORTS void cv::mulSpectrums | ( | const Mat & | a, |
const Mat & | b, | ||
Mat & | c, | ||
int | flags, | ||
bool | conjB = false |
||
) |
CV_EXPORTS int cv::getOptimalDFTSize | ( | int | vecsize ) |
CV_EXPORTS double cv::kmeans | ( | const Mat & | data, |
int | K, | ||
Mat & | best_labels, | ||
TermCriteria | criteria, | ||
int | attempts, | ||
int | flags, | ||
Mat * | centers | ||
) |
CV_EXPORTS RNG& cv::theRNG | ( | ) |
CV_EXPORTS void cv::randShuffle | ( | Mat & | dst, |
double | iterFactor = 1. , |
||
RNG * | rng = 0 |
||
) |
CV_EXPORTS void cv::line | ( | Mat & | img, |
Point | pt1, | ||
Point | pt2, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS void cv::rectangle | ( | Mat & | img, |
Point | pt1, | ||
Point | pt2, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS void cv::rectangle | ( | Mat & | img, |
Rect | rec, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS void cv::circle | ( | Mat & | img, |
Point | center, | ||
int | radius, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS void cv::ellipse | ( | Mat & | img, |
Point | center, | ||
Size | axes, | ||
double | angle, | ||
double | startAngle, | ||
double | endAngle, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS void cv::ellipse | ( | Mat & | img, |
const RotatedRect & | box, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 |
||
) |
CV_EXPORTS void cv::fillConvexPoly | ( | Mat & | img, |
const Point * | pts, | ||
int | npts, | ||
const Scalar & | color, | ||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS void cv::fillPoly | ( | Mat & | img, |
const Point ** | pts, | ||
const int * | npts, | ||
int | ncontours, | ||
const Scalar & | color, | ||
int | lineType = 8 , |
||
int | shift = 0 , |
||
Point | offset = Point() |
||
) |
CV_EXPORTS void cv::polylines | ( | Mat & | img, |
const Point ** | pts, | ||
const int * | npts, | ||
int | ncontours, | ||
bool | isClosed, | ||
const Scalar & | color, | ||
int | thickness = 1 , |
||
int | lineType = 8 , |
||
int | shift = 0 |
||
) |
CV_EXPORTS bool cv::clipLine | ( | Size | imgSize, |
Point & | pt1, | ||
Point & | pt2 | ||
) |
CV_EXPORTS bool cv::clipLine | ( | Rect | img_rect, |
Point & | pt1, | ||
Point & | pt2 | ||
) |
CV_EXPORTS void cv::ellipse2Poly | ( | Point | center, |
Size | axes, | ||
int | angle, | ||
int | arcStart, | ||
int | arcEnd, | ||
int | delta, | ||
vector< Point > & | pts | ||
) |
CV_EXPORTS void cv::putText | ( | Mat & | img, |
const string & | text, | ||
Point | org, | ||
int | fontFace, | ||
double | fontScale, | ||
Scalar | color, | ||
int | thickness = 1 , |
||
int | linetype = 8 , |
||
bool | bottomLeftOrigin = false |
||
) |
CV_EXPORTS Size cv::getTextSize | ( | const string & | text, |
int | fontFace, | ||
double | fontScale, | ||
int | thickness, | ||
int * | baseLine | ||
) |
CV_EXPORTS void cv::add | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
const MatND & | mask | ||
) |
CV_EXPORTS void cv::subtract | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
const MatND & | mask | ||
) |
CV_EXPORTS void cv::add | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::subtract | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::add | ( | const MatND & | a, |
const Scalar & | s, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::multiply | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
double | scale = 1 |
||
) |
CV_EXPORTS void cv::divide | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
double | scale = 1 |
||
) |
CV_EXPORTS void cv::divide | ( | double | scale, |
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::subtract | ( | const Scalar & | s, |
const MatND & | a, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::scaleAdd | ( | const MatND & | a, |
double | alpha, | ||
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::addWeighted | ( | const MatND & | a, |
double | alpha, | ||
const MatND & | b, | ||
double | beta, | ||
double | gamma, | ||
MatND & | c | ||
) |
CV_EXPORTS Scalar cv::sum | ( | const MatND & | m ) |
CV_EXPORTS int cv::countNonZero | ( | const MatND & | m ) |
CV_EXPORTS Scalar cv::mean | ( | const MatND & | m ) |
CV_EXPORTS Scalar cv::mean | ( | const MatND & | m, |
const MatND & | mask | ||
) |
CV_EXPORTS void cv::meanStdDev | ( | const MatND & | m, |
Scalar & | mean, | ||
Scalar & | stddev, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS double cv::norm | ( | const MatND & | a, |
int | normType = NORM_L2 , |
||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS double cv::norm | ( | const MatND & | a, |
const MatND & | b, | ||
int | normType = NORM_L2 , |
||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::normalize | ( | const MatND & | a, |
MatND & | b, | ||
double | alpha = 1 , |
||
double | beta = 0 , |
||
int | norm_type = NORM_L2 , |
||
int | rtype = -1 , |
||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::minMaxLoc | ( | const MatND & | a, |
double * | minVal, | ||
double * | maxVal, | ||
int * | minIdx = 0 , |
||
int * | maxIdx = 0 , |
||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::merge | ( | const MatND * | mvbegin, |
size_t | count, | ||
MatND & | dst | ||
) |
CV_EXPORTS void cv::split | ( | const MatND & | m, |
MatND * | mv | ||
) |
CV_EXPORTS void cv::mixChannels | ( | const MatND * | src, |
int | nsrcs, | ||
MatND * | dst, | ||
int | ndsts, | ||
const int * | fromTo, | ||
size_t | npairs | ||
) |
CV_EXPORTS void cv::bitwise_and | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::bitwise_or | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::bitwise_xor | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::bitwise_and | ( | const MatND & | a, |
const Scalar & | s, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::bitwise_or | ( | const MatND & | a, |
const Scalar & | s, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::bitwise_xor | ( | const MatND & | a, |
const Scalar & | s, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
CV_EXPORTS void cv::bitwise_not | ( | const MatND & | a, |
MatND & | c | ||
) |
CV_EXPORTS void cv::absdiff | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::absdiff | ( | const MatND & | a, |
const Scalar & | s, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::inRange | ( | const MatND & | src, |
const MatND & | lowerb, | ||
const MatND & | upperb, | ||
MatND & | dst | ||
) |
CV_EXPORTS void cv::inRange | ( | const MatND & | src, |
const Scalar & | lowerb, | ||
const Scalar & | upperb, | ||
MatND & | dst | ||
) |
CV_EXPORTS void cv::compare | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c, | ||
int | cmpop | ||
) |
CV_EXPORTS void cv::compare | ( | const MatND & | a, |
double | s, | ||
MatND & | c, | ||
int | cmpop | ||
) |
CV_EXPORTS void cv::min | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::min | ( | const MatND & | a, |
double | alpha, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::max | ( | const MatND & | a, |
const MatND & | b, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::max | ( | const MatND & | a, |
double | alpha, | ||
MatND & | c | ||
) |
CV_EXPORTS void cv::sqrt | ( | const MatND & | a, |
MatND & | b | ||
) |
CV_EXPORTS void cv::pow | ( | const MatND & | a, |
double | power, | ||
MatND & | b | ||
) |
CV_EXPORTS void cv::exp | ( | const MatND & | a, |
MatND & | b | ||
) |
CV_EXPORTS void cv::log | ( | const MatND & | a, |
MatND & | b | ||
) |
CV_EXPORTS bool cv::checkRange | ( | const MatND & | a, |
bool | quiet = true , |
||
int * | idx = 0 , |
||
double | minVal = -DBL_MAX , |
||
double | maxVal = DBL_MAX |
||
) |
CV_EXPORTS ConvertData cv::getConvertElem | ( | int | fromType, |
int | toType | ||
) |
CV_EXPORTS ConvertScaleData cv::getConvertScaleElem | ( | int | fromType, |
int | toType | ||
) |
CV_EXPORTS void cv::minMaxLoc | ( | const SparseMat & | a, |
double * | minVal, | ||
double * | maxVal, | ||
int * | minIdx = 0 , |
||
int * | maxIdx = 0 |
||
) |
CV_EXPORTS double cv::norm | ( | const SparseMat & | src, |
int | normType | ||
) |
CV_EXPORTS void cv::normalize | ( | const SparseMat & | src, |
SparseMat & | dst, | ||
double | alpha, | ||
int | normType | ||
) |
void cv::process | ( | const Mat_< T1 > & | m1, |
Mat_< T2 > & | m2, | ||
Op | op | ||
) |
void cv::process | ( | const Mat_< T1 > & | m1, |
const Mat_< T2 > & | m2, | ||
Mat_< T3 > & | m3, | ||
Op | op | ||
) |
void cv::merge | ( | const Mat_< _Tp > * | mvbegin, |
size_t | count, | ||
Mat & | dst | ||
) |
void cv::split | ( | const Mat & | src, |
vector< Mat_< _Tp > > & | mv | ||
) |
void cv::subtract | ( | const MatND & | a, |
const Scalar & | s, | ||
MatND & | c, | ||
const MatND & | mask = MatND() |
||
) |
short cv::saturate_cast< short > | ( | ushort | v ) |
short cv::saturate_cast< short > | ( | int | v ) |
short cv::saturate_cast< short > | ( | unsigned | v ) |
short cv::saturate_cast< short > | ( | float | v ) |
short cv::saturate_cast< short > | ( | double | v ) |
int cv::saturate_cast< int > | ( | float | v ) |
int cv::saturate_cast< int > | ( | double | v ) |
unsigned cv::saturate_cast< unsigned > | ( | float | v ) |
unsigned cv::saturate_cast< unsigned > | ( | double | v ) |
DataType<_Tp>::work_type cv::dot | ( | const Vector< _Tp > & | v1, |
const Vector< _Tp > & | v2 | ||
) |
void cv::write | ( | FileStorage & | fs, |
const int & | value | ||
) |
void cv::write | ( | FileStorage & | fs, |
const float & | value | ||
) |
void cv::write | ( | FileStorage & | fs, |
const double & | value | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | value | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Point_< _Tp > & | pt | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Point3_< _Tp > & | pt | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Size_< _Tp > & | sz | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Complex< _Tp > & | c | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Rect_< _Tp > & | r | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Vec< _Tp, cn > & | v | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Scalar_< _Tp > & | s | ||
) |
void cv::write | ( | FileStorage & | fs, |
const Range & | r | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Point_< _Tp > & | pt | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Point3_< _Tp > & | pt | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Size_< _Tp > & | sz | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Complex< _Tp > & | c | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Rect_< _Tp > & | r | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Vec< _Tp, cn > & | v | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Scalar_< _Tp > & | s | ||
) |
void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Range & | r | ||
) |
CV_EXPORTS void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const Mat & | value | ||
) |
CV_EXPORTS void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const MatND & | value | ||
) |
CV_EXPORTS void cv::write | ( | FileStorage & | fs, |
const string & | name, | ||
const SparseMat & | value | ||
) |
CV_EXPORTS FileStorage& cv::operator<< | ( | FileStorage & | fs, |
const string & | str | ||
) |
CV_EXPORTS void cv::read | ( | const FileNode & | node, |
Mat & | mat, | ||
const Mat & | default_mat = Mat() |
||
) |
CV_EXPORTS void cv::read | ( | const FileNode & | node, |
MatND & | mat, | ||
const MatND & | default_mat = MatND() |
||
) |
CV_EXPORTS void cv::read | ( | const FileNode & | node, |
SparseMat & | mat, | ||
const SparseMat & | default_mat = SparseMat() |
||
) |
void cv::sort | ( | vector< _Tp > & | vec, |
_LT | LT = _LT() |
||
) |
int cv::partition | ( | const vector< _Tp > & | _vec, |
vector< int > & | labels, | ||
_EqPredicate | predicate = _EqPredicate() |
||
) |
ptrdiff_t cv::operator- | ( | const SeqIterator< _Tp > & | a, |
const SeqIterator< _Tp > & | b | ||
) |
bool cv::operator== | ( | const SeqIterator< _Tp > & | a, |
const SeqIterator< _Tp > & | b | ||
) |
bool cv::operator!= | ( | const SeqIterator< _Tp > & | a, |
const SeqIterator< _Tp > & | b | ||
) |
CV_EXPORTS void cv::namedWindow | ( | const string & | winname, |
int flags | CV_DEFAULTCV_WINDOW_AUTOSIZE | ||
) |
CV_EXPORTS void cv::setWindowProperty | ( | const string & | winname, |
int | prop_id, | ||
double | prop_value | ||
) |
CV_EXPORTS double cv::getWindowProperty | ( | const string & | winname, |
int | prop_id | ||
) |
CV_EXPORTS void cv::imshow | ( | const string & | winname, |
const Mat & | mat | ||
) |
CV_EXPORTS int cv::createTrackbar | ( | const string & | trackbarname, |
const string & | winname, | ||
int * | value, | ||
int | count, | ||
TrackbarCallback onChange | CV_DEFAULT0, | ||
void *userdata | CV_DEFAULT0 | ||
) |
CV_EXPORTS int cv::getTrackbarPos | ( | const string & | trackbarname, |
const string & | winname | ||
) |
CV_EXPORTS void cv::setTrackbarPos | ( | const string & | trackbarname, |
const string & | winname, | ||
int | pos | ||
) |
CV_EXPORTS Mat cv::imread | ( | const string & | filename, |
int | flags = 1 |
||
) |
CV_EXPORTS bool cv::imwrite | ( | const string & | filename, |
const Mat & | img, | ||
const vector< int > & | params = vector< int >() |
||
) |
CV_EXPORTS Mat cv::imdecode | ( | const Mat & | buf, |
int | flags | ||
) |
CV_EXPORTS bool cv::imencode | ( | const string & | ext, |
const Mat & | img, | ||
vector< uchar > & | buf, | ||
const vector< int > & | params = vector< int >() |
||
) |
CV_EXPORTS int cv::waitKey | ( | int | delay = 0 ) |
class CV_EXPORTS cv::Size_ |
class CV_EXPORTS cv::Point_ |
class CV_EXPORTS cv::Rect_ |
class CV_EXPORTS cv::MatExpr_Base_ |
class CV_EXPORTS cv::MatOp_DivRS_ |
class CV_EXPORTS cv::MatOp_Inv_ |
class CV_EXPORTS cv::MatOp_MulDiv_ |
class CV_EXPORTS cv::MatOp_Repeat_ |
class CV_EXPORTS cv::MatOp_Set_ |
class CV_EXPORTS cv::MatOp_Scale_ |
class CV_EXPORTS cv::MatOp_T_ |
class CV_EXPORTS cv::MatOp_Iter_ |
class CV_EXPORTS cv::FileNode |
class CV_EXPORTS cv::FileNodeIterator |