OpenCV  3.2.0
Open Source Computer Vision
Namespaces | Classes | Typedefs | Enumerations | Functions
cv Namespace Reference

Namespaces

 aruco
 
 bgsegm
 
 bioinspired
 
 bridge
 
 ccalib
 
 cnn_3dobj
 
 cuda
 
 cudacodec
 
 cudev
 
 datasets
 
 detail
 
 directx
 
 dnn
 This namespace is used for dnn module functionlaity.
 
 dpm
 
 Error
 
 face
 
 fisheye
 The methods in this namespace use a so-called fisheye camera model.
 
 flann
 
 freetype
 
 ft
 
 hal
 
 hdf
 
 hpp
 
 instr
 
 line_descriptor
 
 linemod
 
 ml
 
 motempl
 
 multicalib
 
 ocl
 
 ogl
 
 omnidir
 
 optflow
 
 phase_unwrapping
 
 plot
 
 ppf_match_3d
 
 randpattern
 
 reg
 
 rgbd
 
 saliency
 
 sfm
 
 stereo
 
 structured_light
 
 superres
 
 text
 
 tld
 
 tracking
 
 va_intel
 
 videostab
 
 viz
 
 xfeatures2d
 
 ximgproc
 
 xobjdetect
 
 xphoto
 

Classes

class  _InputArray
 This is the proxy class for passing read-only input arrays into OpenCV functions. More...
 
class  _InputOutputArray
 
class  _OutputArray
 This type is very similar to InputArray except that it is used for input/output and output function parameters. More...
 
struct  Accumulator
 
struct  Accumulator< char >
 
struct  Accumulator< short >
 
struct  Accumulator< unsigned char >
 
struct  Accumulator< unsigned short >
 
class  Affine3
 Affine transform. More...
 
class  AffineTransformer
 Wrapper class for the OpenCV Affine Transformation algorithm. : More...
 
class  AffineWarper
 Affine warper factory class. More...
 
class  AgastFeatureDetector
 Wrapping class for feature detection using the AGAST method. : More...
 
class  AKAZE
 Class implementing the AKAZE keypoint detector and descriptor extractor, described in [5] . : More...
 
class  Algorithm
 This is a base class for all more or less complex algorithms in OpenCV. More...
 
class  AlignExposures
 The base class for algorithms that align images of the same scene with different exposures. More...
 
class  AlignMTB
 This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminance and 0 otherwise) and than aligns the resulting bitmaps using bit operations. More...
 
class  Allocator
 
class  AutoBuffer
 Automatically Allocated Buffer Class. More...
 
class  AutoLock
 
class  BackgroundSubtractor
 Base class for background/foreground segmentation. : More...
 
class  BackgroundSubtractorKNN
 K-nearest neigbours - based Background/Foreground Segmentation Algorithm. More...
 
class  BackgroundSubtractorMOG2
 Gaussian Mixture-based Background/Foreground Segmentation Algorithm. More...
 
class  BaseCascadeClassifier
 
class  BaseClassifier
 
class  BFMatcher
 Brute-force descriptor matcher. More...
 
class  BOWImgDescriptorExtractor
 Class to compute an image descriptor using the bag of visual words. More...
 
class  BOWKMeansTrainer
 kmeans -based class to train visual vocabulary using the bag of visual words approach. : More...
 
class  BOWTrainer
 Abstract base class for training the bag of visual words vocabulary from a set of descriptors. More...
 
class  BRISK
 Class implementing the BRISK keypoint detector and descriptor extractor, described in [92] . More...
 
class  BufferPoolController
 
class  CalibrateCRF
 The base class for camera response calibration algorithms. More...
 
class  CalibrateDebevec
 Inverse camera response function is extracted for each brightness value by minimizing an objective function as linear system. Objective function is constructed using pixel values on the same position in all images, extra term is added to make the result smoother. More...
 
class  CalibrateRobertson
 Inverse camera response function is extracted for each brightness value by minimizing an objective function as linear system. This algorithm uses all image pixels. More...
 
class  CascadeClassifier
 Cascade classifier class for object detection. More...
 
class  ChiHistogramCostExtractor
 An Chi based cost extraction. : More...
 
class  CLAHE
 
class  ClassifierThreshold
 
class  ClfMilBoost
 
class  ClfOnlineStump
 
class  CommandLineParser
 Designed for command line parsing. More...
 
class  Complex
 A complex number class. More...
 
class  CompressedRectilinearPortraitWarper
 
class  CompressedRectilinearWarper
 
class  ConjGradSolver
 This class is used to perform the non-linear non-constrained minimization of a function with known gradient,. More...
 
class  CvFeatureEvaluator
 
class  CvFeatureParams
 
class  CvHaarEvaluator
 
class  CvHaarFeatureParams
 
class  CvHOGEvaluator
 
struct  CvHOGFeatureParams
 
class  CvLBPEvaluator
 
struct  CvLBPFeatureParams
 
class  CvParams
 
class  CylindricalWarper
 Cylindrical warper factory class. More...
 
class  DataDepth
 A helper class for cv::DataType. More...
 
class  DataType
 Template "trait" class for OpenCV primitive data types. More...
 
class  DataType< Affine3< _Tp > >
 
class  DataType< bool >
 
class  DataType< char >
 
class  DataType< char1 >
 
class  DataType< char2 >
 
class  DataType< char3 >
 
class  DataType< char4 >
 
class  DataType< Complex< _Tp > >
 
class  DataType< DMatch >
 
class  DataType< double >
 
class  DataType< double1 >
 
class  DataType< double2 >
 
class  DataType< double3 >
 
class  DataType< double4 >
 
class  DataType< float >
 
class  DataType< float1 >
 
class  DataType< float2 >
 
class  DataType< float3 >
 
class  DataType< float4 >
 
class  DataType< int >
 
class  DataType< int1 >
 
class  DataType< int2 >
 
class  DataType< int3 >
 
class  DataType< int4 >
 
class  DataType< KeyPoint >
 
class  DataType< Matx< _Tp, m, n > >
 
class  DataType< Moments >
 
class  DataType< Point3_< _Tp > >
 
class  DataType< Point_< _Tp > >
 
class  DataType< Range >
 
class  DataType< Rect_< _Tp > >
 
class  DataType< RotatedRect >
 
class  DataType< Scalar_< _Tp > >
 
class  DataType< schar >
 
class  DataType< short >
 
class  DataType< short1 >
 
class  DataType< short2 >
 
class  DataType< short3 >
 
class  DataType< short4 >
 
class  DataType< Size_< _Tp > >
 
class  DataType< uchar >
 
class  DataType< uchar1 >
 
class  DataType< uchar2 >
 
class  DataType< uchar3 >
 
class  DataType< uchar4 >
 
class  DataType< uint >
 
class  DataType< uint1 >
 
class  DataType< uint2 >
 
class  DataType< uint3 >
 
class  DataType< uint4 >
 
class  DataType< ushort >
 
class  DataType< ushort1 >
 
class  DataType< ushort2 >
 
class  DataType< ushort3 >
 
class  DataType< ushort4 >
 
class  DataType< Vec< _Tp, cn > >
 
class  DenseOpticalFlow
 
class  DescriptorMatcher
 Abstract base class for matching keypoint descriptors. More...
 
struct  DetectionROI
 struct for detection region of interest (ROI) More...
 
class  Detector
 
class  DMatch
 Class for matching keypoint descriptors. More...
 
class  DownhillSolver
 This class is used to perform the non-linear non-constrained minimization of a function,. More...
 
struct  DrawMatchesFlags
 
class  DualTVL1OpticalFlow
 "Dual TV L1" Optical Flow Algorithm. More...
 
class  EMDHistogramCostExtractor
 An EMD based cost extraction. : More...
 
class  EMDL1HistogramCostExtractor
 An EMD-L1 based cost extraction. : More...
 
class  EstimatedGaussDistribution
 
class  Exception
 Class passed to an error. More...
 
class  FarnebackOpticalFlow
 Class computing a dense optical flow using the Gunnar Farneback’s algorithm. More...
 
class  FastFeatureDetector
 Wrapping class for feature detection using the FAST method. : More...
 
class  Feature2D
 Abstract base class for 2D image feature detectors and descriptor extractors. More...
 
class  FileNode
 File Storage Node class. More...
 
class  FileNodeIterator
 used to iterate through sequences and mappings. More...
 
class  FileStorage
 XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or reading data to/from a file. More...
 
class  FisheyeWarper
 
class  FlannBasedMatcher
 Flann-based descriptor matcher. More...
 
class  Formatted
 
class  Formatter
 
class  GeneralizedHough
 finds arbitrary template in the grayscale image using Generalized Hough Transform More...
 
class  GeneralizedHoughBallard
 
class  GeneralizedHoughGuil
 
class  GFTTDetector
 Wrapping class for feature detection using the goodFeaturesToTrack function. : More...
 
struct  Hamming
 
class  HausdorffDistanceExtractor
 A simple Hausdorff distance measure between shapes defined by contours. More...
 
class  HistogramCostExtractor
 Abstract base class for histogram cost algorithms. More...
 
struct  HOGDescriptor
 
class  KalmanFilter
 Kalman filter class. More...
 
class  KAZE
 Class implementing the KAZE keypoint detector and descriptor extractor, described in [6] . More...
 
class  KeyPoint
 Data structure for salient point detectors. More...
 
class  KeyPointsFilter
 A class filters a vector of keypoints. More...
 
struct  L1
 
struct  L2
 
class  LDA
 Linear Discriminant Analysis. More...
 
class  LineIterator
 Line iterator. More...
 
class  LineSegmentDetector
 Line segment detector class. More...
 
class  Mat
 n-dimensional dense array class More...
 
class  Mat_
 Template matrix class derived from Mat. More...
 
class  MatAllocator
 Custom array allocator. More...
 
class  MatCommaInitializer_
 Comma-separated Matrix Initializer. More...
 
class  MatConstIterator
 
class  MatConstIterator_
 Matrix read-only iterator. More...
 
class  MatExpr
 Matrix expression representation. More...
 
class  MatIterator_
 Matrix read-write iterator. More...
 
class  MatOp
 
struct  MatSize
 
struct  MatStep
 
class  Matx
 Template class for small matrices whose type and size are known at compilation time. More...
 
class  MatxCommaInitializer
 Comma-separated Matrix Initializer. More...
 
class  MercatorWarper
 
class  MergeDebevec
 The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response. More...
 
class  MergeExposures
 The base class algorithms that can merge exposure sequence to a single image. More...
 
class  MergeMertens
 Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combined using laplacian pyramids. More...
 
class  MergeRobertson
 The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response. More...
 
class  MinProblemSolver
 Basic interface for all solvers. More...
 
class  Moments
 struct returned by cv::moments More...
 
class  MSER
 Maximally stable extremal region extractor. More...
 
class  MultiTracker
 This class is used to track multiple objects using the specified tracker algorithm. The MultiTracker is naive implementation of multiple object tracking. It process the tracked objects independently without any optimization accross the tracked objects. More...
 
class  MultiTracker_Alt
 Base abstract class for the long-term Multi Object Trackers: More...
 
class  MultiTrackerTLD
 Multi Object Tracker for TLD. TLD is a novel tracking framework that explicitly decomposes the long-term tracking task into tracking, learning and detection. More...
 
class  Mutex
 
class  NAryMatIterator
 n-ary multi-dimensional array iterator. More...
 
class  Node
 
class  NormHistogramCostExtractor
 A norm based cost extraction. : More...
 
class  ORB
 Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor. More...
 
class  PaniniPortraitWarper
 
class  PaniniWarper
 
class  ParallelLoopBody
 Base class for parallel data processors. More...
 
struct  Param
 
struct  ParamType
 
struct  ParamType< Algorithm >
 
struct  ParamType< bool >
 
struct  ParamType< double >
 
struct  ParamType< float >
 
struct  ParamType< int >
 
struct  ParamType< Mat >
 
struct  ParamType< std::vector< Mat > >
 
struct  ParamType< String >
 
struct  ParamType< uchar >
 
struct  ParamType< uint64 >
 
struct  ParamType< unsigned >
 
class  PCA
 Principal Component Analysis. More...
 
class  PlaneWarper
 Plane warper factory class. More...
 
class  Point3_
 Template class for 3D points specified by its coordinates x, y and z. More...
 
class  Point_
 Template class for 2D points specified by its coordinates x and y. More...
 
struct  Ptr
 Template class for smart pointers with shared ownership. More...
 
struct  QtFont
 QtFont available only for Qt. See cv::fontQt. More...
 
class  Range
 Template class specifying a continuous subsequence (slice) of a sequence. More...
 
class  Rect_
 Template class for 2D rectangles. More...
 
class  RNG
 Random Number Generator. More...
 
class  RNG_MT19937
 Mersenne Twister random number generator. More...
 
class  ROISelector
 
class  RotatedRect
 The class represents rotated (i.e. not up-right) rectangles on a plane. More...
 
class  Scalar_
 Template class for a 4-element vector derived from Vec. More...
 
class  Seq
 
class  SeqIterator
 
class  ShapeContextDistanceExtractor
 Implementation of the Shape Context descriptor and matching algorithm. More...
 
class  ShapeDistanceExtractor
 Abstract base class for shape distance algorithms. More...
 
class  ShapeTransformer
 Abstract base class for shape transformation algorithms. More...
 
class  SimilarRects
 
class  SimpleBlobDetector
 Class for extracting blobs from an image. : More...
 
class  Size_
 Template class for specifying the size of an image or rectangle. More...
 
struct  SL2
 
class  SparseMat
 The class SparseMat represents multi-dimensional sparse numerical arrays. More...
 
class  SparseMat_
 Template sparse n-dimensional array class derived from SparseMat. More...
 
class  SparseMatConstIterator
 Read-Only Sparse Matrix Iterator. More...
 
class  SparseMatConstIterator_
 Template Read-Only Sparse Matrix Iterator Class. More...
 
class  SparseMatIterator
 Read-write Sparse Matrix Iterator. More...
 
class  SparseMatIterator_
 Template Read-Write Sparse Matrix Iterator Class. More...
 
class  SparseOpticalFlow
 Base interface for sparse optical flow algorithms. More...
 
class  SparsePyrLKOpticalFlow
 Class used for calculating a sparse optical flow. More...
 
class  SphericalWarper
 Spherical warper factory class. More...
 
class  StereoBM
 Class for computing stereo correspondence using the block matching algorithm, introduced and contributed to OpenCV by K. Konolige. More...
 
class  StereographicWarper
 
class  StereoMatcher
 The base class for stereo correspondence algorithms. More...
 
class  StereoSGBM
 The class implements the modified H. Hirschmuller algorithm [75] that differs from the original one as follows: More...
 
class  Stitcher
 High level image stitcher. More...
 
class  String
 
class  StrongClassifierDirectSelection
 
class  Subdiv2D
 
class  SVD
 Singular Value Decomposition. More...
 
class  TermCriteria
 The class defining termination criteria for iterative algorithms. More...
 
class  ThinPlateSplineShapeTransformer
 Definition of the transformation. More...
 
class  TickMeter
 a Class to measure passing time. More...
 
class  TLSData
 
class  TLSDataContainer
 
class  Tonemap
 Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range. More...
 
class  TonemapDrago
 Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarithmic domain. More...
 
class  TonemapDurand
 This algorithm decomposes image into two layers: base layer and detail layer using bilateral filter and compresses contrast of the base layer thus preserving all the details. More...
 
class  TonemapMantiuk
 This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid, transforms contrast values to HVS response and scales the response. After this the image is reconstructed from new contrast values. More...
 
class  TonemapReinhard
 This is a global tonemapping operator that models human visual system. More...
 
class  Tracker
 Base abstract class for the long-term tracker: More...
 
class  TrackerBoosting
 This is a real-time object tracking based on a novel on-line version of the AdaBoost algorithm. More...
 
class  TrackerFeature
 Abstract base class for TrackerFeature that represents the feature. More...
 
class  TrackerFeatureFeature2d
 TrackerFeature based on Feature2D. More...
 
class  TrackerFeatureHAAR
 TrackerFeature based on HAAR features, used by TrackerMIL and many others algorithms. More...
 
class  TrackerFeatureHOG
 TrackerFeature based on HOG. More...
 
class  TrackerFeatureLBP
 TrackerFeature based on LBP. More...
 
class  TrackerFeatureSet
 Class that manages the extraction and selection of features. More...
 
class  TrackerGOTURN
 GOTURN ([70]) is kind of trackers based on Convolutional Neural Networks (CNN). While taking all advantages of CNN trackers, GOTURN is much faster due to offline training without online fine-tuning nature. GOTURN tracker addresses the problem of single target tracking: given a bounding box label of an object in the first frame of the video, we track that object through the rest of the video. NOTE: Current method of GOTURN does not handle occlusions; however, it is fairly robust to viewpoint changes, lighting changes, and deformations. Inputs of GOTURN are two RGB patches representing Target and Search patches resized to 227x227. Outputs of GOTURN are predicted bounding box coordinates, relative to Search patch coordinate system, in format X1,Y1,X2,Y2. Original paper is here: http://davheld.github.io/GOTURN/GOTURN.pdf As long as original authors implementation: https://github.com/davheld/GOTURN#train-the-tracker Implementation of training algorithm is placed in separately here due to 3d-party dependencies: https://github.com/Auron-X/GOTURN_Training_Toolkit GOTURN architecture goturn.prototxt and trained model goturn.caffemodel are accessible on opencv_extra GitHub repository. More...
 
class  TrackerKCF
 KCF is a novel tracking framework that utilizes properties of circulant matrix to enhance the processing speed. This tracking method is an implementation of [71] which is extended to KFC with color-names features ([34]). The original paper of KCF is available at http://home.isr.uc.pt/~henriques/circulant/index.html as well as the matlab implementation. For more information about KCF with color-names features, please refer to http://www.cvl.isy.liu.se/research/objrec/visualtracking/colvistrack/index.html. More...
 
class  TrackerMedianFlow
 Median Flow tracker implementation. More...
 
class  TrackerMIL
 The MIL algorithm trains a classifier in an online manner to separate the object from the background. More...
 
class  TrackerModel
 Abstract class that represents the model of the target. It must be instantiated by specialized tracker. More...
 
class  TrackerSampler
 Class that manages the sampler in order to select regions for the update the model of the tracker [AAM] Sampling e Labeling. See table I and section III B. More...
 
class  TrackerSamplerAlgorithm
 Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sampler. More...
 
class  TrackerSamplerCS
 TrackerSampler based on CS (current state), used by algorithm TrackerBoosting. More...
 
class  TrackerSamplerCSC
 TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL. More...
 
class  TrackerSamplerPF
 This sampler is based on particle filtering. More...
 
class  TrackerStateEstimator
 Abstract base class for TrackerStateEstimator that estimates the most likely target state. More...
 
class  TrackerStateEstimatorAdaBoosting
 TrackerStateEstimatorAdaBoosting based on ADA-Boosting. More...
 
class  TrackerStateEstimatorMILBoosting
 TrackerStateEstimator based on Boosting. More...
 
class  TrackerStateEstimatorSVM
 TrackerStateEstimator based on SVM. More...
 
class  TrackerTargetState
 Abstract base class for TrackerTargetState that represents a possible state of the target. More...
 
class  TrackerTLD
 TLD is a novel tracking framework that explicitly decomposes the long-term tracking task into tracking, learning and detection. More...
 
class  TransverseMercatorWarper
 
class  TypeDepth
 
class  TypeDepth< CV_16S >
 
class  TypeDepth< CV_16U >
 
class  TypeDepth< CV_32F >
 
class  TypeDepth< CV_32S >
 
class  TypeDepth< CV_64F >
 
class  TypeDepth< CV_8S >
 
class  TypeDepth< CV_8U >
 
class  UMat
 
struct  UMatData
 
struct  UMatDataAutoLock
 
struct  v_reg
 
class  Vec
 Template class for short numerical vectors, a partial case of Matx. More...
 
class  VecCommaInitializer
 Comma-separated Vec Initializer. More...
 
class  VideoCapture
 Class for video capturing from video files, image sequences or cameras. More...
 
class  VideoWriter
 Video writer class. More...
 
class  WarperCreator
 Image warper factories base class. More...
 
class  WeakClassifierHaarFeature
 
class  WImage
 Image class which provides a thin layer around an IplImage. More...
 
class  WImageBuffer
 
class  WImageBufferC
 
class  WImageC
 
class  WImageView
 
class  WImageViewC
 

Typedefs

typedef Affine3< double > Affine3d
 
typedef Affine3< float > Affine3f
 
typedef void(* ButtonCallback) (int state, void *userdata)
 Callback function for a button created by cv::createButton. More...
 
typedef Complex< double > Complexd
 
typedef Complex< float > Complexf
 
typedef std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
 Represents the model of the target at frame \(k\) (all states and scores) More...
 
typedef Feature2D DescriptorExtractor
 
typedef int(* ErrorCallback) (int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
 
typedef Feature2D FeatureDetector
 
typedef Hamming HammingLUT
 
typedef const _InputArrayInputArray
 
typedef InputArray InputArrayOfArrays
 
typedef const _InputOutputArrayInputOutputArray
 
typedef InputOutputArray InputOutputArrayOfArrays
 
typedef Mat_< ucharMat1b
 
typedef Mat_< double > Mat1d
 
typedef Mat_< float > Mat1f
 
typedef Mat_< int > Mat1i
 
typedef Mat_< short > Mat1s
 
typedef Mat_< ushortMat1w
 
typedef Mat_< Vec2bMat2b
 
typedef Mat_< Vec2dMat2d
 
typedef Mat_< Vec2fMat2f
 
typedef Mat_< Vec2iMat2i
 
typedef Mat_< Vec2sMat2s
 
typedef Mat_< Vec2wMat2w
 
typedef Mat_< Vec3bMat3b
 
typedef Mat_< Vec3dMat3d
 
typedef Mat_< Vec3fMat3f
 
typedef Mat_< Vec3iMat3i
 
typedef Mat_< Vec3sMat3s
 
typedef Mat_< Vec3wMat3w
 
typedef Mat_< Vec4bMat4b
 
typedef Mat_< Vec4dMat4d
 
typedef Mat_< Vec4fMat4f
 
typedef Mat_< Vec4iMat4i
 
typedef Mat_< Vec4sMat4s
 
typedef Mat_< Vec4wMat4w
 
typedef Matx< double, 1, 2 > Matx12d
 
typedef Matx< float, 1, 2 > Matx12f
 
typedef Matx< double, 1, 3 > Matx13d
 
typedef Matx< float, 1, 3 > Matx13f
 
typedef Matx< double, 1, 4 > Matx14d
 
typedef Matx< float, 1, 4 > Matx14f
 
typedef Matx< double, 1, 6 > Matx16d
 
typedef Matx< float, 1, 6 > Matx16f
 
typedef Matx< double, 2, 1 > Matx21d
 
typedef Matx< float, 2, 1 > Matx21f
 
typedef Matx< double, 2, 2 > Matx22d
 
typedef Matx< float, 2, 2 > Matx22f
 
typedef Matx< double, 2, 3 > Matx23d
 
typedef Matx< float, 2, 3 > Matx23f
 
typedef Matx< double, 3, 1 > Matx31d
 
typedef Matx< float, 3, 1 > Matx31f
 
typedef Matx< double, 3, 2 > Matx32d
 
typedef Matx< float, 3, 2 > Matx32f
 
typedef Matx< double, 3, 3 > Matx33d
 
typedef Matx< float, 3, 3 > Matx33f
 
typedef Matx< double, 3, 4 > Matx34d
 
typedef Matx< float, 3, 4 > Matx34f
 
typedef Matx< double, 4, 1 > Matx41d
 
typedef Matx< float, 4, 1 > Matx41f
 
typedef Matx< double, 4, 3 > Matx43d
 
typedef Matx< float, 4, 3 > Matx43f
 
typedef Matx< double, 4, 4 > Matx44d
 
typedef Matx< float, 4, 4 > Matx44f
 
typedef Matx< double, 6, 1 > Matx61d
 
typedef Matx< float, 6, 1 > Matx61f
 
typedef Matx< double, 6, 6 > Matx66d
 
typedef Matx< float, 6, 6 > Matx66f
 
typedef Ptr< CvMemStorageMemStorage
 
typedef void(* MouseCallback) (int event, int x, int y, int flags, void *userdata)
 Callback function for mouse events. see cv::setMouseCallback. More...
 
typedef void(* OpenGlDrawCallback) (void *userdata)
 Callback function defined to be called every frame. See cv::setOpenGlDrawCallback. More...
 
typedef const _OutputArrayOutputArray
 
typedef OutputArray OutputArrayOfArrays
 
typedef Point2i Point
 
typedef Point_< double > Point2d
 
typedef Point_< float > Point2f
 
typedef Point_< int > Point2i
 
typedef Point_< int64Point2l
 
typedef Point3_< double > Point3d
 
typedef Point3_< float > Point3f
 
typedef Point3_< int > Point3i
 
typedef Rect2i Rect
 
typedef Rect_< double > Rect2d
 
typedef Rect_< float > Rect2f
 
typedef Rect_< int > Rect2i
 
typedef Scalar_< double > Scalar
 
typedef Size2i Size
 
typedef Size_< double > Size2d
 
typedef Size_< float > Size2f
 
typedef Size_< int > Size2i
 
typedef Size_< int64Size2l
 
typedef void(* TrackbarCallback) (int pos, void *userdata)
 Callback function for Trackbar see cv::createTrackbar. More...
 
typedef std::vector< Ptr< TrackerTargetState > > Trajectory
 Represents the estimate states for all frames. More...
 
typedef v_reg< float, 4 > v_float32x4
 Four 32-bit floating point values (single precision) More...
 
typedef v_reg< double, 2 > v_float64x2
 Two 64-bit floating point values (double precision) More...
 
typedef v_reg< short, 8 > v_int16x8
 Eight 16-bit signed integer values. More...
 
typedef v_reg< int, 4 > v_int32x4
 Four 32-bit signed integer values. More...
 
typedef v_reg< int64, 2 > v_int64x2
 Two 64-bit signed integer values. More...
 
typedef v_reg< schar, 16 > v_int8x16
 Sixteen 8-bit signed integer values. More...
 
typedef v_reg< ushort, 8 > v_uint16x8
 Eight 16-bit unsigned integer values. More...
 
typedef v_reg< unsigned, 4 > v_uint32x4
 Four 32-bit unsigned integer values. More...
 
typedef v_reg< uint64, 2 > v_uint64x2
 Two 64-bit unsigned integer values. More...
 
typedef v_reg< uchar, 16 > v_uint8x16
 Sixteen 8-bit unsigned integer values. More...
 
typedef WImageC< short, 1 > WImage1_16s
 
typedef WImageC< ushort, 1 > WImage1_16u
 
typedef WImageC< uchar, 1 > WImage1_b
 
typedef WImageC< float, 1 > WImage1_f
 
typedef WImageC< short, 3 > WImage3_16s
 
typedef WImageC< ushort, 3 > WImage3_16u
 
typedef WImageC< uchar, 3 > WImage3_b
 
typedef WImageC< float, 3 > WImage3_f
 
typedef WImage< short > WImage_16s
 
typedef WImage< ushortWImage_16u
 
typedef WImage< ucharWImage_b
 
typedef WImage< float > WImage_f
 
typedef WImageBufferC< short, 1 > WImageBuffer1_16s
 
typedef WImageBufferC< ushort, 1 > WImageBuffer1_16u
 
typedef WImageBufferC< uchar, 1 > WImageBuffer1_b
 
typedef WImageBufferC< float, 1 > WImageBuffer1_f
 
typedef WImageBufferC< short, 3 > WImageBuffer3_16s
 
typedef WImageBufferC< ushort, 3 > WImageBuffer3_16u
 
typedef WImageBufferC< uchar, 3 > WImageBuffer3_b
 
typedef WImageBufferC< float, 3 > WImageBuffer3_f
 
typedef WImageBuffer< short > WImageBuffer_16s
 
typedef WImageBuffer< ushortWImageBuffer_16u
 
typedef WImageBuffer< ucharWImageBuffer_b
 
typedef WImageBuffer< float > WImageBuffer_f
 
typedef WImageViewC< short, 1 > WImageView1_16s
 
typedef WImageViewC< ushort, 1 > WImageView1_16u
 
typedef WImageViewC< uchar, 1 > WImageView1_b
 
typedef WImageViewC< float, 1 > WImageView1_f
 
typedef WImageViewC< short, 3 > WImageView3_16s
 
typedef WImageViewC< ushort, 3 > WImageView3_16u
 
typedef WImageViewC< uchar, 3 > WImageView3_b
 
typedef WImageViewC< float, 3 > WImageView3_f
 
typedef WImageView< short > WImageView_16s
 
typedef WImageView< ushortWImageView_16u
 
typedef WImageView< ucharWImageView_b
 
typedef WImageView< float > WImageView_f
 
Shorter aliases for the most popular specializations of Vec<T,n>
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< int, 6 > Vec6i
 
typedef Vec< int, 8 > Vec8i
 
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
 

Enumerations

enum  {
  OPEN_CAMERA = 300,
  CLOSE_CAMERA,
  UPDATE_IMAGE_ELEMENT,
  SHOW_TRACKBAR
}
 
enum  {
  OPTFLOW_USE_INITIAL_FLOW = 4,
  OPTFLOW_LK_GET_MIN_EIGENVALS = 8,
  OPTFLOW_FARNEBACK_GAUSSIAN = 256
}
 
enum  {
  MOTION_TRANSLATION = 0,
  MOTION_EUCLIDEAN = 1,
  MOTION_AFFINE = 2,
  MOTION_HOMOGRAPHY = 3
}
 
enum  {
  LMEDS = 4,
  RANSAC = 8,
  RHO = 16
}
 type of the robust estimation algorithm More...
 
enum  {
  SOLVEPNP_ITERATIVE = 0,
  SOLVEPNP_EPNP = 1,
  SOLVEPNP_P3P = 2,
  SOLVEPNP_DLS = 3,
  SOLVEPNP_UPNP = 4
}
 
enum  {
  CALIB_CB_ADAPTIVE_THRESH = 1,
  CALIB_CB_NORMALIZE_IMAGE = 2,
  CALIB_CB_FILTER_QUADS = 4,
  CALIB_CB_FAST_CHECK = 8
}
 
enum  {
  CALIB_CB_SYMMETRIC_GRID = 1,
  CALIB_CB_ASYMMETRIC_GRID = 2,
  CALIB_CB_CLUSTERING = 4
}
 
enum  {
  CALIB_USE_INTRINSIC_GUESS = 0x00001,
  CALIB_FIX_ASPECT_RATIO = 0x00002,
  CALIB_FIX_PRINCIPAL_POINT = 0x00004,
  CALIB_ZERO_TANGENT_DIST = 0x00008,
  CALIB_FIX_FOCAL_LENGTH = 0x00010,
  CALIB_FIX_K1 = 0x00020,
  CALIB_FIX_K2 = 0x00040,
  CALIB_FIX_K3 = 0x00080,
  CALIB_FIX_K4 = 0x00800,
  CALIB_FIX_K5 = 0x01000,
  CALIB_FIX_K6 = 0x02000,
  CALIB_RATIONAL_MODEL = 0x04000,
  CALIB_THIN_PRISM_MODEL = 0x08000,
  CALIB_FIX_S1_S2_S3_S4 = 0x10000,
  CALIB_TILTED_MODEL = 0x40000,
  CALIB_FIX_TAUX_TAUY = 0x80000,
  CALIB_USE_QR = 0x100000,
  CALIB_FIX_INTRINSIC = 0x00100,
  CALIB_SAME_FOCAL_LENGTH = 0x00200,
  CALIB_ZERO_DISPARITY = 0x00400,
  CALIB_USE_LU = (1 << 17)
}
 
enum  {
  FM_7POINT = 1,
  FM_8POINT = 2,
  FM_LMEDS = 4,
  FM_RANSAC = 8
}
 the algorithm for finding fundamental matrix More...
 
enum  {
  CASCADE_DO_CANNY_PRUNING = 1,
  CASCADE_SCALE_IMAGE = 2,
  CASCADE_FIND_BIGGEST_OBJECT = 4,
  CASCADE_DO_ROUGH_SEARCH = 8
}
 
enum  {
  INPAINT_NS = 0,
  INPAINT_TELEA = 1
}
 the inpainting algorithm More...
 
enum  {
  NORMAL_CLONE = 1,
  MIXED_CLONE = 2,
  MONOCHROME_TRANSFER = 3
}
 
enum  {
  RECURS_FILTER = 1,
  NORMCONV_FILTER = 2
}
 
enum  { LDR_SIZE = 256 }
 
enum  {
  ACCESS_READ =1<<24,
  ACCESS_WRITE =1<<25,
  ACCESS_RW =3<<24,
  ACCESS_MASK =ACCESS_RW,
  ACCESS_FAST =1<<26
}
 
enum  AdaptiveThresholdTypes {
  ADAPTIVE_THRESH_MEAN_C = 0,
  ADAPTIVE_THRESH_GAUSSIAN_C = 1
}
 
enum  BorderTypes {
  BORDER_CONSTANT = 0,
  BORDER_REPLICATE = 1,
  BORDER_REFLECT = 2,
  BORDER_WRAP = 3,
  BORDER_REFLECT_101 = 4,
  BORDER_TRANSPARENT = 5,
  BORDER_REFLECT101 = BORDER_REFLECT_101,
  BORDER_DEFAULT = BORDER_REFLECT_101,
  BORDER_ISOLATED = 16
}
 
enum  CmpTypes {
  CMP_EQ = 0,
  CMP_GT = 1,
  CMP_GE = 2,
  CMP_LT = 3,
  CMP_LE = 4,
  CMP_NE = 5
}
 comparison types More...
 
enum  ColorConversionCodes {
  COLOR_BGR2BGRA = 0,
  COLOR_RGB2RGBA = COLOR_BGR2BGRA,
  COLOR_BGRA2BGR = 1,
  COLOR_RGBA2RGB = COLOR_BGRA2BGR,
  COLOR_BGR2RGBA = 2,
  COLOR_RGB2BGRA = COLOR_BGR2RGBA,
  COLOR_RGBA2BGR = 3,
  COLOR_BGRA2RGB = COLOR_RGBA2BGR,
  COLOR_BGR2RGB = 4,
  COLOR_RGB2BGR = COLOR_BGR2RGB,
  COLOR_BGRA2RGBA = 5,
  COLOR_RGBA2BGRA = COLOR_BGRA2RGBA,
  COLOR_BGR2GRAY = 6,
  COLOR_RGB2GRAY = 7,
  COLOR_GRAY2BGR = 8,
  COLOR_GRAY2RGB = COLOR_GRAY2BGR,
  COLOR_GRAY2BGRA = 9,
  COLOR_GRAY2RGBA = COLOR_GRAY2BGRA,
  COLOR_BGRA2GRAY = 10,
  COLOR_RGBA2GRAY = 11,
  COLOR_BGR2BGR565 = 12,
  COLOR_RGB2BGR565 = 13,
  COLOR_BGR5652BGR = 14,
  COLOR_BGR5652RGB = 15,
  COLOR_BGRA2BGR565 = 16,
  COLOR_RGBA2BGR565 = 17,
  COLOR_BGR5652BGRA = 18,
  COLOR_BGR5652RGBA = 19,
  COLOR_GRAY2BGR565 = 20,
  COLOR_BGR5652GRAY = 21,
  COLOR_BGR2BGR555 = 22,
  COLOR_RGB2BGR555 = 23,
  COLOR_BGR5552BGR = 24,
  COLOR_BGR5552RGB = 25,
  COLOR_BGRA2BGR555 = 26,
  COLOR_RGBA2BGR555 = 27,
  COLOR_BGR5552BGRA = 28,
  COLOR_BGR5552RGBA = 29,
  COLOR_GRAY2BGR555 = 30,
  COLOR_BGR5552GRAY = 31,
  COLOR_BGR2XYZ = 32,
  COLOR_RGB2XYZ = 33,
  COLOR_XYZ2BGR = 34,
  COLOR_XYZ2RGB = 35,
  COLOR_BGR2YCrCb = 36,
  COLOR_RGB2YCrCb = 37,
  COLOR_YCrCb2BGR = 38,
  COLOR_YCrCb2RGB = 39,
  COLOR_BGR2HSV = 40,
  COLOR_RGB2HSV = 41,
  COLOR_BGR2Lab = 44,
  COLOR_RGB2Lab = 45,
  COLOR_BGR2Luv = 50,
  COLOR_RGB2Luv = 51,
  COLOR_BGR2HLS = 52,
  COLOR_RGB2HLS = 53,
  COLOR_HSV2BGR = 54,
  COLOR_HSV2RGB = 55,
  COLOR_Lab2BGR = 56,
  COLOR_Lab2RGB = 57,
  COLOR_Luv2BGR = 58,
  COLOR_Luv2RGB = 59,
  COLOR_HLS2BGR = 60,
  COLOR_HLS2RGB = 61,
  COLOR_BGR2HSV_FULL = 66,
  COLOR_RGB2HSV_FULL = 67,
  COLOR_BGR2HLS_FULL = 68,
  COLOR_RGB2HLS_FULL = 69,
  COLOR_HSV2BGR_FULL = 70,
  COLOR_HSV2RGB_FULL = 71,
  COLOR_HLS2BGR_FULL = 72,
  COLOR_HLS2RGB_FULL = 73,
  COLOR_LBGR2Lab = 74,
  COLOR_LRGB2Lab = 75,
  COLOR_LBGR2Luv = 76,
  COLOR_LRGB2Luv = 77,
  COLOR_Lab2LBGR = 78,
  COLOR_Lab2LRGB = 79,
  COLOR_Luv2LBGR = 80,
  COLOR_Luv2LRGB = 81,
  COLOR_BGR2YUV = 82,
  COLOR_RGB2YUV = 83,
  COLOR_YUV2BGR = 84,
  COLOR_YUV2RGB = 85,
  COLOR_YUV2RGB_NV12 = 90,
  COLOR_YUV2BGR_NV12 = 91,
  COLOR_YUV2RGB_NV21 = 92,
  COLOR_YUV2BGR_NV21 = 93,
  COLOR_YUV420sp2RGB = COLOR_YUV2RGB_NV21,
  COLOR_YUV420sp2BGR = COLOR_YUV2BGR_NV21,
  COLOR_YUV2RGBA_NV12 = 94,
  COLOR_YUV2BGRA_NV12 = 95,
  COLOR_YUV2RGBA_NV21 = 96,
  COLOR_YUV2BGRA_NV21 = 97,
  COLOR_YUV420sp2RGBA = COLOR_YUV2RGBA_NV21,
  COLOR_YUV420sp2BGRA = COLOR_YUV2BGRA_NV21,
  COLOR_YUV2RGB_YV12 = 98,
  COLOR_YUV2BGR_YV12 = 99,
  COLOR_YUV2RGB_IYUV = 100,
  COLOR_YUV2BGR_IYUV = 101,
  COLOR_YUV2RGB_I420 = COLOR_YUV2RGB_IYUV,
  COLOR_YUV2BGR_I420 = COLOR_YUV2BGR_IYUV,
  COLOR_YUV420p2RGB = COLOR_YUV2RGB_YV12,
  COLOR_YUV420p2BGR = COLOR_YUV2BGR_YV12,
  COLOR_YUV2RGBA_YV12 = 102,
  COLOR_YUV2BGRA_YV12 = 103,
  COLOR_YUV2RGBA_IYUV = 104,
  COLOR_YUV2BGRA_IYUV = 105,
  COLOR_YUV2RGBA_I420 = COLOR_YUV2RGBA_IYUV,
  COLOR_YUV2BGRA_I420 = COLOR_YUV2BGRA_IYUV,
  COLOR_YUV420p2RGBA = COLOR_YUV2RGBA_YV12,
  COLOR_YUV420p2BGRA = COLOR_YUV2BGRA_YV12,
  COLOR_YUV2GRAY_420 = 106,
  COLOR_YUV2GRAY_NV21 = COLOR_YUV2GRAY_420,
  COLOR_YUV2GRAY_NV12 = COLOR_YUV2GRAY_420,
  COLOR_YUV2GRAY_YV12 = COLOR_YUV2GRAY_420,
  COLOR_YUV2GRAY_IYUV = COLOR_YUV2GRAY_420,
  COLOR_YUV2GRAY_I420 = COLOR_YUV2GRAY_420,
  COLOR_YUV420sp2GRAY = COLOR_YUV2GRAY_420,
  COLOR_YUV420p2GRAY = COLOR_YUV2GRAY_420,
  COLOR_YUV2RGB_UYVY = 107,
  COLOR_YUV2BGR_UYVY = 108,
  COLOR_YUV2RGB_Y422 = COLOR_YUV2RGB_UYVY,
  COLOR_YUV2BGR_Y422 = COLOR_YUV2BGR_UYVY,
  COLOR_YUV2RGB_UYNV = COLOR_YUV2RGB_UYVY,
  COLOR_YUV2BGR_UYNV = COLOR_YUV2BGR_UYVY,
  COLOR_YUV2RGBA_UYVY = 111,
  COLOR_YUV2BGRA_UYVY = 112,
  COLOR_YUV2RGBA_Y422 = COLOR_YUV2RGBA_UYVY,
  COLOR_YUV2BGRA_Y422 = COLOR_YUV2BGRA_UYVY,
  COLOR_YUV2RGBA_UYNV = COLOR_YUV2RGBA_UYVY,
  COLOR_YUV2BGRA_UYNV = COLOR_YUV2BGRA_UYVY,
  COLOR_YUV2RGB_YUY2 = 115,
  COLOR_YUV2BGR_YUY2 = 116,
  COLOR_YUV2RGB_YVYU = 117,
  COLOR_YUV2BGR_YVYU = 118,
  COLOR_YUV2RGB_YUYV = COLOR_YUV2RGB_YUY2,
  COLOR_YUV2BGR_YUYV = COLOR_YUV2BGR_YUY2,
  COLOR_YUV2RGB_YUNV = COLOR_YUV2RGB_YUY2,
  COLOR_YUV2BGR_YUNV = COLOR_YUV2BGR_YUY2,
  COLOR_YUV2RGBA_YUY2 = 119,
  COLOR_YUV2BGRA_YUY2 = 120,
  COLOR_YUV2RGBA_YVYU = 121,
  COLOR_YUV2BGRA_YVYU = 122,
  COLOR_YUV2RGBA_YUYV = COLOR_YUV2RGBA_YUY2,
  COLOR_YUV2BGRA_YUYV = COLOR_YUV2BGRA_YUY2,
  COLOR_YUV2RGBA_YUNV = COLOR_YUV2RGBA_YUY2,
  COLOR_YUV2BGRA_YUNV = COLOR_YUV2BGRA_YUY2,
  COLOR_YUV2GRAY_UYVY = 123,
  COLOR_YUV2GRAY_YUY2 = 124,
  COLOR_YUV2GRAY_Y422 = COLOR_YUV2GRAY_UYVY,
  COLOR_YUV2GRAY_UYNV = COLOR_YUV2GRAY_UYVY,
  COLOR_YUV2GRAY_YVYU = COLOR_YUV2GRAY_YUY2,
  COLOR_YUV2GRAY_YUYV = COLOR_YUV2GRAY_YUY2,
  COLOR_YUV2GRAY_YUNV = COLOR_YUV2GRAY_YUY2,
  COLOR_RGBA2mRGBA = 125,
  COLOR_mRGBA2RGBA = 126,
  COLOR_RGB2YUV_I420 = 127,
  COLOR_BGR2YUV_I420 = 128,
  COLOR_RGB2YUV_IYUV = COLOR_RGB2YUV_I420,
  COLOR_BGR2YUV_IYUV = COLOR_BGR2YUV_I420,
  COLOR_RGBA2YUV_I420 = 129,
  COLOR_BGRA2YUV_I420 = 130,
  COLOR_RGBA2YUV_IYUV = COLOR_RGBA2YUV_I420,
  COLOR_BGRA2YUV_IYUV = COLOR_BGRA2YUV_I420,
  COLOR_RGB2YUV_YV12 = 131,
  COLOR_BGR2YUV_YV12 = 132,
  COLOR_RGBA2YUV_YV12 = 133,
  COLOR_BGRA2YUV_YV12 = 134,
  COLOR_BayerBG2BGR = 46,
  COLOR_BayerGB2BGR = 47,
  COLOR_BayerRG2BGR = 48,
  COLOR_BayerGR2BGR = 49,
  COLOR_BayerBG2RGB = COLOR_BayerRG2BGR,
  COLOR_BayerGB2RGB = COLOR_BayerGR2BGR,
  COLOR_BayerRG2RGB = COLOR_BayerBG2BGR,
  COLOR_BayerGR2RGB = COLOR_BayerGB2BGR,
  COLOR_BayerBG2GRAY = 86,
  COLOR_BayerGB2GRAY = 87,
  COLOR_BayerRG2GRAY = 88,
  COLOR_BayerGR2GRAY = 89,
  COLOR_BayerBG2BGR_VNG = 62,
  COLOR_BayerGB2BGR_VNG = 63,
  COLOR_BayerRG2BGR_VNG = 64,
  COLOR_BayerGR2BGR_VNG = 65,
  COLOR_BayerBG2RGB_VNG = COLOR_BayerRG2BGR_VNG,
  COLOR_BayerGB2RGB_VNG = COLOR_BayerGR2BGR_VNG,
  COLOR_BayerRG2RGB_VNG = COLOR_BayerBG2BGR_VNG,
  COLOR_BayerGR2RGB_VNG = COLOR_BayerGB2BGR_VNG,
  COLOR_BayerBG2BGR_EA = 135,
  COLOR_BayerGB2BGR_EA = 136,
  COLOR_BayerRG2BGR_EA = 137,
  COLOR_BayerGR2BGR_EA = 138,
  COLOR_BayerBG2RGB_EA = COLOR_BayerRG2BGR_EA,
  COLOR_BayerGB2RGB_EA = COLOR_BayerGR2BGR_EA,
  COLOR_BayerRG2RGB_EA = COLOR_BayerBG2BGR_EA,
  COLOR_BayerGR2RGB_EA = COLOR_BayerGB2BGR_EA,
  COLOR_COLORCVT_MAX = 139
}
 
enum  ColormapTypes {
  COLORMAP_AUTUMN = 0,
  COLORMAP_BONE = 1,
  COLORMAP_JET = 2,
  COLORMAP_WINTER = 3,
  COLORMAP_RAINBOW = 4,
  COLORMAP_OCEAN = 5,
  COLORMAP_SUMMER = 6,
  COLORMAP_SPRING = 7,
  COLORMAP_COOL = 8,
  COLORMAP_HSV = 9,
  COLORMAP_PINK = 10,
  COLORMAP_HOT = 11,
  COLORMAP_PARULA = 12
}
 GNU Octave/MATLAB equivalent colormaps. More...
 
enum  ConnectedComponentsAlgorithmsTypes {
  CCL_WU = 0,
  CCL_DEFAULT = -1,
  CCL_GRANA = 1
}
 connected components algorithm More...
 
enum  ConnectedComponentsTypes {
  CC_STAT_LEFT = 0,
  CC_STAT_TOP = 1,
  CC_STAT_WIDTH = 2,
  CC_STAT_HEIGHT = 3,
  CC_STAT_AREA = 4,
  CC_STAT_MAX = 5
}
 connected components algorithm output formats More...
 
enum  ContourApproximationModes {
  CHAIN_APPROX_NONE = 1,
  CHAIN_APPROX_SIMPLE = 2,
  CHAIN_APPROX_TC89_L1 = 3,
  CHAIN_APPROX_TC89_KCOS = 4
}
 the contour approximation algorithm More...
 
enum  CovarFlags {
  COVAR_SCRAMBLED = 0,
  COVAR_NORMAL = 1,
  COVAR_USE_AVG = 2,
  COVAR_SCALE = 4,
  COVAR_ROWS = 8,
  COVAR_COLS = 16
}
 Covariation flags. More...
 
enum  DecompTypes {
  DECOMP_LU = 0,
  DECOMP_SVD = 1,
  DECOMP_EIG = 2,
  DECOMP_CHOLESKY = 3,
  DECOMP_QR = 4,
  DECOMP_NORMAL = 16
}
 matrix decomposition types More...
 
enum  DftFlags {
  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  DistanceTransformLabelTypes {
  DIST_LABEL_CCOMP = 0,
  DIST_LABEL_PIXEL = 1
}
 distanceTransform algorithm flags More...
 
enum  DistanceTransformMasks {
  DIST_MASK_3 = 3,
  DIST_MASK_5 = 5,
  DIST_MASK_PRECISE = 0
}
 Mask size for distance transform. More...
 
enum  DistanceTypes {
  DIST_USER = -1,
  DIST_L1 = 1,
  DIST_L2 = 2,
  DIST_C = 3,
  DIST_L12 = 4,
  DIST_FAIR = 5,
  DIST_WELSCH = 6,
  DIST_HUBER = 7
}
 
enum  FloodFillFlags {
  FLOODFILL_FIXED_RANGE = 1 << 16,
  FLOODFILL_MASK_ONLY = 1 << 17
}
 floodfill algorithm flags More...
 
enum  GemmFlags {
  GEMM_1_T = 1,
  GEMM_2_T = 2,
  GEMM_3_T = 4
}
 generalized matrix multiplication flags More...
 
enum  GrabCutClasses {
  GC_BGD = 0,
  GC_FGD = 1,
  GC_PR_BGD = 2,
  GC_PR_FGD = 3
}
 class of the pixel in GrabCut algorithm More...
 
enum  GrabCutModes {
  GC_INIT_WITH_RECT = 0,
  GC_INIT_WITH_MASK = 1,
  GC_EVAL = 2
}
 GrabCut algorithm flags. More...
 
enum  HersheyFonts {
  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
}
 
enum  HistCompMethods {
  HISTCMP_CORREL = 0,
  HISTCMP_CHISQR = 1,
  HISTCMP_INTERSECT = 2,
  HISTCMP_BHATTACHARYYA = 3,
  HISTCMP_HELLINGER = HISTCMP_BHATTACHARYYA,
  HISTCMP_CHISQR_ALT = 4,
  HISTCMP_KL_DIV = 5
}
 
enum  HoughModes {
  HOUGH_STANDARD = 0,
  HOUGH_PROBABILISTIC = 1,
  HOUGH_MULTI_SCALE = 2,
  HOUGH_GRADIENT = 3
}
 Variants of a Hough transform. More...
 
enum  ImreadModes {
  IMREAD_UNCHANGED = -1,
  IMREAD_GRAYSCALE = 0,
  IMREAD_COLOR = 1,
  IMREAD_ANYDEPTH = 2,
  IMREAD_ANYCOLOR = 4,
  IMREAD_LOAD_GDAL = 8,
  IMREAD_REDUCED_GRAYSCALE_2 = 16,
  IMREAD_REDUCED_COLOR_2 = 17,
  IMREAD_REDUCED_GRAYSCALE_4 = 32,
  IMREAD_REDUCED_COLOR_4 = 33,
  IMREAD_REDUCED_GRAYSCALE_8 = 64,
  IMREAD_REDUCED_COLOR_8 = 65,
  IMREAD_IGNORE_ORIENTATION = 128
}
 Imread flags. More...
 
enum  ImwriteFlags {
  IMWRITE_JPEG_QUALITY = 1,
  IMWRITE_JPEG_PROGRESSIVE = 2,
  IMWRITE_JPEG_OPTIMIZE = 3,
  IMWRITE_JPEG_RST_INTERVAL = 4,
  IMWRITE_JPEG_LUMA_QUALITY = 5,
  IMWRITE_JPEG_CHROMA_QUALITY = 6,
  IMWRITE_PNG_COMPRESSION = 16,
  IMWRITE_PNG_STRATEGY = 17,
  IMWRITE_PNG_BILEVEL = 18,
  IMWRITE_PXM_BINARY = 32,
  IMWRITE_WEBP_QUALITY = 64,
  IMWRITE_PAM_TUPLETYPE = 128
}
 Imwrite flags. More...
 
enum  ImwritePAMFlags {
  IMWRITE_PAM_FORMAT_NULL = 0,
  IMWRITE_PAM_FORMAT_BLACKANDWHITE = 1,
  IMWRITE_PAM_FORMAT_GRAYSCALE = 2,
  IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA = 3,
  IMWRITE_PAM_FORMAT_RGB = 4,
  IMWRITE_PAM_FORMAT_RGB_ALPHA = 5
}
 Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file. More...
 
enum  ImwritePNGFlags {
  IMWRITE_PNG_STRATEGY_DEFAULT = 0,
  IMWRITE_PNG_STRATEGY_FILTERED = 1,
  IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY = 2,
  IMWRITE_PNG_STRATEGY_RLE = 3,
  IMWRITE_PNG_STRATEGY_FIXED = 4
}
 Imwrite PNG specific flags used to tune the compression algorithm. More...
 
enum  InterpolationFlags {
  INTER_NEAREST = 0,
  INTER_LINEAR = 1,
  INTER_CUBIC = 2,
  INTER_AREA = 3,
  INTER_LANCZOS4 = 4,
  INTER_MAX = 7,
  WARP_FILL_OUTLIERS = 8,
  WARP_INVERSE_MAP = 16
}
 interpolation algorithm More...
 
enum  InterpolationMasks {
  INTER_BITS = 5,
  INTER_BITS2 = INTER_BITS * 2,
  INTER_TAB_SIZE = 1 << INTER_BITS,
  INTER_TAB_SIZE2 = INTER_TAB_SIZE * INTER_TAB_SIZE
}
 
enum  KmeansFlags {
  KMEANS_RANDOM_CENTERS = 0,
  KMEANS_PP_CENTERS = 2,
  KMEANS_USE_INITIAL_LABELS = 1
}
 k-Means flags More...
 
enum  LineSegmentDetectorModes {
  LSD_REFINE_NONE = 0,
  LSD_REFINE_STD = 1,
  LSD_REFINE_ADV = 2
}
 
enum  LineTypes {
  FILLED = -1,
  LINE_4 = 4,
  LINE_8 = 8,
  LINE_AA = 16
}
 type of line More...
 
enum  MarkerTypes {
  MARKER_CROSS = 0,
  MARKER_TILTED_CROSS = 1,
  MARKER_STAR = 2,
  MARKER_DIAMOND = 3,
  MARKER_SQUARE = 4,
  MARKER_TRIANGLE_UP = 5,
  MARKER_TRIANGLE_DOWN = 6
}
 Possible set of marker types used for the cv::drawMarker function. More...
 
enum  MorphShapes {
  MORPH_RECT = 0,
  MORPH_CROSS = 1,
  MORPH_ELLIPSE = 2
}
 shape of the structuring element More...
 
enum  MorphTypes {
  MORPH_ERODE = 0,
  MORPH_DILATE = 1,
  MORPH_OPEN = 2,
  MORPH_CLOSE = 3,
  MORPH_GRADIENT = 4,
  MORPH_TOPHAT = 5,
  MORPH_BLACKHAT = 6,
  MORPH_HITMISS = 7
}
 type of morphological operation More...
 
enum  MouseEventFlags {
  EVENT_FLAG_LBUTTON = 1,
  EVENT_FLAG_RBUTTON = 2,
  EVENT_FLAG_MBUTTON = 4,
  EVENT_FLAG_CTRLKEY = 8,
  EVENT_FLAG_SHIFTKEY = 16,
  EVENT_FLAG_ALTKEY = 32
}
 Mouse Event Flags see cv::MouseCallback. More...
 
enum  MouseEventTypes {
  EVENT_MOUSEMOVE = 0,
  EVENT_LBUTTONDOWN = 1,
  EVENT_RBUTTONDOWN = 2,
  EVENT_MBUTTONDOWN = 3,
  EVENT_LBUTTONUP = 4,
  EVENT_RBUTTONUP = 5,
  EVENT_MBUTTONUP = 6,
  EVENT_LBUTTONDBLCLK = 7,
  EVENT_RBUTTONDBLCLK = 8,
  EVENT_MBUTTONDBLCLK = 9,
  EVENT_MOUSEWHEEL = 10,
  EVENT_MOUSEHWHEEL = 11
}
 Mouse Events see cv::MouseCallback. More...
 
enum  NormTypes {
  NORM_INF = 1,
  NORM_L1 = 2,
  NORM_L2 = 4,
  NORM_L2SQR = 5,
  NORM_HAMMING = 6,
  NORM_HAMMING2 = 7,
  NORM_TYPE_MASK = 7,
  NORM_RELATIVE = 8,
  NORM_MINMAX = 32
}
 
enum  QtButtonTypes {
  QT_PUSH_BUTTON = 0,
  QT_CHECKBOX = 1,
  QT_RADIOBOX = 2,
  QT_NEW_BUTTONBAR = 1024
}
 Qt "button" type. More...
 
enum  QtFontStyles {
  QT_STYLE_NORMAL = 0,
  QT_STYLE_ITALIC = 1,
  QT_STYLE_OBLIQUE = 2
}
 Qt font style. More...
 
enum  QtFontWeights {
  QT_FONT_LIGHT = 25,
  QT_FONT_NORMAL = 50,
  QT_FONT_DEMIBOLD = 63,
  QT_FONT_BOLD = 75,
  QT_FONT_BLACK = 87
}
 Qt font weight. More...
 
enum  RectanglesIntersectTypes {
  INTERSECT_NONE = 0,
  INTERSECT_PARTIAL = 1,
  INTERSECT_FULL = 2
}
 
enum  ReduceTypes {
  REDUCE_SUM = 0,
  REDUCE_AVG = 1,
  REDUCE_MAX = 2,
  REDUCE_MIN = 3
}
 
enum  RetrievalModes {
  RETR_EXTERNAL = 0,
  RETR_LIST = 1,
  RETR_CCOMP = 2,
  RETR_TREE = 3,
  RETR_FLOODFILL = 4
}
 mode of the contour retrieval algorithm More...
 
enum  RotateFlags {
  ROTATE_90_CLOCKWISE = 0,
  ROTATE_180 = 1,
  ROTATE_90_COUNTERCLOCKWISE = 2
}
 
enum  SolveLPResult {
  SOLVELP_UNBOUNDED = -2,
  SOLVELP_UNFEASIBLE = -1,
  SOLVELP_SINGLE = 0,
  SOLVELP_MULTI = 1
}
 return codes for cv::solveLP() function More...
 
enum  SortFlags {
  SORT_EVERY_ROW = 0,
  SORT_EVERY_COLUMN = 1,
  SORT_ASCENDING = 0,
  SORT_DESCENDING = 16
}
 
enum  TemplateMatchModes {
  TM_SQDIFF = 0,
  TM_SQDIFF_NORMED = 1,
  TM_CCORR = 2,
  TM_CCORR_NORMED = 3,
  TM_CCOEFF = 4,
  TM_CCOEFF_NORMED = 5
}
 type of the template matching operation More...
 
enum  ThresholdTypes {
  THRESH_BINARY = 0,
  THRESH_BINARY_INV = 1,
  THRESH_TRUNC = 2,
  THRESH_TOZERO = 3,
  THRESH_TOZERO_INV = 4,
  THRESH_MASK = 7,
  THRESH_OTSU = 8,
  THRESH_TRIANGLE = 16
}
 
enum  UMatUsageFlags {
  USAGE_DEFAULT = 0,
  USAGE_ALLOCATE_HOST_MEMORY = 1 << 0,
  USAGE_ALLOCATE_DEVICE_MEMORY = 1 << 1,
  USAGE_ALLOCATE_SHARED_MEMORY = 1 << 2,
  __UMAT_USAGE_FLAGS_32BIT = 0x7fffffff
}
 Usage flags for allocator. More...
 
enum  UndistortTypes {
  PROJ_SPHERICAL_ORTHO = 0,
  PROJ_SPHERICAL_EQRECT = 1
}
 cv::undistort mode More...
 
enum  VideoCaptureAPIs {
  CAP_ANY = 0,
  CAP_VFW = 200,
  CAP_V4L = 200,
  CAP_V4L2 = CAP_V4L,
  CAP_FIREWIRE = 300,
  CAP_FIREWARE = CAP_FIREWIRE,
  CAP_IEEE1394 = CAP_FIREWIRE,
  CAP_DC1394 = CAP_FIREWIRE,
  CAP_CMU1394 = CAP_FIREWIRE,
  CAP_QT = 500,
  CAP_UNICAP = 600,
  CAP_DSHOW = 700,
  CAP_PVAPI = 800,
  CAP_OPENNI = 900,
  CAP_OPENNI_ASUS = 910,
  CAP_ANDROID = 1000,
  CAP_XIAPI = 1100,
  CAP_AVFOUNDATION = 1200,
  CAP_GIGANETIX = 1300,
  CAP_MSMF = 1400,
  CAP_WINRT = 1410,
  CAP_INTELPERC = 1500,
  CAP_OPENNI2 = 1600,
  CAP_OPENNI2_ASUS = 1610,
  CAP_GPHOTO2 = 1700,
  CAP_GSTREAMER = 1800,
  CAP_FFMPEG = 1900,
  CAP_IMAGES = 2000,
  CAP_ARAVIS = 2100
}
 VideoCapture API backends identifier. More...
 
enum  VideoCaptureModes {
  CAP_MODE_BGR = 0,
  CAP_MODE_RGB = 1,
  CAP_MODE_GRAY = 2,
  CAP_MODE_YUYV = 3
}
 Generic camera output modes identifier. More...
 
enum  VideoCaptureProperties {
  CAP_PROP_POS_MSEC =0,
  CAP_PROP_POS_FRAMES =1,
  CAP_PROP_POS_AVI_RATIO =2,
  CAP_PROP_FRAME_WIDTH =3,
  CAP_PROP_FRAME_HEIGHT =4,
  CAP_PROP_FPS =5,
  CAP_PROP_FOURCC =6,
  CAP_PROP_FRAME_COUNT =7,
  CAP_PROP_FORMAT =8,
  CAP_PROP_MODE =9,
  CAP_PROP_BRIGHTNESS =10,
  CAP_PROP_CONTRAST =11,
  CAP_PROP_SATURATION =12,
  CAP_PROP_HUE =13,
  CAP_PROP_GAIN =14,
  CAP_PROP_EXPOSURE =15,
  CAP_PROP_CONVERT_RGB =16,
  CAP_PROP_WHITE_BALANCE_BLUE_U =17,
  CAP_PROP_RECTIFICATION =18,
  CAP_PROP_MONOCHROME =19,
  CAP_PROP_SHARPNESS =20,
  CAP_PROP_AUTO_EXPOSURE =21,
  CAP_PROP_GAMMA =22,
  CAP_PROP_TEMPERATURE =23,
  CAP_PROP_TRIGGER =24,
  CAP_PROP_TRIGGER_DELAY =25,
  CAP_PROP_WHITE_BALANCE_RED_V =26,
  CAP_PROP_ZOOM =27,
  CAP_PROP_FOCUS =28,
  CAP_PROP_GUID =29,
  CAP_PROP_ISO_SPEED =30,
  CAP_PROP_BACKLIGHT =32,
  CAP_PROP_PAN =33,
  CAP_PROP_TILT =34,
  CAP_PROP_ROLL =35,
  CAP_PROP_IRIS =36,
  CAP_PROP_SETTINGS =37,
  CAP_PROP_BUFFERSIZE =38,
  CAP_PROP_AUTOFOCUS =39
}
 VideoCapture generic properties identifier. More...
 
enum  VideoWriterProperties {
  VIDEOWRITER_PROP_QUALITY = 1,
  VIDEOWRITER_PROP_FRAMEBYTES = 2,
  VIDEOWRITER_PROP_NSTRIPES = 3
}
 VideoWriter generic properties identifier. More...
 
enum  WindowFlags {
  WINDOW_NORMAL = 0x00000000,
  WINDOW_AUTOSIZE = 0x00000001,
  WINDOW_OPENGL = 0x00001000,
  WINDOW_FULLSCREEN = 1,
  WINDOW_FREERATIO = 0x00000100,
  WINDOW_KEEPRATIO = 0x00000000,
  WINDOW_GUI_EXPANDED =0x00000000,
  WINDOW_GUI_NORMAL = 0x00000010
}
 Flags for cv::namedWindow. More...
 
enum  WindowPropertyFlags {
  WND_PROP_FULLSCREEN = 0,
  WND_PROP_AUTOSIZE = 1,
  WND_PROP_ASPECT_RATIO = 2,
  WND_PROP_OPENGL = 3,
  WND_PROP_VISIBLE = 4
}
 Flags for cv::setWindowProperty / cv::getWindowProperty. More...
 
IEEE 1394 drivers
enum  {
  CAP_PROP_DC1394_OFF = -4,
  CAP_PROP_DC1394_MODE_MANUAL = -3,
  CAP_PROP_DC1394_MODE_AUTO = -2,
  CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO = -1,
  CAP_PROP_DC1394_MAX = 31
}
 Modes of the IEEE 1394 controlling registers (can be: auto, manual, auto single push, absolute Latter allowed with any other mode) every feature can have only one mode turned on at a time. More...
 
OpenNI (for Kinect)
enum  {
  CAP_OPENNI_DEPTH_GENERATOR = 1 << 31,
  CAP_OPENNI_IMAGE_GENERATOR = 1 << 30,
  CAP_OPENNI_IR_GENERATOR = 1 << 29,
  CAP_OPENNI_GENERATORS_MASK = CAP_OPENNI_DEPTH_GENERATOR + CAP_OPENNI_IMAGE_GENERATOR + CAP_OPENNI_IR_GENERATOR
}
 OpenNI map generators. More...
 
enum  {
  CAP_PROP_OPENNI_OUTPUT_MODE = 100,
  CAP_PROP_OPENNI_FRAME_MAX_DEPTH = 101,
  CAP_PROP_OPENNI_BASELINE = 102,
  CAP_PROP_OPENNI_FOCAL_LENGTH = 103,
  CAP_PROP_OPENNI_REGISTRATION = 104,
  CAP_PROP_OPENNI_REGISTRATION_ON = CAP_PROP_OPENNI_REGISTRATION,
  CAP_PROP_OPENNI_APPROX_FRAME_SYNC = 105,
  CAP_PROP_OPENNI_MAX_BUFFER_SIZE = 106,
  CAP_PROP_OPENNI_CIRCLE_BUFFER = 107,
  CAP_PROP_OPENNI_MAX_TIME_DURATION = 108,
  CAP_PROP_OPENNI_GENERATOR_PRESENT = 109,
  CAP_PROP_OPENNI2_SYNC = 110,
  CAP_PROP_OPENNI2_MIRROR = 111
}
 Properties of cameras available through OpenNI backend. More...
 
enum  {
  CAP_OPENNI_IMAGE_GENERATOR_PRESENT = CAP_OPENNI_IMAGE_GENERATOR + CAP_PROP_OPENNI_GENERATOR_PRESENT,
  CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE = CAP_OPENNI_IMAGE_GENERATOR + CAP_PROP_OPENNI_OUTPUT_MODE,
  CAP_OPENNI_DEPTH_GENERATOR_PRESENT = CAP_OPENNI_DEPTH_GENERATOR + CAP_PROP_OPENNI_GENERATOR_PRESENT,
  CAP_OPENNI_DEPTH_GENERATOR_BASELINE = CAP_OPENNI_DEPTH_GENERATOR + CAP_PROP_OPENNI_BASELINE,
  CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH = CAP_OPENNI_DEPTH_GENERATOR + CAP_PROP_OPENNI_FOCAL_LENGTH,
  CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION = CAP_OPENNI_DEPTH_GENERATOR + CAP_PROP_OPENNI_REGISTRATION,
  CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON = CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION,
  CAP_OPENNI_IR_GENERATOR_PRESENT = CAP_OPENNI_IR_GENERATOR + CAP_PROP_OPENNI_GENERATOR_PRESENT
}
 OpenNI shortcuts. More...
 
enum  {
  CAP_OPENNI_DEPTH_MAP = 0,
  CAP_OPENNI_POINT_CLOUD_MAP = 1,
  CAP_OPENNI_DISPARITY_MAP = 2,
  CAP_OPENNI_DISPARITY_MAP_32F = 3,
  CAP_OPENNI_VALID_DEPTH_MASK = 4,
  CAP_OPENNI_BGR_IMAGE = 5,
  CAP_OPENNI_GRAY_IMAGE = 6,
  CAP_OPENNI_IR_IMAGE = 7
}
 OpenNI data given from depth generator. More...
 
enum  {
  CAP_OPENNI_VGA_30HZ = 0,
  CAP_OPENNI_SXGA_15HZ = 1,
  CAP_OPENNI_SXGA_30HZ = 2,
  CAP_OPENNI_QVGA_30HZ = 3,
  CAP_OPENNI_QVGA_60HZ = 4
}
 Supported output modes of OpenNI image generator. More...
 
GStreamer
enum  { CAP_PROP_GSTREAMER_QUEUE_LENGTH = 200 }
 
PvAPI, Prosilica GigE SDK
enum  {
  CAP_PROP_PVAPI_MULTICASTIP = 300,
  CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE = 301,
  CAP_PROP_PVAPI_DECIMATIONHORIZONTAL = 302,
  CAP_PROP_PVAPI_DECIMATIONVERTICAL = 303,
  CAP_PROP_PVAPI_BINNINGX = 304,
  CAP_PROP_PVAPI_BINNINGY = 305,
  CAP_PROP_PVAPI_PIXELFORMAT = 306
}
 PVAPI. More...
 
enum  {
  CAP_PVAPI_FSTRIGMODE_FREERUN = 0,
  CAP_PVAPI_FSTRIGMODE_SYNCIN1 = 1,
  CAP_PVAPI_FSTRIGMODE_SYNCIN2 = 2,
  CAP_PVAPI_FSTRIGMODE_FIXEDRATE = 3,
  CAP_PVAPI_FSTRIGMODE_SOFTWARE = 4
}
 PVAPI: FrameStartTriggerMode. More...
 
enum  {
  CAP_PVAPI_DECIMATION_OFF = 1,
  CAP_PVAPI_DECIMATION_2OUTOF4 = 2,
  CAP_PVAPI_DECIMATION_2OUTOF8 = 4,
  CAP_PVAPI_DECIMATION_2OUTOF16 = 8
}
 PVAPI: DecimationHorizontal, DecimationVertical. More...
 
enum  {
  CAP_PVAPI_PIXELFORMAT_MONO8 = 1,
  CAP_PVAPI_PIXELFORMAT_MONO16 = 2,
  CAP_PVAPI_PIXELFORMAT_BAYER8 = 3,
  CAP_PVAPI_PIXELFORMAT_BAYER16 = 4,
  CAP_PVAPI_PIXELFORMAT_RGB24 = 5,
  CAP_PVAPI_PIXELFORMAT_BGR24 = 6,
  CAP_PVAPI_PIXELFORMAT_RGBA32 = 7,
  CAP_PVAPI_PIXELFORMAT_BGRA32 = 8
}
 PVAPI: PixelFormat. More...
 
XIMEA Camera API
enum  {
  CAP_PROP_XI_DOWNSAMPLING = 400,
  CAP_PROP_XI_DATA_FORMAT = 401,
  CAP_PROP_XI_OFFSET_X = 402,
  CAP_PROP_XI_OFFSET_Y = 403,
  CAP_PROP_XI_TRG_SOURCE = 404,
  CAP_PROP_XI_TRG_SOFTWARE = 405,
  CAP_PROP_XI_GPI_SELECTOR = 406,
  CAP_PROP_XI_GPI_MODE = 407,
  CAP_PROP_XI_GPI_LEVEL = 408,
  CAP_PROP_XI_GPO_SELECTOR = 409,
  CAP_PROP_XI_GPO_MODE = 410,
  CAP_PROP_XI_LED_SELECTOR = 411,
  CAP_PROP_XI_LED_MODE = 412,
  CAP_PROP_XI_MANUAL_WB = 413,
  CAP_PROP_XI_AUTO_WB = 414,
  CAP_PROP_XI_AEAG = 415,
  CAP_PROP_XI_EXP_PRIORITY = 416,
  CAP_PROP_XI_AE_MAX_LIMIT = 417,
  CAP_PROP_XI_AG_MAX_LIMIT = 418,
  CAP_PROP_XI_AEAG_LEVEL = 419,
  CAP_PROP_XI_TIMEOUT = 420,
  CAP_PROP_XI_EXPOSURE = 421,
  CAP_PROP_XI_EXPOSURE_BURST_COUNT = 422,
  CAP_PROP_XI_GAIN_SELECTOR = 423,
  CAP_PROP_XI_GAIN = 424,
  CAP_PROP_XI_DOWNSAMPLING_TYPE = 426,
  CAP_PROP_XI_BINNING_SELECTOR = 427,
  CAP_PROP_XI_BINNING_VERTICAL = 428,
  CAP_PROP_XI_BINNING_HORIZONTAL = 429,
  CAP_PROP_XI_BINNING_PATTERN = 430,
  CAP_PROP_XI_DECIMATION_SELECTOR = 431,
  CAP_PROP_XI_DECIMATION_VERTICAL = 432,
  CAP_PROP_XI_DECIMATION_HORIZONTAL = 433,
  CAP_PROP_XI_DECIMATION_PATTERN = 434,
  CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR = 587,
  CAP_PROP_XI_TEST_PATTERN = 588,
  CAP_PROP_XI_IMAGE_DATA_FORMAT = 435,
  CAP_PROP_XI_SHUTTER_TYPE = 436,
  CAP_PROP_XI_SENSOR_TAPS = 437,
  CAP_PROP_XI_AEAG_ROI_OFFSET_X = 439,
  CAP_PROP_XI_AEAG_ROI_OFFSET_Y = 440,
  CAP_PROP_XI_AEAG_ROI_WIDTH = 441,
  CAP_PROP_XI_AEAG_ROI_HEIGHT = 442,
  CAP_PROP_XI_BPC = 445,
  CAP_PROP_XI_WB_KR = 448,
  CAP_PROP_XI_WB_KG = 449,
  CAP_PROP_XI_WB_KB = 450,
  CAP_PROP_XI_WIDTH = 451,
  CAP_PROP_XI_HEIGHT = 452,
  CAP_PROP_XI_REGION_SELECTOR = 589,
  CAP_PROP_XI_REGION_MODE = 595,
  CAP_PROP_XI_LIMIT_BANDWIDTH = 459,
  CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH = 460,
  CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH = 461,
  CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH = 462,
  CAP_PROP_XI_OUTPUT_DATA_PACKING = 463,
  CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE = 464,
  CAP_PROP_XI_IS_COOLED = 465,
  CAP_PROP_XI_COOLING = 466,
  CAP_PROP_XI_TARGET_TEMP = 467,
  CAP_PROP_XI_CHIP_TEMP = 468,
  CAP_PROP_XI_HOUS_TEMP = 469,
  CAP_PROP_XI_HOUS_BACK_SIDE_TEMP = 590,
  CAP_PROP_XI_SENSOR_BOARD_TEMP = 596,
  CAP_PROP_XI_CMS = 470,
  CAP_PROP_XI_APPLY_CMS = 471,
  CAP_PROP_XI_IMAGE_IS_COLOR = 474,
  CAP_PROP_XI_COLOR_FILTER_ARRAY = 475,
  CAP_PROP_XI_GAMMAY = 476,
  CAP_PROP_XI_GAMMAC = 477,
  CAP_PROP_XI_SHARPNESS = 478,
  CAP_PROP_XI_CC_MATRIX_00 = 479,
  CAP_PROP_XI_CC_MATRIX_01 = 480,
  CAP_PROP_XI_CC_MATRIX_02 = 481,
  CAP_PROP_XI_CC_MATRIX_03 = 482,
  CAP_PROP_XI_CC_MATRIX_10 = 483,
  CAP_PROP_XI_CC_MATRIX_11 = 484,
  CAP_PROP_XI_CC_MATRIX_12 = 485,
  CAP_PROP_XI_CC_MATRIX_13 = 486,
  CAP_PROP_XI_CC_MATRIX_20 = 487,
  CAP_PROP_XI_CC_MATRIX_21 = 488,
  CAP_PROP_XI_CC_MATRIX_22 = 489,
  CAP_PROP_XI_CC_MATRIX_23 = 490,
  CAP_PROP_XI_CC_MATRIX_30 = 491,
  CAP_PROP_XI_CC_MATRIX_31 = 492,
  CAP_PROP_XI_CC_MATRIX_32 = 493,
  CAP_PROP_XI_CC_MATRIX_33 = 494,
  CAP_PROP_XI_DEFAULT_CC_MATRIX = 495,
  CAP_PROP_XI_TRG_SELECTOR = 498,
  CAP_PROP_XI_ACQ_FRAME_BURST_COUNT = 499,
  CAP_PROP_XI_DEBOUNCE_EN = 507,
  CAP_PROP_XI_DEBOUNCE_T0 = 508,
  CAP_PROP_XI_DEBOUNCE_T1 = 509,
  CAP_PROP_XI_DEBOUNCE_POL = 510,
  CAP_PROP_XI_LENS_MODE = 511,
  CAP_PROP_XI_LENS_APERTURE_VALUE = 512,
  CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE = 513,
  CAP_PROP_XI_LENS_FOCUS_MOVE = 514,
  CAP_PROP_XI_LENS_FOCUS_DISTANCE = 515,
  CAP_PROP_XI_LENS_FOCAL_LENGTH = 516,
  CAP_PROP_XI_LENS_FEATURE_SELECTOR = 517,
  CAP_PROP_XI_LENS_FEATURE = 518,
  CAP_PROP_XI_DEVICE_MODEL_ID = 521,
  CAP_PROP_XI_DEVICE_SN = 522,
  CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA = 529,
  CAP_PROP_XI_IMAGE_PAYLOAD_SIZE = 530,
  CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT = 531,
  CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ = 532,
  CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX = 533,
  CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT = 534,
  CAP_PROP_XI_FRAMERATE = 535,
  CAP_PROP_XI_COUNTER_SELECTOR = 536,
  CAP_PROP_XI_COUNTER_VALUE = 537,
  CAP_PROP_XI_ACQ_TIMING_MODE = 538,
  CAP_PROP_XI_AVAILABLE_BANDWIDTH = 539,
  CAP_PROP_XI_BUFFER_POLICY = 540,
  CAP_PROP_XI_LUT_EN = 541,
  CAP_PROP_XI_LUT_INDEX = 542,
  CAP_PROP_XI_LUT_VALUE = 543,
  CAP_PROP_XI_TRG_DELAY = 544,
  CAP_PROP_XI_TS_RST_MODE = 545,
  CAP_PROP_XI_TS_RST_SOURCE = 546,
  CAP_PROP_XI_IS_DEVICE_EXIST = 547,
  CAP_PROP_XI_ACQ_BUFFER_SIZE = 548,
  CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT = 549,
  CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE = 550,
  CAP_PROP_XI_BUFFERS_QUEUE_SIZE = 551,
  CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT = 552,
  CAP_PROP_XI_RECENT_FRAME = 553,
  CAP_PROP_XI_DEVICE_RESET = 554,
  CAP_PROP_XI_COLUMN_FPN_CORRECTION = 555,
  CAP_PROP_XI_ROW_FPN_CORRECTION = 591,
  CAP_PROP_XI_SENSOR_MODE = 558,
  CAP_PROP_XI_HDR = 559,
  CAP_PROP_XI_HDR_KNEEPOINT_COUNT = 560,
  CAP_PROP_XI_HDR_T1 = 561,
  CAP_PROP_XI_HDR_T2 = 562,
  CAP_PROP_XI_KNEEPOINT1 = 563,
  CAP_PROP_XI_KNEEPOINT2 = 564,
  CAP_PROP_XI_IMAGE_BLACK_LEVEL = 565,
  CAP_PROP_XI_HW_REVISION = 571,
  CAP_PROP_XI_DEBUG_LEVEL = 572,
  CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION = 573,
  CAP_PROP_XI_FFS_FILE_ID = 594,
  CAP_PROP_XI_FFS_FILE_SIZE = 580,
  CAP_PROP_XI_FREE_FFS_SIZE = 581,
  CAP_PROP_XI_USED_FFS_SIZE = 582,
  CAP_PROP_XI_FFS_ACCESS_KEY = 583,
  CAP_PROP_XI_SENSOR_FEATURE_SELECTOR = 585,
  CAP_PROP_XI_SENSOR_FEATURE_VALUE = 586
}
 Properties of cameras available through XIMEA SDK backend. More...
 
AVFoundation framework for iOS

OS X Lion will have the same API

enum  {
  CAP_PROP_IOS_DEVICE_FOCUS = 9001,
  CAP_PROP_IOS_DEVICE_EXPOSURE = 9002,
  CAP_PROP_IOS_DEVICE_FLASH = 9003,
  CAP_PROP_IOS_DEVICE_WHITEBALANCE = 9004,
  CAP_PROP_IOS_DEVICE_TORCH = 9005
}
 Properties of cameras available through AVFOUNDATION backend. More...
 
Smartek Giganetix GigEVisionSDK
enum  {
  CAP_PROP_GIGA_FRAME_OFFSET_X = 10001,
  CAP_PROP_GIGA_FRAME_OFFSET_Y = 10002,
  CAP_PROP_GIGA_FRAME_WIDTH_MAX = 10003,
  CAP_PROP_GIGA_FRAME_HEIGH_MAX = 10004,
  CAP_PROP_GIGA_FRAME_SENS_WIDTH = 10005,
  CAP_PROP_GIGA_FRAME_SENS_HEIGH = 10006
}
 Properties of cameras available through Smartek Giganetix Ethernet Vision backend. More...
 
Intel Perceptual Computing SDK
enum  {
  CAP_PROP_INTELPERC_PROFILE_COUNT = 11001,
  CAP_PROP_INTELPERC_PROFILE_IDX = 11002,
  CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE = 11003,
  CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE = 11004,
  CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD = 11005,
  CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ = 11006,
  CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT = 11007
}
 
enum  {
  CAP_INTELPERC_DEPTH_GENERATOR = 1 << 29,
  CAP_INTELPERC_IMAGE_GENERATOR = 1 << 28,
  CAP_INTELPERC_GENERATORS_MASK = CAP_INTELPERC_DEPTH_GENERATOR + CAP_INTELPERC_IMAGE_GENERATOR
}
 Intel Perceptual Streams. More...
 
enum  {
  CAP_INTELPERC_DEPTH_MAP = 0,
  CAP_INTELPERC_UVDEPTH_MAP = 1,
  CAP_INTELPERC_IR_MAP = 2,
  CAP_INTELPERC_IMAGE = 3
}
 
gPhoto2 connection
enum  {
  CAP_PROP_GPHOTO2_PREVIEW = 17001,
  CAP_PROP_GPHOTO2_WIDGET_ENUMERATE = 17002,
  CAP_PROP_GPHOTO2_RELOAD_CONFIG = 17003,
  CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE = 17004,
  CAP_PROP_GPHOTO2_COLLECT_MSGS = 17005,
  CAP_PROP_GPHOTO2_FLUSH_MSGS = 17006,
  CAP_PROP_SPEED = 17007,
  CAP_PROP_APERTURE = 17008,
  CAP_PROP_EXPOSUREPROGRAM = 17009,
  CAP_PROP_VIEWFINDER = 17010
}
 gPhoto2 properties More...
 
Images backend
enum  {
  CAP_PROP_IMAGES_BASE = 18000,
  CAP_PROP_IMAGES_LAST = 19000
}
 Images backend properties. More...
 

Functions

template<class Feature >
void _writeFeatures (const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
 
static uchar abs (uchar a)
 
static ushort abs (ushort a)
 
static unsigned abs (unsigned a)
 
static uint64 abs (uint64 a)
 
void absdiff (InputArray src1, InputArray src2, OutputArray dst)
 Calculates the per-element absolute difference between two arrays or between an array and a scalar. More...
 
void accumulate (InputArray src, InputOutputArray dst, InputArray mask=noArray())
 Adds an image to the accumulator. More...
 
void accumulateProduct (InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray())
 Adds the per-element product of two input images to the accumulator. More...
 
void accumulateSquare (InputArray src, InputOutputArray dst, InputArray mask=noArray())
 Adds the square of a source image to the accumulator. More...
 
void accumulateWeighted (InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray())
 Updates a running average. More...
 
void adaptiveThreshold (InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
 Applies an adaptive threshold to an array. More...
 
void add (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
 Calculates the per-element sum of two arrays or an array and a scalar. More...
 
void addText (const Mat &img, const String &text, Point org, const QtFont &font)
 Draws a text on the image. More...
 
void addText (const Mat &img, const String &text, Point org, const String &nameFont, int pointSize=-1, Scalar color=Scalar::all(0), int weight=QT_FONT_NORMAL, int style=QT_STYLE_NORMAL, int spacing=0)
 Draws a text on the image. More...
 
void addWeighted (InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1)
 Calculates the weighted sum of two arrays. More...
 
void AGAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
 
void AGAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression, int type)
 Detects corners using the AGAST algorithm. More...
 
template<typename _Tp >
static _Tp * alignPtr (_Tp *ptr, int n=(int) sizeof(_Tp))
 Aligns a pointer to the specified number of bytes. More...
 
static size_t alignSize (size_t sz, int n)
 Aligns a buffer size to the specified number of bytes. More...
 
void applyColorMap (InputArray src, OutputArray dst, int colormap)
 Applies a GNU Octave/MATLAB equivalent colormap on a given image. More...
 
void approxPolyDP (InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
 Approximates a polygonal curve(s) with the specified precision. More...
 
double arcLength (InputArray curve, bool closed)
 Calculates a contour perimeter or a curve length. More...
 
void arrowedLine (InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int line_type=8, int shift=0, double tipLength=0.1)
 Draws a arrow segment pointing from the first point to the second one. More...
 
void batchDistance (InputArray src1, InputArray src2, OutputArray dist, int dtype, OutputArray nidx, int normType=NORM_L2, int K=0, InputArray mask=noArray(), int update=0, bool crosscheck=false)
 naive nearest neighbor finder More...
 
void bilateralFilter (InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
 Applies the bilateral filter to an image. More...
 
void bitwise_and (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
 computes bitwise conjunction of the two arrays (dst = src1 & src2) Calculates the per-element bit-wise conjunction of two arrays or an array and a scalar. More...
 
void bitwise_not (InputArray src, OutputArray dst, InputArray mask=noArray())
 Inverts every bit of an array. More...
 
void bitwise_or (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
 Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar. More...
 
void bitwise_xor (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
 Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar. More...
 
void blendLinear (InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
 Performs linear blending of two images. More...
 
void blur (InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
 Blurs an image using the normalized box filter. More...
 
int borderInterpolate (int p, int len, int borderType)
 Computes the source location of an extrapolated pixel. More...
 
Rect boundingRect (InputArray points)
 Calculates the up-right bounding rectangle of a point set. More...
 
void boxFilter (InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT)
 Blurs an image using the box filter. More...
 
void boxPoints (RotatedRect box, OutputArray points)
 Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle. More...
 
int buildOpticalFlowPyramid (InputArray img, OutputArrayOfArrays pyramid, Size winSize, int maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true)
 Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK. More...
 
void buildPyramid (InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT)
 Constructs the Gaussian pyramid for an image. More...
 
void calcBackProject (const Mat *images, int nimages, const int *channels, InputArray hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true)
 Calculates the back projection of a histogram. More...
 
void calcBackProject (const Mat *images, int nimages, const int *channels, const SparseMat &hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true)
 
void calcBackProject (InputArrayOfArrays images, const std::vector< int > &channels, InputArray hist, OutputArray dst, const std::vector< float > &ranges, double scale)
 
void calcCovarMatrix (const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F)
 Calculates the covariance matrix of a set of vectors. More...
 
void calcCovarMatrix (InputArray samples, OutputArray covar, InputOutputArray mean, int flags, int ctype=CV_64F)
 
void calcHist (const Mat *images, int nimages, const int *channels, InputArray mask, OutputArray hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false)
 Calculates a histogram of a set of arrays. More...
 
void calcHist (const Mat *images, int nimages, const int *channels, InputArray mask, SparseMat &hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false)
 
void calcHist (InputArrayOfArrays images, const std::vector< int > &channels, InputArray mask, OutputArray hist, const std::vector< int > &histSize, const std::vector< float > &ranges, bool accumulate=false)
 
float calcNormFactor (const Mat &sum, const Mat &sqSum)
 
void calcOpticalFlowFarneback (InputArray prev, InputArray next, InputOutputArray flow, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags)
 Computes a dense optical flow using the Gunnar Farneback's algorithm. More...
 
void calcOpticalFlowPyrLK (InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Size winSize=Size(21, 21), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
 Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids. More...
 
double calibrateCamera (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
 Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern. More...
 
double calibrateCamera (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
 
void calibrationMatrixValues (InputArray cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio)
 Computes useful camera characteristics from the camera matrix. More...
 
RotatedRect CamShift (InputArray probImage, Rect &window, TermCriteria criteria)
 Finds an object center, size, and orientation. More...
 
void Canny (InputArray image, OutputArray edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
 Finds edges in an image using the Canny algorithm [26] . More...
 
void Canny (InputArray dx, InputArray dy, OutputArray edges, double threshold1, double threshold2, bool L2gradient=false)
 
void cartToPolar (InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
 Calculates the magnitude and angle of 2D vectors. More...
 
bool checkHardwareSupport (int feature)
 Returns true if the specified feature is supported by the host hardware. More...
 
bool checkRange (InputArray a, bool quiet=true, Point *pos=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX)
 Checks every element of an input array for invalid values. More...
 
bool Cholesky (float *A, size_t astep, int m, float *b, size_t bstep, int n)
 
bool Cholesky (double *A, size_t astep, int m, double *b, size_t bstep, int n)
 
void circle (InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 Draws a circle. More...
 
void clearSeq (CvSeq *seq)
 
bool clipLine (Size imgSize, Point &pt1, Point &pt2)
 Clips the line against the image rectangle. More...
 
bool clipLine (Size2l imgSize, Point2l &pt1, Point2l &pt2)
 
bool clipLine (Rect imgRect, Point &pt1, Point &pt2)
 
void colorChange (InputArray src, InputArray mask, OutputArray dst, float red_mul=1.0f, float green_mul=1.0f, float blue_mul=1.0f)
 Given an original color image, two differently colored versions of this image can be mixed seamlessly. More...
 
void compare (InputArray src1, InputArray src2, OutputArray dst, int cmpop)
 Performs the per-element comparison of two arrays or an array and scalar value. More...
 
double compareHist (InputArray H1, InputArray H2, int method)
 Compares two histograms. More...
 
double compareHist (const SparseMat &H1, const SparseMat &H2, int method)
 
void completeSymm (InputOutputArray mtx, bool lowerToUpper=false)
 Copies the lower or the upper half of a square matrix to another half. More...
 
void composeRT (InputArray rvec1, InputArray tvec1, InputArray rvec2, InputArray tvec2, OutputArray rvec3, OutputArray tvec3, OutputArray dr3dr1=noArray(), OutputArray dr3dt1=noArray(), OutputArray dr3dr2=noArray(), OutputArray dr3dt2=noArray(), OutputArray dt3dr1=noArray(), OutputArray dt3dt1=noArray(), OutputArray dt3dr2=noArray(), OutputArray dt3dt2=noArray())
 Combines two rotation-and-shift transformations. More...
 
void computeCorrespondEpilines (InputArray points, int whichImage, InputArray F, OutputArray lines)
 For points in an image of a stereo pair, computes the corresponding epilines in the other image. More...
 
void computeRecallPrecisionCurve (const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
 
int connectedComponents (InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype)
 computes the connected components labeled image of boolean image More...
 
int connectedComponents (InputArray image, OutputArray labels, int connectivity=8, int ltype=CV_32S)
 
int connectedComponentsWithStats (InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity, int ltype, int ccltype)
 computes the connected components labeled image of boolean image and also produces a statistics output for each label More...
 
int connectedComponentsWithStats (InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity=8, int ltype=CV_32S)
 
double contourArea (InputArray contour, bool oriented=false)
 Calculates a contour area. More...
 
void convertFp16 (InputArray src, OutputArray dst)
 Converts an array to half precision floating number. More...
 
void convertMaps (InputArray map1, InputArray map2, OutputArray dstmap1, OutputArray dstmap2, int dstmap1type, bool nninterpolation=false)
 Converts image transformation maps from one representation to another. More...
 
void convertPointsFromHomogeneous (InputArray src, OutputArray dst)
 Converts points from homogeneous to Euclidean space. More...
 
void convertPointsHomogeneous (InputArray src, OutputArray dst)
 Converts points to/from homogeneous coordinates. More...
 
void convertPointsToHomogeneous (InputArray src, OutputArray dst)
 Converts points from Euclidean to homogeneous space. More...
 
void convertScaleAbs (InputArray src, OutputArray dst, double alpha=1, double beta=0)
 Scales, calculates absolute values, and converts the result to 8-bit. More...
 
void convexHull (InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true)
 Finds the convex hull of a point set. More...
 
void convexityDefects (InputArray contour, InputArray convexhull, OutputArray convexityDefects)
 Finds the convexity defects of a contour. More...
 
void copyMakeBorder (InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar())
 Forms a border around an image. More...
 
void cornerEigenValsAndVecs (InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
 Calculates eigenvalues and eigenvectors of image blocks for corner detection. More...
 
void cornerHarris (InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
 Harris corner detector. More...
 
void cornerMinEigenVal (InputArray src, OutputArray dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT)
 Calculates the minimal eigenvalue of gradient matrices for corner detection. More...
 
void cornerSubPix (InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
 Refines the corner locations. More...
 
void correctMatches (InputArray F, InputArray points1, InputArray points2, OutputArray newPoints1, OutputArray newPoints2)
 Refines coordinates of corresponding points. More...
 
int countNonZero (InputArray src)
 Counts non-zero array elements. More...
 
Ptr< AffineTransformercreateAffineTransformer (bool fullAffine)
 
Ptr< AlignMTBcreateAlignMTB (int max_bits=6, int exclude_range=4, bool cut=true)
 Creates AlignMTB object. More...
 
Ptr< BackgroundSubtractorKNNcreateBackgroundSubtractorKNN (int history=500, double dist2Threshold=400.0, bool detectShadows=true)
 Creates KNN Background Subtractor. More...
 
Ptr< BackgroundSubtractorMOG2createBackgroundSubtractorMOG2 (int history=500, double varThreshold=16, bool detectShadows=true)
 Creates MOG2 Background Subtractor. More...
 
int createButton (const String &bar_name, ButtonCallback on_change, void *userdata=0, int type=QT_PUSH_BUTTON, bool initial_button_state=false)
 Attaches a button to the control panel. More...
 
Ptr< CalibrateDebeveccreateCalibrateDebevec (int samples=70, float lambda=10.0f, bool random=false)
 Creates CalibrateDebevec object. More...
 
Ptr< CalibrateRobertsoncreateCalibrateRobertson (int max_iter=30, float threshold=0.01f)
 Creates CalibrateRobertson object. More...
 
Ptr< HistogramCostExtractorcreateChiHistogramCostExtractor (int nDummies=25, float defaultCost=0.2f)
 
Ptr< CLAHEcreateCLAHE (double clipLimit=40.0, Size tileGridSize=Size(8, 8))
 
Ptr< HistogramCostExtractorcreateEMDHistogramCostExtractor (int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
 
Ptr< HistogramCostExtractorcreateEMDL1HistogramCostExtractor (int nDummies=25, float defaultCost=0.2f)
 
Ptr< BaseCascadeClassifier::MaskGeneratorcreateFaceDetectionMaskGenerator ()
 
Ptr< GeneralizedHoughBallardcreateGeneralizedHoughBallard ()
 
Ptr< GeneralizedHoughGuilcreateGeneralizedHoughGuil ()
 
void createHanningWindow (OutputArray dst, Size winSize, int type)
 This function computes a Hanning window coefficients in two dimensions. More...
 
Ptr< HausdorffDistanceExtractorcreateHausdorffDistanceExtractor (int distanceFlag=cv::NORM_L2, float rankProp=0.6f)
 
Ptr< LineSegmentDetectorcreateLineSegmentDetector (int _refine=LSD_REFINE_STD, double _scale=0.8, double _sigma_scale=0.6, double _quant=2.0, double _ang_th=22.5, double _log_eps=0, double _density_th=0.7, int _n_bins=1024)
 Creates a smart pointer to a LineSegmentDetector object and initializes it. More...
 
Ptr< MergeDebeveccreateMergeDebevec ()
 Creates MergeDebevec object. More...
 
Ptr< MergeMertenscreateMergeMertens (float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f)
 Creates MergeMertens object. More...
 
Ptr< MergeRobertsoncreateMergeRobertson ()
 Creates MergeRobertson object. More...
 
Ptr< HistogramCostExtractorcreateNormHistogramCostExtractor (int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
 
Ptr< DualTVL1OpticalFlowcreateOptFlow_DualTVL1 ()
 Creates instance of cv::DenseOpticalFlow. More...
 
Ptr< ShapeContextDistanceExtractorcreateShapeContextDistanceExtractor (int nAngularBins=12, int nRadialBins=4, float innerRadius=0.2f, float outerRadius=2, int iterations=3, const Ptr< HistogramCostExtractor > &comparer=createChiHistogramCostExtractor(), const Ptr< ShapeTransformer > &transformer=createThinPlateSplineShapeTransformer())
 
Ptr< StitchercreateStitcher (bool try_use_gpu=false)
 
Ptr< ThinPlateSplineShapeTransformercreateThinPlateSplineShapeTransformer (double regularizationParameter=0)
 
Ptr< TonemapcreateTonemap (float gamma=1.0f)
 Creates simple linear mapper with gamma correction. More...
 
Ptr< TonemapDragocreateTonemapDrago (float gamma=1.0f, float saturation=1.0f, float bias=0.85f)
 Creates TonemapDrago object. More...
 
Ptr< TonemapDurandcreateTonemapDurand (float gamma=1.0f, float contrast=4.0f, float saturation=1.0f, float sigma_space=2.0f, float sigma_color=2.0f)
 Creates TonemapDurand object. More...
 
Ptr< TonemapMantiukcreateTonemapMantiuk (float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
 Creates TonemapMantiuk object. More...
 
Ptr< TonemapReinhardcreateTonemapReinhard (float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f)
 Creates TonemapReinhard object. More...
 
int createTrackbar (const String &trackbarname, const String &winname, int *value, int count, TrackbarCallback onChange=0, void *userdata=0)
 Creates a trackbar and attaches it to the specified window. More...
 
float cubeRoot (float val)
 Computes the cube root of an argument. More...
 
template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols>
static void cv2eigen (const Mat &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst)
 
template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols>
static void cv2eigen (const Matx< _Tp, _rows, _cols > &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst)
 
template<typename _Tp >
static void cv2eigen (const Mat &src, Eigen::Matrix< _Tp, Eigen::Dynamic, Eigen::Dynamic > &dst)
 
template<typename _Tp , int _rows, int _cols>
static void cv2eigen (const Matx< _Tp, _rows, _cols > &src, Eigen::Matrix< _Tp, Eigen::Dynamic, Eigen::Dynamic > &dst)
 
template<typename _Tp >
static void cv2eigen (const Mat &src, Eigen::Matrix< _Tp, Eigen::Dynamic, 1 > &dst)
 
template<typename _Tp , int _rows>
static void cv2eigen (const Matx< _Tp, _rows, 1 > &src, Eigen::Matrix< _Tp, Eigen::Dynamic, 1 > &dst)
 
template<typename _Tp >
static void cv2eigen (const Mat &src, Eigen::Matrix< _Tp, 1, Eigen::Dynamic > &dst)
 
template<typename _Tp , int _cols>
static void cv2eigen (const Matx< _Tp, 1, _cols > &src, Eigen::Matrix< _Tp, 1, Eigen::Dynamic > &dst)
 
template<typename _Tp >
_Tp cv_abs (_Tp x)
 
int cv_abs (uchar x)
 
int cv_abs (schar x)
 
int cv_abs (ushort x)
 
int cv_abs (short x)
 
Mat cvarrToMat (const CvArr *arr, bool copyData=false, bool allowND=true, int coiMode=0, AutoBuffer< double > *buf=0)
 converts array (CvMat or IplImage) to cv::Mat More...
 
static Mat cvarrToMatND (const CvArr *arr, bool copyData=false, int coiMode=0)
 
void cvEndWriteRawData_Base64 (::CvFileStorage *fs)
 
void cvtColor (InputArray src, OutputArray dst, int code, int dstCn=0)
 Converts an image from one color space to another. More...
 
void cvWriteMat_Base64 (::CvFileStorage *fs, const char *name, const ::CvMat *mat)
 
void cvWriteMatND_Base64 (::CvFileStorage *fs, const char *name, const ::CvMatND *mat)
 
void cvWriteRawData_Base64 (::CvFileStorage *fs, const void *_data, int len)
 
void dct (InputArray src, OutputArray dst, int flags=0)
 Performs a forward or inverse discrete Cosine transform of 1D or 2D array. More...
 
void decolor (InputArray src, OutputArray grayscale, OutputArray color_boost)
 Transforms a color image to a grayscale image. It is a basic tool in digital printing, stylized black-and-white photograph rendering, and in many single channel image processing applications [102] . More...
 
void decomposeEssentialMat (InputArray E, OutputArray R1, OutputArray R2, OutputArray t)
 Decompose an essential matrix to possible rotations and translation. More...
 
int decomposeHomographyMat (InputArray H, InputArray K, OutputArrayOfArrays rotations, OutputArrayOfArrays translations, OutputArrayOfArrays normals)
 Decompose a homography matrix to rotation(s), translation(s) and plane normal(s). More...
 
void decomposeProjectionMatrix (InputArray projMatrix, OutputArray cameraMatrix, OutputArray rotMatrix, OutputArray transVect, OutputArray rotMatrixX=noArray(), OutputArray rotMatrixY=noArray(), OutputArray rotMatrixZ=noArray(), OutputArray eulerAngles=noArray())
 Decomposes a projection matrix into a rotation matrix and a camera matrix. More...
 
void demosaicing (InputArray _src, OutputArray _dst, int code, int dcn=0)
 
void denoise_TVL1 (const std::vector< Mat > &observations, Mat &result, double lambda=1.0, int niters=30)
 Primal-dual algorithm is an algorithm for solving special types of variational problems (that is, finding a function to minimize some functional). As the image denoising, in particular, may be seen as the variational problem, primal-dual algorithm then can be used to perform denoising and this is exactly what is implemented. More...
 
void destroyAllWindows ()
 Destroys all of the HighGUI windows. More...
 
void destroyWindow (const String &winname)
 Destroys the specified window. More...
 
void detailEnhance (InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f)
 This filter enhances the details of a particular image. More...
 
template<typename _Tp , int m>
static double determinant (const Matx< _Tp, m, m > &a)
 
double determinant (InputArray mtx)
 Returns the determinant of a square floating-point matrix. More...
 
void dft (InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
 Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array. More...
 
void dilate (InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
 Dilates an image by using a specific structuring element. More...
 
void displayOverlay (const String &winname, const String &text, int delayms=0)
 Displays a text on a window image as an overlay for a specified duration. More...
 
void displayStatusBar (const String &winname, const String &text, int delayms=0)
 Displays a text on the window statusbar during the specified period of time. More...
 
void distanceTransform (InputArray src, OutputArray dst, OutputArray labels, int distanceType, int maskSize, int labelType=DIST_LABEL_CCOMP)
 Calculates the distance to the closest zero pixel for each pixel of the source image. More...
 
void distanceTransform (InputArray src, OutputArray dst, int distanceType, int maskSize, int dstType=CV_32F)
 
void divide (InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
 Performs per-element division of two arrays or a scalar by an array. More...
 
void divide (double scale, InputArray src2, OutputArray dst, int dtype=-1)
 
void drawChessboardCorners (InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound)
 Renders the detected chessboard corners. More...
 
void drawContours (InputOutputArray image, InputArrayOfArrays contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=LINE_8, InputArray hierarchy=noArray(), int maxLevel=INT_MAX, Point offset=Point())
 Draws contours outlines or filled contours. More...
 
void drawKeypoints (InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), int flags=DrawMatchesFlags::DEFAULT)
 Draws keypoints. More...
 
void drawMarker (Mat &img, Point position, const Scalar &color, int markerType=MARKER_CROSS, int markerSize=20, int thickness=1, int line_type=8)
 Draws a marker on a predefined position in an image. More...
 
void drawMatches (InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, InputOutputArray outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), int flags=DrawMatchesFlags::DEFAULT)
 Draws the found matches of keypoints from two images. More...
 
void drawMatches (InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< std::vector< DMatch > > &matches1to2, InputOutputArray outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< std::vector< char > > &matchesMask=std::vector< std::vector< char > >(), int flags=DrawMatchesFlags::DEFAULT)
 
void edgePreservingFilter (InputArray src, OutputArray dst, int flags=1, float sigma_s=60, float sigma_r=0.4f)
 Filtering is the fundamental operation in image and video processing. Edge-preserving smoothing filters are used in many different applications [58] . More...
 
bool eigen (InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
 Calculates eigenvalues and eigenvectors of a symmetric matrix. More...
 
template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols>
static void eigen2cv (const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, Mat &dst)
 
template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols>
static void eigen2cv (const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, Matx< _Tp, _rows, _cols > &dst)
 
void ellipse (InputOutputArray img, Point center, Size axes, double angle, double startAngle, double endAngle, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 Draws a simple or thick elliptic arc or fills an ellipse sector. More...
 
void ellipse (InputOutputArray img, const RotatedRect &box, const Scalar &color, int thickness=1, int lineType=LINE_8)
 
void ellipse2Poly (Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, std::vector< Point > &pts)
 Approximates an elliptic arc with a polyline. More...
 
void ellipse2Poly (Point2d center, Size2d axes, int angle, int arcStart, int arcEnd, int delta, std::vector< Point2d > &pts)
 
float EMD (InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), float *lowerBound=0, OutputArray flow=noArray())
 Computes the "minimal work" distance between two weighted point configurations. More...
 
float EMDL1 (InputArray signature1, InputArray signature2)
 Computes the "minimal work" distance between two weighted point configurations base on the papers "EMD-L1: An efficient and Robust Algorithm for comparing histogram-based descriptors", by Haibin Ling and Kazunori Okuda; and "The Earth Mover's Distance is the Mallows Distance: Some Insights from Statistics", by Elizaveta Levina and Peter Bickel. More...
 
void equalizeHist (InputArray src, OutputArray dst)
 Equalizes the histogram of a grayscale image. More...
 
void erode (InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
 Erodes an image by using a specific structuring element. More...
 
void error (const Exception &exc)
 Signals an error and raises the exception. More...
 
void error (int _code, const String &_err, const char *_func, const char *_file, int _line)
 Signals an error and raises the exception. More...
 
void errorNoReturn (int _code, const String &_err, const char *_func, const char *_file, int _line)
 
cv::Mat estimateAffine2D (InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
 Computes an optimal affine transformation between two 2D point sets. More...
 
int estimateAffine3D (InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99)
 Computes an optimal affine transformation between two 3D point sets. More...
 
cv::Mat estimateAffinePartial2D (InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
 Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets. More...
 
Mat estimateRigidTransform (InputArray src, InputArray dst, bool fullAffine)
 Computes an optimal affine transformation between two 2D point sets. More...
 
void evaluateFeatureDetector (const Mat &img1, const Mat &img2, const Mat &H1to2, std::vector< KeyPoint > *keypoints1, std::vector< KeyPoint > *keypoints2, float &repeatability, int &correspCount, const Ptr< FeatureDetector > &fdetector=Ptr< FeatureDetector >())
 
void exp (InputArray src, OutputArray dst)
 Calculates the exponent of every array element. More...
 
void extractChannel (InputArray src, OutputArray dst, int coi)
 Extracts a single channel from src (coi is 0-based index) More...
 
void extractImageCOI (const CvArr *arr, OutputArray coiimg, int coi=-1)
 extracts Channel of Interest from CvMat or IplImage and makes cv::Mat out of it. More...
 
void FAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
 
void FAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression, int type)
 Detects corners using the FAST algorithm. More...
 
float fastAtan2 (float y, float x)
 Calculates the angle of a 2D vector in degrees. More...
 
void fastFree (void *ptr)
 Deallocates a memory buffer. More...
 
void * fastMalloc (size_t bufSize)
 Allocates an aligned memory buffer. More...
 
void fastNlMeansDenoising (InputArray src, OutputArray dst, float h=3, int templateWindowSize=7, int searchWindowSize=21)
 Perform image denoising using Non-local Means Denoising algorithm http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/ with several computational optimizations. Noise expected to be a gaussian white noise. More...
 
void fastNlMeansDenoising (InputArray src, OutputArray dst, const std::vector< float > &h, int templateWindowSize=7, int searchWindowSize=21, int normType=NORM_L2)
 Perform image denoising using Non-local Means Denoising algorithm http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/ with several computational optimizations. Noise expected to be a gaussian white noise. More...
 
void fastNlMeansDenoisingColored (InputArray src, OutputArray dst, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
 Modification of fastNlMeansDenoising function for colored images. More...
 
void fastNlMeansDenoisingColoredMulti (InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
 Modification of fastNlMeansDenoisingMulti function for colored images sequences. More...
 
void fastNlMeansDenoisingMulti (InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, int templateWindowSize=7, int searchWindowSize=21)
 Modification of fastNlMeansDenoising function for images sequence where consequtive images have been captured in small period of time. For example video. This version of the function is for grayscale images or for manual manipulation with colorspaces. For more details see http://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.131.6394 More...
 
void fastNlMeansDenoisingMulti (InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, const std::vector< float > &h, int templateWindowSize=7, int searchWindowSize=21, int normType=NORM_L2)
 Modification of fastNlMeansDenoising function for images sequence where consequtive images have been captured in small period of time. For example video. This version of the function is for grayscale images or for manual manipulation with colorspaces. For more details see http://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.131.6394 More...
 
void fillConvexPoly (Mat &img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
 
void fillConvexPoly (InputOutputArray img, InputArray points, const Scalar &color, int lineType=LINE_8, int shift=0)
 Fills a convex polygon. More...
 
void fillPoly (Mat &img, const Point **pts, const int *npts, int ncontours, const Scalar &color, int lineType=LINE_8, int shift=0, Point offset=Point())
 
void fillPoly (InputOutputArray img, InputArrayOfArrays pts, const Scalar &color, int lineType=LINE_8, int shift=0, Point offset=Point())
 Fills the area bounded by one or more polygons. More...
 
void filter2D (InputArray src, OutputArray dst, int ddepth, InputArray kernel, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
 Convolves an image with the kernel. More...
 
void filterSpeckles (InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray())
 Filters off small noise blobs (speckles) in the disparity map. More...
 
bool find4QuadCornerSubpix (InputArray img, InputOutputArray corners, Size region_size)
 finds subpixel-accurate positions of the chessboard corners More...
 
bool findChessboardCorners (InputArray image, Size patternSize, OutputArray corners, int flags=CALIB_CB_ADAPTIVE_THRESH+CALIB_CB_NORMALIZE_IMAGE)
 Finds the positions of internal corners of the chessboard. More...
 
bool findCirclesGrid (InputArray image, Size patternSize, OutputArray centers, int flags=CALIB_CB_SYMMETRIC_GRID, const Ptr< FeatureDetector > &blobDetector=SimpleBlobDetector::create())
 Finds centers in the grid of circles. More...
 
void findContours (InputOutputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
 Finds contours in a binary image. More...
 
void findContours (InputOutputArray image, OutputArrayOfArrays contours, int mode, int method, Point offset=Point())
 
Mat findEssentialMat (InputArray points1, InputArray points2, InputArray cameraMatrix, int method=RANSAC, double prob=0.999, double threshold=1.0, OutputArray mask=noArray())
 Calculates an essential matrix from the corresponding points in two images. More...
 
Mat findEssentialMat (InputArray points1, InputArray points2, double focal=1.0, Point2d pp=Point2d(0, 0), int method=RANSAC, double prob=0.999, double threshold=1.0, OutputArray mask=noArray())
 
Mat findFundamentalMat (InputArray points1, InputArray points2, int method=FM_RANSAC, double param1=3., double param2=0.99, OutputArray mask=noArray())
 Calculates a fundamental matrix from the corresponding points in two images. More...
 
Mat findFundamentalMat (InputArray points1, InputArray points2, OutputArray mask, int method=FM_RANSAC, double param1=3., double param2=0.99)
 
Mat findHomography (InputArray srcPoints, InputArray dstPoints, int method=0, double ransacReprojThreshold=3, OutputArray mask=noArray(), const int maxIters=2000, const double confidence=0.995)
 Finds a perspective transformation between two planes. More...
 
Mat findHomography (InputArray srcPoints, InputArray dstPoints, OutputArray mask, int method=0, double ransacReprojThreshold=3)
 
void findNonZero (InputArray src, OutputArray idx)
 Returns the list of locations of non-zero pixels. More...
 
double findTransformECC (InputArray templateImage, InputArray inputImage, InputOutputArray warpMatrix, int motionType=MOTION_AFFINE, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 50, 0.001), InputArray inputMask=noArray())
 Finds the geometric transform (warp) between two images in terms of the ECC criterion [43] . More...
 
RotatedRect fitEllipse (InputArray points)
 Fits an ellipse around a set of 2D points. More...
 
void fitLine (InputArray points, OutputArray line, int distType, double param, double reps, double aeps)
 Fits a line to a 2D or 3D point set. More...
 
void flip (InputArray src, OutputArray dst, int flipCode)
 Flips a 2D array around vertical, horizontal, or both axes. More...
 
int floodFill (InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
 
int floodFill (InputOutputArray image, InputOutputArray mask, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
 Fills a connected component with the given color. More...
 
QtFont fontQt (const String &nameFont, int pointSize=-1, Scalar color=Scalar::all(0), int weight=QT_FONT_NORMAL, int style=QT_STYLE_NORMAL, int spacing=0)
 Creates the font to draw a text on an image. More...
 
String format (const char *fmt,...)
 Returns a text string formatted using the printf-like expression. More...
 
void GaussianBlur (InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT)
 Blurs an image using a Gaussian filter. More...
 
void gemm (InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
 Performs generalized matrix multiplication. More...
 
Mat getAffineTransform (const Point2f src[], const Point2f dst[])
 Calculates an affine transform from three pairs of the corresponding points. More...
 
Mat getAffineTransform (InputArray src, InputArray dst)
 
const StringgetBuildInformation ()
 Returns full configuration time cmake output. More...
 
int64 getCPUTickCount ()
 Returns the number of CPU ticks. More...
 
Mat getDefaultNewCameraMatrix (InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
 Returns the default new camera matrix. More...
 
void getDerivKernels (OutputArray kx, OutputArray ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F)
 Returns filter coefficients for computing spatial image derivatives. More...
 
static size_t getElemSize (int type)
 
Mat getGaborKernel (Size ksize, double sigma, double theta, double lambd, double gamma, double psi=CV_PI *0.5, int ktype=CV_64F)
 Returns Gabor filter coefficients. More...
 
Mat getGaussianKernel (int ksize, double sigma, int ktype=CV_64F)
 Returns Gaussian filter coefficients. More...
 
int getMouseWheelDelta (int flags)
 Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVENT_MOUSEHWHEEL. More...
 
int getNearestPoint (const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
 
int getNumberOfCPUs ()
 Returns the number of logical CPUs available for the process. More...
 
int getNumThreads ()
 Returns the number of threads used by OpenCV for parallel regions. More...
 
int getOptimalDFTSize (int vecsize)
 Returns the optimal DFT size for a given vector size. More...
 
Mat getOptimalNewCameraMatrix (InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0, bool centerPrincipalPoint=false)
 Returns the new camera matrix based on the free scaling parameter. More...
 
Mat getPerspectiveTransform (const Point2f src[], const Point2f dst[])
 returns 3x3 perspective transformation for the corresponding 4 point pairs. More...
 
Mat getPerspectiveTransform (InputArray src, InputArray dst)
 Calculates a perspective transform from four pairs of the corresponding points. More...
 
float getRecall (const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
 
void getRectSubPix (InputArray image, Size patchSize, Point2f center, OutputArray patch, int patchType=-1)
 Retrieves a pixel rectangle from an image with sub-pixel accuracy. More...
 
Mat getRotationMatrix2D (Point2f center, double angle, double scale)
 Calculates an affine matrix of 2D rotation. More...
 
schargetSeqElem (const CvSeq *seq, int index)
 
Mat getStructuringElement (int shape, Size ksize, Point anchor=Point(-1,-1))
 Returns a structuring element of the specified size and shape for morphological operations. More...
 
Size getTextSize (const String &text, int fontFace, double fontScale, int thickness, int *baseLine)
 Calculates the width and height of a text string. More...
 
int getThreadNum ()
 Returns the index of the currently executed thread within the current parallel region. Always returns 0 if called outside of parallel region. More...
 
int64 getTickCount ()
 Returns the number of ticks. More...
 
double getTickFrequency ()
 Returns the number of ticks per second. More...
 
int getTrackbarPos (const String &trackbarname, const String &winname)
 Returns the trackbar position. More...
 
Rect getValidDisparityROI (Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize)
 computes valid disparity ROI from the valid ROIs of the rectified images (that are returned by cv::stereoRectify()) More...
 
double getWindowProperty (const String &winname, int prop_id)
 Provides parameters of a window. More...
 
void glob (String pattern, std::vector< String > &result, bool recursive=false)
 
void goodFeaturesToTrack (InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask=noArray(), int blockSize=3, bool useHarrisDetector=false, double k=0.04)
 Determines strong corners on an image. More...
 
void grabCut (InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
 Runs the GrabCut algorithm. More...
 
void groupRectangles (std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
 Groups the object candidate rectangles. More...
 
void groupRectangles (std::vector< Rect > &rectList, std::vector< int > &weights, int groupThreshold, double eps=0.2)
 
void groupRectangles (std::vector< Rect > &rectList, int groupThreshold, double eps, std::vector< int > *weights, std::vector< double > *levelWeights)
 
void groupRectangles (std::vector< Rect > &rectList, std::vector< int > &rejectLevels, std::vector< double > &levelWeights, int groupThreshold, double eps=0.2)
 
void groupRectangles_meanshift (std::vector< Rect > &rectList, std::vector< double > &foundWeights, std::vector< double > &foundScales, double detectThreshold=0.0, Size winDetSize=Size(64, 128))
 
bool haveOpenVX ()
 Check if use of OpenVX is possible. More...
 
void hconcat (const Mat *src, size_t nsrc, OutputArray dst)
 Applies horizontal concatenation to given matrices. More...
 
void hconcat (InputArray src1, InputArray src2, OutputArray dst)
 
void hconcat (InputArrayOfArrays src, OutputArray dst)
 
void HoughCircles (InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0)
 Finds circles in a grayscale image using the Hough transform. More...
 
void HoughLines (InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0, double min_theta=0, double max_theta=CV_PI)
 Finds lines in a binary image using the standard Hough transform. More...
 
void HoughLinesP (InputArray image, OutputArray lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0)
 Finds line segments in a binary image using the probabilistic Hough transform. More...
 
void HuMoments (const Moments &moments, double hu[7])
 Calculates seven Hu invariants. More...
 
void HuMoments (const Moments &m, OutputArray hu)
 
void idct (InputArray src, OutputArray dst, int flags=0)
 Calculates the inverse Discrete Cosine Transform of a 1D or 2D array. More...
 
void idft (InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
 Calculates the inverse Discrete Fourier Transform of a 1D or 2D array. More...
 
void illuminationChange (InputArray src, InputArray mask, OutputArray dst, float alpha=0.2f, float beta=0.4f)
 Applying an appropriate non-linear transformation to the gradient field inside the selection and then integrating back with a Poisson solver, modifies locally the apparent illumination of an image. More...
 
Mat imdecode (InputArray buf, int flags)
 Reads an image from a buffer in memory. More...
 
Mat imdecode (InputArray buf, int flags, Mat *dst)
 
bool imencode (const String &ext, InputArray img, std::vector< uchar > &buf, const std::vector< int > &params=std::vector< int >())
 Encodes an image into a memory buffer. More...
 
Mat imread (const String &filename, int flags=IMREAD_COLOR)
 Loads an image from a file. More...
 
bool imreadmulti (const String &filename, std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
 Loads a multi-page image from a file. More...
 
void imshow (const String &winname, InputArray mat)
 Displays an image in the specified window. More...
 
void imshow (const String &winname, const ogl::Texture2D &tex)
 Displays OpenGL 2D texture in the specified window. More...
 
bool imwrite (const String &filename, InputArray img, const std::vector< int > &params=std::vector< int >())
 Saves an image to a specified file. More...
 
Mat initCameraMatrix2D (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
 Finds an initial camera matrix from 3D-2D point correspondences. More...
 
void initUndistortRectifyMap (InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, Size size, int m1type, OutputArray map1, OutputArray map2)
 Computes the undistortion and rectification transformation map. More...
 
float initWideAngleProjMap (InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, int projType=PROJ_SPHERICAL_EQRECT, double alpha=0)
 initializes maps for cv::remap() for wide-angle More...
 
void inpaint (InputArray src, InputArray inpaintMask, OutputArray dst, double inpaintRadius, int flags)
 Restores the selected region in an image using the region neighborhood. More...
 
void inRange (InputArray src, InputArray lowerb, InputArray upperb, OutputArray dst)
 Checks if array elements lie between the elements of two other arrays. More...
 
void insertChannel (InputArray src, InputOutputArray dst, int coi)
 Inserts a single channel to dst (coi is 0-based index) More...
 
void insertImageCOI (InputArray coiimg, CvArr *arr, int coi=-1)
 inserts single-channel cv::Mat into a multi-channel CvMat or IplImage More...
 
void integral (InputArray src, OutputArray sum, int sdepth=-1)
 
void integral (InputArray src, OutputArray sum, OutputArray sqsum, int sdepth=-1, int sqdepth=-1)
 
void integral (InputArray src, OutputArray sum, OutputArray sqsum, OutputArray tilted, int sdepth=-1, int sqdepth=-1)
 Calculates the integral of an image. More...
 
float intersectConvexConvex (InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
 finds intersection of two convex polygons More...
 
double invert (InputArray src, OutputArray dst, int flags=DECOMP_LU)
 Finds the inverse or pseudo-inverse of a matrix. More...
 
void invertAffineTransform (InputArray M, OutputArray iM)
 Inverts an affine transformation. More...
 
bool isContourConvex (InputArray contour)
 Tests a contour convexity. More...
 
double kmeans (InputArray data, int K, InputOutputArray bestLabels, TermCriteria criteria, int attempts, int flags, OutputArray centers=noArray())
 Finds centers of clusters and groups input samples around the clusters. More...
 
void Laplacian (InputArray src, OutputArray dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
 Calculates the Laplacian of an image. More...
 
void line (InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 Draws a line segment connecting two points. More...
 
void linearPolar (InputArray src, OutputArray dst, Point2f center, double maxRadius, int flags)
 Remaps an image to polar coordinates space. More...
 
void loadWindowParameters (const String &windowName)
 Loads parameters of the specified window. More...
 
void log (InputArray src, OutputArray dst)
 Calculates the natural logarithm of every array element. More...
 
void logPolar (InputArray src, OutputArray dst, Point2f center, double M, int flags)
 Remaps an image to semilog-polar coordinates space. More...
 
int LU (float *A, size_t astep, int m, float *b, size_t bstep, int n)
 
int LU (double *A, size_t astep, int m, double *b, size_t bstep, int n)
 
void LUT (InputArray src, InputArray lut, OutputArray dst)
 Performs a look-up table transform of an array. More...
 
void magnitude (InputArray x, InputArray y, OutputArray magnitude)
 Calculates the magnitude of 2D vectors. More...
 
double Mahalanobis (InputArray v1, InputArray v2, InputArray icovar)
 Calculates the Mahalanobis distance between two vectors. More...
 
template<typename T >
Ptr< T > makePtr ()
 
template<typename T , typename A1 >
Ptr< T > makePtr (const A1 &a1)
 
template<typename T , typename A1 , typename A2 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2)
 
template<typename T , typename A1 , typename A2 , typename A3 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 , typename A5 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4, const A5 &a5)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 , typename A5 , typename A6 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4, const A5 &a5, const A6 &a6)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 , typename A5 , typename A6 , typename A7 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4, const A5 &a5, const A6 &a6, const A7 &a7)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 , typename A5 , typename A6 , typename A7 , typename A8 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4, const A5 &a5, const A6 &a6, const A7 &a7, const A8 &a8)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 , typename A5 , typename A6 , typename A7 , typename A8 , typename A9 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4, const A5 &a5, const A6 &a6, const A7 &a7, const A8 &a8, const A9 &a9)
 
template<typename T , typename A1 , typename A2 , typename A3 , typename A4 , typename A5 , typename A6 , typename A7 , typename A8 , typename A9 , typename A10 >
Ptr< T > makePtr (const A1 &a1, const A2 &a2, const A3 &a3, const A4 &a4, const A5 &a5, const A6 &a6, const A7 &a7, const A8 &a8, const A9 &a9, const A10 &a10)
 
double matchShapes (InputArray contour1, InputArray contour2, int method, double parameter)
 Compares two shapes. More...
 
void matchTemplate (InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
 Compares a template against overlapped image regions. More...
 
void matMulDeriv (InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
 Computes partial derivatives of the matrix product for each multiplied matrix. More...
 
void max (InputArray src1, InputArray src2, OutputArray dst)
 Calculates per-element maximum of two arrays or an array and a scalar. More...
 
void max (const Mat &src1, const Mat &src2, Mat &dst)
 
void max (const UMat &src1, const UMat &src2, UMat &dst)
 
Scalar mean (InputArray src, InputArray mask=noArray())
 Calculates an average (mean) of array elements. More...
 
int meanShift (InputArray probImage, Rect &window, TermCriteria criteria)
 Finds an object on a back projection image. More...
 
void meanStdDev (InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
 
void medianBlur (InputArray src, OutputArray dst, int ksize)
 Blurs an image using the median filter. More...
 
void merge (const Mat *mv, size_t count, OutputArray dst)
 Creates one multi-channel array out of several single-channel ones. More...
 
void merge (InputArrayOfArrays mv, OutputArray dst)
 
void min (InputArray src1, InputArray src2, OutputArray dst)
 Calculates per-element minimum of two arrays or an array and a scalar. More...
 
void min (const Mat &src1, const Mat &src2, Mat &dst)
 
void min (const UMat &src1, const UMat &src2, UMat &dst)
 
RotatedRect minAreaRect (InputArray points)
 Finds a rotated rectangle of the minimum area enclosing the input 2D point set. More...
 
void minEnclosingCircle (InputArray points, Point2f &center, float &radius)
 Finds a circle of the minimum area enclosing a 2D point set. More...
 
double minEnclosingTriangle (InputArray points, OutputArray triangle)
 Finds a triangle of minimum area enclosing a 2D point set and returns its area. More...
 
void minMaxIdx (InputArray src, double *minVal, double *maxVal=0, int *minIdx=0, int *maxIdx=0, InputArray mask=noArray())
 Finds the global minimum and maximum in an array. More...
 
void minMaxLoc (InputArray src, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, InputArray mask=noArray())
 Finds the global minimum and maximum in an array. More...
 
void minMaxLoc (const SparseMat &a, double *minVal, double *maxVal, int *minIdx=0, int *maxIdx=0)
 
void mixChannels (const Mat *src, size_t nsrcs, Mat *dst, size_t ndsts, const int *fromTo, size_t npairs)
 Copies specified channels from input arrays to the specified channels of output arrays. More...
 
void mixChannels (InputArrayOfArrays src, InputOutputArrayOfArrays dst, const int *fromTo, size_t npairs)
 
void mixChannels (InputArrayOfArrays src, InputOutputArrayOfArrays dst, const std::vector< int > &fromTo)
 
Moments moments (InputArray array, bool binaryImage=false)
 Calculates all of the moments up to the third order of a polygon or rasterized shape. More...
 
static Scalar morphologyDefaultBorderValue ()
 returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all(-DBL_MAX) for dilation. More...
 
void morphologyEx (InputArray src, OutputArray dst, int op, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
 Performs advanced morphological transformations. More...
 
void moveWindow (const String &winname, int x, int y)
 Moves window to the specified position. More...
 
void mulSpectrums (InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false)
 Performs the per-element multiplication of two Fourier spectrums. More...
 
void multiply (InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
 Calculates the per-element scaled product of two arrays. More...
 
void mulTransposed (InputArray src, OutputArray dst, bool aTa, InputArray delta=noArray(), double scale=1, int dtype=-1)
 Calculates the product of a matrix and its transposition. More...
 
void namedWindow (const String &winname, int flags=WINDOW_AUTOSIZE)
 Creates a window. More...
 
InputOutputArray noArray ()
 
template<typename _Tp , int m, int n>
static double norm (const Matx< _Tp, m, n > &M)
 
template<typename _Tp , int m, int n>
static double norm (const Matx< _Tp, m, n > &M, int normType)
 
double norm (InputArray src1, int normType=NORM_L2, InputArray mask=noArray())
 Calculates an absolute array norm, an absolute difference norm, or a relative difference norm. More...
 
double norm (InputArray src1, InputArray src2, int normType=NORM_L2, InputArray mask=noArray())
 
double norm (const SparseMat &src, int normType)
 
template<typename _Tp , int cn>
static Vec< _Tp, cn > normalize (const Vec< _Tp, cn > &v)
 
void normalize (InputArray src, InputOutputArray dst, double alpha=1, double beta=0, int norm_type=NORM_L2, int dtype=-1, InputArray mask=noArray())
 Normalizes the norm or value range of an array. More...
 
void normalize (const SparseMat &src, SparseMat &dst, double alpha, int normType)
 
template<typename _Tp , typename _AccTp >
static _AccTp normInf (const _Tp *a, int n)
 
template<typename _Tp , typename _AccTp >
static _AccTp normInf (const _Tp *a, const _Tp *b, int n)
 
template<typename _Tp , typename _AccTp >
static _AccTp normL1 (const _Tp *a, int n)
 
template<typename _Tp , typename _AccTp >
static _AccTp normL1 (const _Tp *a, const _Tp *b, int n)
 
float normL1 (const float *a, const float *b, int n)
 
int normL1 (const uchar *a, const uchar *b, int n)
 
template<typename _Tp , typename _AccTp >
static _AccTp normL2Sqr (const _Tp *a, int n)
 
template<typename _Tp , typename _AccTp >
static _AccTp normL2Sqr (const _Tp *a, const _Tp *b, int n)
 
static float normL2Sqr (const float *a, const float *b, int n)
 
template<typename T >
bool operator!= (const Ptr< T > &ptr1, const Ptr< T > &ptr2)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator!= (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Not equal comparison. More...
 
template<typename _Tp >
bool operator!= (const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator& (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Bitwise AND. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator&= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename T >
static Affine3< T > operator* (const Affine3< T > &affine1, const Affine3< T > &affine2)
 
template<typename T , typename V >
static V operator* (const Affine3< T > &affine, const V &vector)
 
static Vec3f operator* (const Affine3f &affine, const Vec3f &vector)
 
static Vec3d operator* (const Affine3d &affine, const Vec3d &vector)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator* (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Multiply values. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator*= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator+ (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Add values. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator+= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator- (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Subtract values. More...
 
template<typename _Tp >
ptrdiff_t operator- (const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator-= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator/ (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Divide values. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator/= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator< (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Less-than comparison. More...
 
static std::ostream & operator<< (std::ostream &out, const TickMeter &tm)
 output operator More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator<< (const v_reg< _Tp, n > &a, int imm)
 Bitwise shift left. More...
 
static Stringoperator<< (String &out, Ptr< Formatted > fmtd)
 
static Stringoperator<< (String &out, const Mat &mtx)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator<= (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Less-than or equal comparison. More...
 
template<typename T >
bool operator== (const Ptr< T > &ptr1, const Ptr< T > &ptr2)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator== (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Equal comparison. More...
 
template<typename _Tp >
bool operator== (const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator> (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Greater-than comparison. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator>= (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Greater-than or equal comparison. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator>> (const v_reg< _Tp, n > &a, int imm)
 Bitwise shift right. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator^ (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Bitwise XOR. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator^= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator| (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Bitwise OR. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > & operator|= (v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > operator~ (const v_reg< _Tp, n > &a)
 Bitwise NOT. More...
 
void parallel_for_ (const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
 Parallel data processor. More...
 
void patchNaNs (InputOutputArray a, double val=0)
 converts NaN's to the given number More...
 
void PCABackProject (InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
 
void PCACompute (InputArray data, InputOutputArray mean, OutputArray eigenvectors, int maxComponents=0)
 
void PCACompute (InputArray data, InputOutputArray mean, OutputArray eigenvectors, double retainedVariance)
 
void PCAProject (InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
 
void pencilSketch (InputArray src, OutputArray dst1, OutputArray dst2, float sigma_s=60, float sigma_r=0.07f, float shade_factor=0.02f)
 Pencil-like non-photorealistic line drawing. More...
 
void perspectiveTransform (InputArray src, OutputArray dst, InputArray m)
 Performs the perspective matrix transformation of vectors. More...
 
void phase (InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false)
 Calculates the rotation angle of 2D vectors. More...
 
Point2d phaseCorrelate (InputArray src1, InputArray src2, InputArray window=noArray(), double *response=0)
 The function is used to detect translational shifts that occur between two images. More...
 
double pointPolygonTest (InputArray contour, Point2f pt, bool measureDist)
 Performs a point-in-contour test. More...
 
void polarToCart (InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false)
 Calculates x and y coordinates of 2D vectors from their magnitude and angle. More...
 
void polylines (Mat &img, const Point *const *pts, const int *npts, int ncontours, bool isClosed, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 
void polylines (InputOutputArray img, InputArrayOfArrays pts, bool isClosed, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 Draws several polygonal curves. More...
 
void pow (InputArray src, double power, OutputArray dst)
 Raises every array element to a power. More...
 
void preCornerDetect (InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
 Calculates a feature map for corner detection. More...
 
void projectPoints (InputArray objectPoints, InputArray rvec, InputArray tvec, InputArray cameraMatrix, InputArray distCoeffs, OutputArray imagePoints, OutputArray jacobian=noArray(), double aspectRatio=0)
 Projects 3D points to an image plane. More...
 
double PSNR (InputArray src1, InputArray src2)
 computes PSNR image/video quality metric More...
 
void putText (InputOutputArray img, const String &text, Point org, int fontFace, double fontScale, Scalar color, int thickness=1, int lineType=LINE_8, bool bottomLeftOrigin=false)
 Draws a text string. More...
 
void pyrDown (InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
 Blurs an image and downsamples it. More...
 
void pyrMeanShiftFiltering (InputArray src, OutputArray dst, double sp, double sr, int maxLevel=1, TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
 Performs initial step of meanshift segmentation of an image. More...
 
void pyrUp (InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
 Upsamples an image and then blurs it. More...
 
void randn (InputOutputArray dst, InputArray mean, InputArray stddev)
 Fills the array with normally distributed random numbers. More...
 
void randShuffle (InputOutputArray dst, double iterFactor=1., RNG *rng=0)
 Shuffles the array elements randomly. More...
 
void randu (InputOutputArray dst, InputArray low, InputArray high)
 Generates a single uniformly-distributed random number or an array of random numbers. More...
 
void read (const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
 
int recoverPose (InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, InputOutputArray mask=noArray())
 Recover relative camera rotation and translation from an estimated essential matrix and the corresponding points in two images, using cheirality check. Returns the number of inliers which pass the check. More...
 
int recoverPose (InputArray E, InputArray points1, InputArray points2, OutputArray R, OutputArray t, double focal=1.0, Point2d pp=Point2d(0, 0), InputOutputArray mask=noArray())
 
void rectangle (InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 Draws a simple, thick, or filled up-right rectangle. More...
 
void rectangle (Mat &img, Rect rec, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
 
float rectify3Collinear (InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, InputArray cameraMatrix3, InputArray distCoeffs3, InputArrayOfArrays imgpt1, InputArrayOfArrays imgpt3, Size imageSize, InputArray R12, InputArray T12, InputArray R13, InputArray T13, OutputArray R1, OutputArray R2, OutputArray R3, OutputArray P1, OutputArray P2, OutputArray P3, OutputArray Q, double alpha, Size newImgSize, Rect *roi1, Rect *roi2, int flags)
 computes the rectification transformations for 3-head camera, where all the heads are on the same line. More...
 
ErrorCallback redirectError (ErrorCallback errCallback, void *userdata=0, void **prevUserdata=0)
 Sets the new error handler and the optional user data. More...
 
void reduce (InputArray src, OutputArray dst, int dim, int rtype, int dtype=-1)
 Reduces a matrix to a vector. More...
 
void remap (InputArray src, OutputArray dst, InputArray map1, InputArray map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
 Applies a generic geometrical transformation to an image. More...
 
void repeat (InputArray src, int ny, int nx, OutputArray dst)
 Fills the output array with repeated copies of the input array. More...
 
Mat repeat (const Mat &src, int ny, int nx)
 
void reprojectImageTo3D (InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
 Reprojects a disparity image to 3D space. More...
 
void resize (InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
 Resizes an image. More...
 
void resizeWindow (const String &winname, int width, int height)
 Resizes window to the specified size. More...
 
void Rodrigues (InputArray src, OutputArray dst, OutputArray jacobian=noArray())
 Converts a rotation matrix to a rotation vector or vice versa. More...
 
void rotate (InputArray src, OutputArray dst, int rotateCode)
 Rotates a 2D array in multiples of 90 degrees. The function rotate rotates the array in one of three different ways: Rotate by 90 degrees clockwise (rotateCode = ROTATE_90). Rotate by 180 degrees clockwise (rotateCode = ROTATE_180). Rotate by 270 degrees clockwise (rotateCode = ROTATE_270). More...
 
int rotatedRectangleIntersection (const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion)
 Finds out if there is any intersection between two rotated rectangles. More...
 
Vec3d RQDecomp3x3 (InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray())
 Computes an RQ decomposition of 3x3 matrices. More...
 
double sampsonDistance (InputArray pt1, InputArray pt2, InputArray F)
 Calculates the Sampson Distance between two points. More...
 
template<typename _Tp >
static _Tp saturate_cast (uchar v)
 Template function for accurate conversion from one primitive type to another. More...
 
template<typename _Tp >
static _Tp saturate_cast (schar v)
 
template<typename _Tp >
static _Tp saturate_cast (ushort v)
 
template<typename _Tp >
static _Tp saturate_cast (short v)
 
template<typename _Tp >
static _Tp saturate_cast (unsigned v)
 
template<typename _Tp >
static _Tp saturate_cast (int v)
 
template<typename _Tp >
static _Tp saturate_cast (float v)
 
template<typename _Tp >
static _Tp saturate_cast (double v)
 
template<typename _Tp >
static _Tp saturate_cast (int64 v)
 
template<typename _Tp >
static _Tp saturate_cast (uint64 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<>
schar saturate_cast< schar > (int64 v)
 
template<>
schar saturate_cast< schar > (uint64 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<>
short saturate_cast< short > (int64 v)
 
template<>
short saturate_cast< short > (uint64 v)
 
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<>
uchar saturate_cast< uchar > (int64 v)
 
template<>
uchar saturate_cast< uchar > (uint64 v)
 
template<>
unsigned saturate_cast< unsigned > (float v)
 
template<>
unsigned saturate_cast< unsigned > (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<>
ushort saturate_cast< ushort > (int64 v)
 
template<>
ushort saturate_cast< ushort > (uint64 v)
 
void saveWindowParameters (const String &windowName)
 Saves parameters of the specified window. More...
 
void scaleAdd (InputArray src1, double alpha, InputArray src2, OutputArray dst)
 Calculates the sum of a scaled array and another array. More...
 
void Scharr (InputArray src, OutputArray dst, int ddepth, int dx, int dy, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
 Calculates the first x- or y- image derivative using Scharr operator. More...
 
void seamlessClone (InputArray src, InputArray dst, InputArray mask, Point p, OutputArray blend, int flags)
 Image editing tasks concern either global changes (color/intensity corrections, filters, deformations) or local changes concerned to a selection. Here we are interested in achieving local changes, ones that are restricted to a region manually selected (ROI), in a seamless and effortless manner. The extent of the changes ranges from slight distortions to complete replacement by novel content [124] . More...
 
Rect2d selectROI (Mat img, bool fromCenter=true)
 
Rect2d selectROI (const cv::String &windowName, Mat img, bool showCrossair=true, bool fromCenter=true)
 
void selectROI (const cv::String &windowName, Mat img, std::vector< Rect2d > &boundingBox, bool fromCenter=true)
 
void sepFilter2D (InputArray src, OutputArray dst, int ddepth, InputArray kernelX, InputArray kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
 Applies a separable linear filter to an image. More...
 
void seqInsertSlice (CvSeq *seq, int before_index, const CvArr *from_arr)
 
void seqPop (CvSeq *seq, void *element=0)
 
void seqPopFront (CvSeq *seq, void *element=0)
 
void seqPopMulti (CvSeq *seq, void *elements, int count, int in_front=0)
 
scharseqPush (CvSeq *seq, const void *element=0)
 
scharseqPushFront (CvSeq *seq, const void *element=0)
 
void seqRemove (CvSeq *seq, int index)
 
void seqRemoveSlice (CvSeq *seq, CvSlice slice)
 
bool setBreakOnError (bool flag)
 Sets/resets the break-on-error mode. More...
 
void setIdentity (InputOutputArray mtx, const Scalar &s=Scalar(1))
 Initializes a scaled identity matrix. More...
 
void setMouseCallback (const String &winname, MouseCallback onMouse, void *userdata=0)
 Sets mouse handler for the specified window. More...
 
void setNumThreads (int nthreads)
 OpenCV will try to set the number of threads for the next parallel region. More...
 
void setOpenGlContext (const String &winname)
 Sets the specified window as current OpenGL context. More...
 
void setOpenGlDrawCallback (const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0)
 Sets a callback function to be called to draw on top of displayed image. More...
 
void setRNGSeed (int seed)
 Sets state of default random number generator. More...
 
void setTrackbarMax (const String &trackbarname, const String &winname, int maxval)
 Sets the trackbar maximum position. More...
 
void setTrackbarMin (const String &trackbarname, const String &winname, int minval)
 Sets the trackbar minimum position. More...
 
void setTrackbarPos (const String &trackbarname, const String &winname, int pos)
 Sets the trackbar position. More...
 
void setUseOpenVX (bool flag)
 Enable/disable use of OpenVX. More...
 
void setUseOptimized (bool onoff)
 Enables or disables the optimized code. More...
 
void setWindowProperty (const String &winname, int prop_id, double prop_value)
 Changes parameters of a window dynamically. More...
 
void setWindowTitle (const String &winname, const String &title)
 Updates window title. More...
 
void Sobel (InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
 Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator. More...
 
bool solve (InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU)
 Solves one or more linear systems or least-squares problems. More...
 
int solveCubic (InputArray coeffs, OutputArray roots)
 Finds the real roots of a cubic equation. More...
 
int solveLP (const Mat &Func, const Mat &Constr, Mat &z)
 Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method). More...
 
bool solvePnP (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
 Finds an object pose from 3D-2D point correspondences. More...
 
bool solvePnPRansac (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, double confidence=0.99, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
 Finds an object pose from 3D-2D point correspondences using the RANSAC scheme. More...
 
double solvePoly (InputArray coeffs, OutputArray roots, int maxIters=300)
 Finds the real or complex roots of a polynomial equation. More...
 
void sort (InputArray src, OutputArray dst, int flags)
 Sorts each row or each column of a matrix. More...
 
void sortIdx (InputArray src, OutputArray dst, int flags)
 Sorts each row or each column of a matrix. More...
 
void spatialGradient (InputArray src, OutputArray dx, OutputArray dy, int ksize=3, int borderType=BORDER_DEFAULT)
 Calculates the first order image derivative in both x and y using a Sobel operator. More...
 
void split (const Mat &src, Mat *mvbegin)
 Divides a multi-channel array into several single-channel arrays. More...
 
void split (InputArray m, OutputArrayOfArrays mv)
 
void sqrBoxFilter (InputArray _src, OutputArray _dst, int ddepth, Size ksize, Point anchor=Point(-1, -1), bool normalize=true, int borderType=BORDER_DEFAULT)
 Calculates the normalized sum of squares of the pixel values overlapping the filter. More...
 
void sqrt (InputArray src, OutputArray dst)
 Calculates a square root of array elements. More...
 
int startLoop (int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
 
int startWindowThread ()
 
double stereoCalibrate (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, OutputArray R, OutputArray T, OutputArray E, OutputArray F, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6))
 Calibrates the stereo camera. More...
 
void stereoRectify (InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, Size imageSize, InputArray R, InputArray T, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags=CALIB_ZERO_DISPARITY, double alpha=-1, Size newImageSize=Size(), Rect *validPixROI1=0, Rect *validPixROI2=0)
 Computes rectification transforms for each head of a calibrated stereo camera. More...
 
bool stereoRectifyUncalibrated (InputArray points1, InputArray points2, InputArray F, Size imgSize, OutputArray H1, OutputArray H2, double threshold=5)
 Computes a rectification transform for an uncalibrated stereo camera. More...
 
void stopLoop ()
 
void stylization (InputArray src, OutputArray dst, float sigma_s=60, float sigma_r=0.45f)
 Stylization aims to produce digital imagery with a wide variety of effects not focused on photorealism. Edge-aware filters are ideal for stylization, as they can abstract regions of low contrast while preserving, or enhancing, high-contrast features. More...
 
void subtract (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
 Calculates the per-element difference between two arrays or array and a scalar. More...
 
Scalar sum (InputArray src)
 Calculates the sum of array elements. More...
 
void SVBackSubst (InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
 
void SVDecomp (InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
 
void swap (Mat &a, Mat &b)
 Swaps two matrices. More...
 
void swap (UMat &a, UMat &b)
 
template<typename T >
void swap (Ptr< T > &ptr1, Ptr< T > &ptr2)
 
String tempfile (const char *suffix=0)
 
void textureFlattening (InputArray src, InputArray mask, OutputArray dst, float low_threshold=30, float high_threshold=45, int kernel_size=3)
 By retaining only the gradients at edge locations, before integrating with the Poisson solver, one washes out the texture of the selected region, giving its contents a flat aspect. Here Canny Edge Detector is used. More...
 
RNGtheRNG ()
 Returns the default random number generator. More...
 
double threshold (InputArray src, OutputArray dst, double thresh, double maxval, int type)
 Applies a fixed-level threshold to each array element. More...
 
template<typename _Tp , int m, int n>
static double trace (const Matx< _Tp, m, n > &a)
 
Scalar trace (InputArray mtx)
 Returns the trace of a matrix. More...
 
void transform (InputArray src, OutputArray dst, InputArray m)
 Performs the matrix transformation of every array element. More...
 
void transpose (InputArray src, OutputArray dst)
 Transposes a matrix. More...
 
void triangulatePoints (InputArray projMatr1, InputArray projMatr2, InputArray projPoints1, InputArray projPoints2, OutputArray points4D)
 Reconstructs points by triangulation. More...
 
void undistort (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
 Transforms an image to compensate for lens distortion. More...
 
void undistortPoints (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R=noArray(), InputArray P=noArray())
 Computes the ideal point coordinates from the observed point coordinates. More...
 
void updateWindow (const String &winname)
 Force window to redraw its context and call draw callback ( See cv::setOpenGlDrawCallback ). More...
 
bool useOpenVX ()
 Check if use of OpenVX is enabled. More...
 
bool useOptimized ()
 Returns the status of optimized code usage. More...
 
template<typename _Tp , int n>
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_abs (const v_reg< _Tp, n > &a)
 Absolute value of elements. More...
 
template<typename _Tp , int n>
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_absdiff (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Absolute difference. More...
 
v_float32x4 v_absdiff (const v_float32x4 &a, const v_float32x4 &b)
 
v_float64x2 v_absdiff (const v_float64x2 &a, const v_float64x2 &b)
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_add_wrap (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Add values without saturation. More...
 
template<typename _Tp , int n>
v_reg< int, n > v_ceil (const v_reg< _Tp, n > &a)
 Ceil elements. More...
 
template<int n>
v_reg< int, n > v_ceil (const v_reg< float, n > &a)
 Ceil. More...
 
template<int n>
v_reg< int, n *2 > v_ceil (const v_reg< double, n > &a)
 
template<typename _Tp , int n>
bool v_check_all (const v_reg< _Tp, n > &a)
 Check if all packed values are less than zero. More...
 
template<typename _Tp , int n>
bool v_check_any (const v_reg< _Tp, n > &a)
 Check if any of packed values is less than zero. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_combine_high (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Combine vector from last elements of two vectors. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_combine_low (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Combine vector from first elements of two vectors. More...
 
template<int n>
v_reg< float, n > v_cvt_f32 (const v_reg< int, n > &a)
 Convert to float. More...
 
template<int n>
v_reg< double, n > v_cvt_f64 (const v_reg< int, n *2 > &a)
 Convert to double. More...
 
template<int n>
v_reg< double, n > v_cvt_f64 (const v_reg< float, n *2 > &a)
 Convert to double. More...
 
template<typename _Tp , int n>
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_dotprod (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Dot product of elements. More...
 
template<typename _Tp , int n>
void v_expand (const v_reg< _Tp, n > &a, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b0, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b1)
 Expand values to the wider pack type. More...
 
template<int s, typename _Tp , int n>
v_reg< _Tp, n > v_extract (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Vector extract. More...
 
template<typename _Tp , int n>
v_reg< int, n > v_floor (const v_reg< _Tp, n > &a)
 Floor elements. More...
 
template<int n>
v_reg< int, n > v_floor (const v_reg< float, n > &a)
 Floor. More...
 
template<int n>
v_reg< int, n *2 > v_floor (const v_reg< double, n > &a)
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_invsqrt (const v_reg< _Tp, n > &a)
 Inversed square root. More...
 
template<typename _Tp >
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load (const _Tp *ptr)
 Load register contents from memory. More...
 
template<typename _Tp >
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load_aligned (const _Tp *ptr)
 Load register contents from memory (aligned) More...
 
template<typename _Tp , int n>
void v_load_deinterleave (const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b)
 Load and deinterleave (2 channels) More...
 
template<typename _Tp , int n>
void v_load_deinterleave (const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b, v_reg< _Tp, n > &c)
 Load and deinterleave (3 channels) More...
 
template<typename _Tp , int n>
void v_load_deinterleave (const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b, v_reg< _Tp, n > &c, v_reg< _Tp, n > &d)
 Load and deinterleave (4 channels) More...
 
template<typename _Tp >
v_reg< typename V_TypeTraits< _Tp >::w_type, V_SIMD128Traits< _Tp >::nlanes/2 > v_load_expand (const _Tp *ptr)
 Load register contents from memory with double expand. More...
 
template<typename _Tp >
v_reg< typename V_TypeTraits< _Tp >::q_type, V_SIMD128Traits< _Tp >::nlanes/4 > v_load_expand_q (const _Tp *ptr)
 Load register contents from memory with quad expand. More...
 
template<typename _Tp >
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load_halves (const _Tp *loptr, const _Tp *hiptr)
 Load register contents from two memory blocks. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_magnitude (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Magnitude. More...
 
v_float32x4 v_matmul (const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
 Matrix multiplication. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_max (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Choose max values for each pair. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_min (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Choose min values for each pair. More...
 
template<typename _Tp , int n>
void v_mul_expand (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &c, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &d)
 Multiply and expand. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_muladd (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c)
 Multiply and add. More...
 
template<typename _Tp , int n>
void v_recombine (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< _Tp, n > &low, v_reg< _Tp, n > &high)
 Combine two vectors from lower and higher parts of two other vectors. More...
 
template<typename _Tp , int n>
_Tp v_reduce_max (const v_reg< _Tp, n > &a)
 Find one max value. More...
 
template<typename _Tp , int n>
_Tp v_reduce_min (const v_reg< _Tp, n > &a)
 Find one min value. More...
 
template<typename _Tp , int n>
V_TypeTraits< _Tp >::sum_type v_reduce_sum (const v_reg< _Tp, n > &a)
 Sum packed values. More...
 
template<typename _Tp , int n>
v_reg< int, n > v_round (const v_reg< _Tp, n > &a)
 Round elements. More...
 
template<int n>
v_reg< int, n > v_round (const v_reg< float, n > &a)
 Round. More...
 
template<int n>
v_reg< int, n *2 > v_round (const v_reg< double, n > &a)
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_select (const v_reg< _Tp, n > &mask, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Bitwise select. More...
 
template<typename _Tp , int n>
int v_signmask (const v_reg< _Tp, n > &a)
 Get negative values mask. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_sqr_magnitude (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Square of the magnitude. More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_sqrt (const v_reg< _Tp, n > &a)
 Square root of elements. More...
 
template<typename _Tp , int n>
void v_store (_Tp *ptr, const v_reg< _Tp, n > &a)
 Store data to memory. More...
 
template<typename _Tp , int n>
void v_store_aligned (_Tp *ptr, const v_reg< _Tp, n > &a)
 Store data to memory (aligned) More...
 
template<typename _Tp , int n>
void v_store_high (_Tp *ptr, const v_reg< _Tp, n > &a)
 Store data to memory (higher half) More...
 
template<typename _Tp , int n>
void v_store_interleave (_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Interleave and store (2 channels) More...
 
template<typename _Tp , int n>
void v_store_interleave (_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c)
 Interleave and store (3 channels) More...
 
template<typename _Tp , int n>
void v_store_interleave (_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c, const v_reg< _Tp, n > &d)
 Interleave and store (4 channels) More...
 
template<typename _Tp , int n>
void v_store_low (_Tp *ptr, const v_reg< _Tp, n > &a)
 Store data to memory (lower half) More...
 
template<typename _Tp , int n>
v_reg< _Tp, n > v_sub_wrap (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
 Subtract values without saturation. More...
 
template<typename _Tp >
void v_transpose4x4 (v_reg< _Tp, 4 > &a0, const v_reg< _Tp, 4 > &a1, const v_reg< _Tp, 4 > &a2, const v_reg< _Tp, 4 > &a3, v_reg< _Tp, 4 > &b0, v_reg< _Tp, 4 > &b1, v_reg< _Tp, 4 > &b2, v_reg< _Tp, 4 > &b3)
 Transpose 4x4 matrix. More...
 
template<typename _Tp , int n>
v_reg< int, n > v_trunc (const v_reg< _Tp, n > &a)
 Truncate elements. More...
 
template<int n>
v_reg< int, n > v_trunc (const v_reg< float, n > &a)
 Trunc. More...
 
template<int n>
v_reg< int, n *2 > v_trunc (const v_reg< double, n > &a)
 
template<typename _Tp , int n>
void v_zip (const v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1)
 Interleave two vectors. More...
 
void validateDisparity (InputOutputArray disparity, InputArray cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1)
 validates disparity using the left-right check. The matrix "cost" should be computed by the stereo correspondence algorithm More...
 
void vconcat (const Mat *src, size_t nsrc, OutputArray dst)
 Applies vertical concatenation to given matrices. More...
 
void vconcat (InputArray src1, InputArray src2, OutputArray dst)
 
void vconcat (InputArrayOfArrays src, OutputArray dst)
 
int waitKey (int delay=0)
 Waits for a pressed key. More...
 
int waitKeyEx (int delay=0)
 Similar to waitKey, but returns full key code. More...
 
void warpAffine (InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
 Applies an affine transformation to an image. More...
 
void warpPerspective (InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
 Applies a perspective transformation to an image. More...
 
void watershed (InputArray image, InputOutputArray markers)
 Performs a marker-based image segmentation using the watershed algorithm. More...
 
void winrt_imshow ()
 
void winrt_initContainer (::Windows::UI::Xaml::Controls::Panel^ container)
 Initializes container component that will be used to hold generated window content. More...
 
void winrt_onVisibilityChanged (bool visible)
 
void winrt_setFrameContainer (::Windows::UI::Xaml::Controls::Image^ image)
 
template<typename ... Args>
void winrt_startMessageLoop (std::function< void(Args...)> &&callback, Args... args)
 
template<typename ... Args>
void winrt_startMessageLoop (void callback(Args...), Args... args)
 
template void winrt_startMessageLoop (void callback(void))
 
void write (FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
 
Init with zero

Create new vector with zero elements

v_uint8x16 v_setzero_u8 ()
 
v_int8x16 v_setzero_s8 ()
 
v_uint16x8 v_setzero_u16 ()
 
v_int16x8 v_setzero_s16 ()
 
v_uint32x4 v_setzero_u32 ()
 
v_int32x4 v_setzero_s32 ()
 
v_float32x4 v_setzero_f32 ()
 
v_float64x2 v_setzero_f64 ()
 
v_uint64x2 v_setzero_u64 ()
 
v_int64x2 v_setzero_s64 ()
 
Init with value

Create new vector with elements set to a specific value

v_uint8x16 v_setall_u8 (uchar val)
 
v_int8x16 v_setall_s8 (schar val)
 
v_uint16x8 v_setall_u16 (ushort val)
 
v_int16x8 v_setall_s16 (short val)
 
v_uint32x4 v_setall_u32 (unsigned val)
 
v_int32x4 v_setall_s32 (int val)
 
v_float32x4 v_setall_f32 (float val)
 
v_float64x2 v_setall_f64 (double val)
 
v_uint64x2 v_setall_u64 (uint64 val)
 
v_int64x2 v_setall_s64 (int64 val)
 
Reinterpret

Convert vector to different type without modifying underlying data.

template<typename _Tp0 , int n0>
v_uint8x16 v_reinterpret_as_u8 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_int8x16 v_reinterpret_as_s8 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_uint16x8 v_reinterpret_as_u16 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_int16x8 v_reinterpret_as_s16 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_uint32x4 v_reinterpret_as_u32 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_int32x4 v_reinterpret_as_s32 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_float32x4 v_reinterpret_as_f32 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_float64x2 v_reinterpret_as_f64 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_uint64x2 v_reinterpret_as_u64 (const v_reg< _Tp0, n0 > &a)
 
template<typename _Tp0 , int n0>
v_int64x2 v_reinterpret_as_s64 (const v_reg< _Tp0, n0 > &a)
 
Left shift

Shift left

template<int n>
v_uint16x8 v_shl (const v_uint16x8 &a)
 
template<int n>
v_int16x8 v_shl (const v_int16x8 &a)
 
template<int n>
v_uint32x4 v_shl (const v_uint32x4 &a)
 
template<int n>
v_int32x4 v_shl (const v_int32x4 &a)
 
template<int n>
v_uint64x2 v_shl (const v_uint64x2 &a)
 
template<int n>
v_int64x2 v_shl (const v_int64x2 &a)
 
Right shift

Shift right

template<int n>
v_uint16x8 v_shr (const v_uint16x8 &a)
 
template<int n>
v_int16x8 v_shr (const v_int16x8 &a)
 
template<int n>
v_uint32x4 v_shr (const v_uint32x4 &a)
 
template<int n>
v_int32x4 v_shr (const v_int32x4 &a)
 
template<int n>
v_uint64x2 v_shr (const v_uint64x2 &a)
 
template<int n>
v_int64x2 v_shr (const v_int64x2 &a)
 
Rounding shift

Rounding shift right

template<int n>
v_uint16x8 v_rshr (const v_uint16x8 &a)
 
template<int n>
v_int16x8 v_rshr (const v_int16x8 &a)
 
template<int n>
v_uint32x4 v_rshr (const v_uint32x4 &a)
 
template<int n>
v_int32x4 v_rshr (const v_int32x4 &a)
 
template<int n>
v_uint64x2 v_rshr (const v_uint64x2 &a)
 
template<int n>
v_int64x2 v_rshr (const v_int64x2 &a)
 
Pack

Pack values from two vectors to one

Return vector type have twice more elements than input vector types. Variant with u suffix also converts to corresponding unsigned type.

  • pack: for 16-, 32- and 64-bit integer input types
  • pack_u: for 16- and 32-bit signed integer input types
v_uint8x16 v_pack (const v_uint16x8 &a, const v_uint16x8 &b)
 
v_int8x16 v_pack (const v_int16x8 &a, const v_int16x8 &b)
 
v_uint16x8 v_pack (const v_uint32x4 &a, const v_uint32x4 &b)
 
v_int16x8 v_pack (const v_int32x4 &a, const v_int32x4 &b)
 
v_uint32x4 v_pack (const v_uint64x2 &a, const v_uint64x2 &b)
 
v_int32x4 v_pack (const v_int64x2 &a, const v_int64x2 &b)
 
v_uint8x16 v_pack_u (const v_int16x8 &a, const v_int16x8 &b)
 
v_uint16x8 v_pack_u (const v_int32x4 &a, const v_int32x4 &b)
 
Pack with rounding shift

Pack values from two vectors to one with rounding shift

Values from the input vectors will be shifted right by n bits with rounding, converted to narrower type and returned in the result vector. Variant with u suffix converts to unsigned type.

  • pack: for 16-, 32- and 64-bit integer input types
  • pack_u: for 16- and 32-bit signed integer input types
template<int n>
v_uint8x16 v_rshr_pack (const v_uint16x8 &a, const v_uint16x8 &b)
 
template<int n>
v_int8x16 v_rshr_pack (const v_int16x8 &a, const v_int16x8 &b)
 
template<int n>
v_uint16x8 v_rshr_pack (const v_uint32x4 &a, const v_uint32x4 &b)
 
template<int n>
v_int16x8 v_rshr_pack (const v_int32x4 &a, const v_int32x4 &b)
 
template<int n>
v_uint32x4 v_rshr_pack (const v_uint64x2 &a, const v_uint64x2 &b)
 
template<int n>
v_int32x4 v_rshr_pack (const v_int64x2 &a, const v_int64x2 &b)
 
template<int n>
v_uint8x16 v_rshr_pack_u (const v_int16x8 &a, const v_int16x8 &b)
 
template<int n>
v_uint16x8 v_rshr_pack_u (const v_int32x4 &a, const v_int32x4 &b)
 
Pack and store

Store values from the input vector into memory with pack

Values will be stored into memory with saturating conversion to narrower type. Variant with u suffix converts to corresponding unsigned type.

  • pack: for 16-, 32- and 64-bit integer input types
  • pack_u: for 16- and 32-bit signed integer input types
void v_pack_store (uchar *ptr, const v_uint16x8 &a)
 
void v_pack_store (schar *ptr, const v_int16x8 &a)
 
void v_pack_store (ushort *ptr, const v_uint32x4 &a)
 
void v_pack_store (short *ptr, const v_int32x4 &a)
 
void v_pack_store (unsigned *ptr, const v_uint64x2 &a)
 
void v_pack_store (int *ptr, const v_int64x2 &a)
 
void v_pack_u_store (uchar *ptr, const v_int16x8 &a)
 
void v_pack_u_store (ushort *ptr, const v_int32x4 &a)
 
Pack and store with rounding shift

Store values from the input vector into memory with pack

Values will be shifted n bits right with rounding, converted to narrower type and stored into memory. Variant with u suffix converts to unsigned type.

  • pack: for 16-, 32- and 64-bit integer input types
  • pack_u: for 16- and 32-bit signed integer input types
template<int n>
void v_rshr_pack_store (uchar *ptr, const v_uint16x8 &a)
 
template<int n>
void v_rshr_pack_store (schar *ptr, const v_int16x8 &a)
 
template<int n>
void v_rshr_pack_store (ushort *ptr, const v_uint32x4 &a)
 
template<int n>
void v_rshr_pack_store (short *ptr, const v_int32x4 &a)
 
template<int n>
void v_rshr_pack_store (unsigned *ptr, const v_uint64x2 &a)
 
template<int n>
void v_rshr_pack_store (int *ptr, const v_int64x2 &a)
 
template<int n>
void v_rshr_pack_u_store (uchar *ptr, const v_int16x8 &a)
 
template<int n>
void v_rshr_pack_u_store (ushort *ptr, const v_int32x4 &a)
 
Check SIMD support

Check CPU capability of SIMD operation

static bool hasSIMD128 ()
 

Function Documentation

§ abs() [1/4]

static uchar cv::abs ( uchar  a)
static
Examples:
contours2.cpp.

§ abs() [2/4]

static ushort cv::abs ( ushort  a)
static

§ abs() [3/4]

static unsigned cv::abs ( unsigned  a)
static

§ abs() [4/4]

static uint64 cv::abs ( uint64  a)
static

§ cvEndWriteRawData_Base64()

void cv::cvEndWriteRawData_Base64 ( ::CvFileStorage fs)

§ cvWriteMat_Base64()

void cv::cvWriteMat_Base64 ( ::CvFileStorage fs,
const char *  name,
const ::CvMat mat 
)

§ cvWriteMatND_Base64()

void cv::cvWriteMatND_Base64 ( ::CvFileStorage fs,
const char *  name,
const ::CvMatND mat 
)

§ cvWriteRawData_Base64()

void cv::cvWriteRawData_Base64 ( ::CvFileStorage fs,
const void *  _data,
int  len 
)

§ hasSIMD128()

static bool cv::hasSIMD128 ( )
static

§ haveOpenVX()

bool cv::haveOpenVX ( )

Check if use of OpenVX is possible.

§ read()

void cv::read ( const FileNode fn,
optflow::GPCTree::Node node,
optflow::GPCTree::Node   
)
Examples:
filestorage.cpp.

§ setUseOpenVX()

void cv::setUseOpenVX ( bool  flag)

Enable/disable use of OpenVX.

§ useOpenVX()

bool cv::useOpenVX ( )

Check if use of OpenVX is enabled.

§ write()

void cv::write ( FileStorage fs,
const String name,
const optflow::GPCTree::Node node 
)
Examples:
filestorage.cpp.