►Ncv | "black box" representation of the file storage associated with a file on disk |
►Naruco | |
CArucoDetector | The main functionality of ArucoDetector class is detection of markers in an image with detectMarkers() method |
CBoard | Board of ArUco markers |
CCharucoBoard | ChArUco board is a planar chessboard where the markers are placed inside the white squares of a chessboard |
CCharucoDetector | |
CCharucoParameters | |
CDetectorParameters | Struct DetectorParameters is used by ArucoDetector |
CDictionary | Dictionary is a set of unique ArUco markers of the same size |
CGridBoard | Planar board with grid arrangement of markers |
CRefineParameters | Struct RefineParameters is used by ArucoDetector |
►Nbarcode | |
CBarcodeDetector | |
►Ncuda | |
CBufferPool | BufferPool for use with CUDA streams |
CDeviceInfo | Class providing functionality for querying the specified GPU properties |
CEvent | |
CEventAccessor | Class that enables getting cudaEvent_t from cuda::Event |
CGpuData | |
►CGpuMat | Base storage class for GPU memory with reference counting |
CAllocator | |
CGpuMatND | |
CHostMem | Class with reference counting wrapping special memory type allocation functions from CUDA |
CStream | This class encapsulates a queue of asynchronous calls |
CStreamAccessor | Class that enables getting cudaStream_t from cuda::Stream |
CTargetArchs | Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was built for |
►Ndetail | |
►Ntracking | |
CTrackerFeature | Abstract base class for TrackerFeature that represents the feature |
CTrackerFeatureSet | Class that manages the extraction and selection of features |
CTrackerModel | Abstract class that represents the model of the target |
CTrackerSampler | 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 |
CTrackerSamplerAlgorithm | Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sampler |
►CTrackerSamplerCSC | TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL |
CParams | |
CTrackerStateEstimator | Abstract base class for TrackerStateEstimator that estimates the most likely target state |
CTrackerTargetState | Abstract base class for TrackerTargetState that represents a possible state of the target |
CTrackerFeature | Abstract base class for TrackerFeature that represents the feature |
CTrackerFeatureSet | Class that manages the extraction and selection of features |
CTrackerModel | Abstract class that represents the model of the target |
CTrackerSampler | 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 |
CTrackerSamplerAlgorithm | Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sampler |
►CTrackerSamplerCSC | TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL |
CParams | |
CTrackerStateEstimator | Abstract base class for TrackerStateEstimator that estimates the most likely target state |
CTrackerTargetState | Abstract base class for TrackerTargetState that represents a possible state of the target |
►Ndetails | |
CFPDenormalsIgnoreHintScope | |
CFPDenormalsIgnoreHintScopeNOOP | |
CFPDenormalsModeState | |
►Nflann | |
CCvType | |
CCvType< char > | |
CCvType< double > | |
CCvType< float > | |
CCvType< int > | |
CCvType< short > | |
CCvType< unsigned char > | |
CCvType< unsigned short > | |
CGenericIndex | The FLANN nearest neighbor index class. This class is templated with the type of elements for which the index is built |
►Nhal | |
CDCT2D | |
CDFT1D | |
CDFT2D | |
►Ninstr | |
CNodeData | |
CNodeDataTls | |
►Ninternal | |
CMatx_DetOp | |
CMatx_DetOp< _Tp, 1 > | |
CMatx_DetOp< _Tp, 2 > | |
CMatx_DetOp< _Tp, 3 > | |
►Nocl | |
►CContext | |
CUserContext | |
CDevice | |
CImage2D | |
CKernel | |
CKernelArg | |
COpenCLExecutionContext | |
COpenCLExecutionContextScope | |
CPlatform | |
CPlatformInfo | |
CProgram | |
CProgramSource | |
CQueue | |
CTimer | |
►Nogl | |
CArrays | Wrapper for OpenGL Client-Side Vertex arrays |
CBuffer | Smart pointer for OpenGL buffer object with reference counting |
CTexture2D | Smart pointer for OpenGL 2D texture memory with reference counting |
►Nparallel | |
►Nopenmp | |
CParallelForBackend | |
►Ntbb | |
►CParallelForBackend | |
CCallbackProxy | |
CParallelForAPI | |
►Nsegmentation | |
CIntelligentScissorsMB | Intelligent Scissors image segmentation |
►Nsfinae | |
Chas_parenthesis_operator | |
►Ntraits | |
CDepth | |
CDepth< Complex< _Tp > > | |
CDepth< Matx< _Tp, m, n > > | |
CDepth< Moments > | |
CDepth< Point3_< _Tp > > | |
CDepth< Point_< _Tp > > | |
CDepth< Range > | |
CDepth< Rect_< _Tp > > | |
CDepth< RotatedRect > | |
CDepth< Scalar_< _Tp > > | |
CDepth< Size_< _Tp > > | |
CDepth< Vec< _Tp, cn > > | |
CSafeFmt | |
CSafeFmt< T, false > | |
CSafeFmt< T, true > | |
CSafeType | |
CSafeType< T, false > | |
CSafeType< T, true > | |
CType | |
CType< Complex< _Tp > > | |
CType< Matx< _Tp, m, n > > | |
CType< Moments > | |
CType< Point3_< _Tp > > | |
CType< Point_< _Tp > > | |
CType< Range > | |
CType< Rect_< _Tp > > | |
CType< RotatedRect > | |
CType< Scalar_< _Tp > > | |
CType< Size_< _Tp > > | |
CType< Vec< _Tp, cn > > | |
►Nutils | |
►Nlogging | |
CLogTag | |
CLogTagAuto | |
CAllocatorStatistics | |
CAllocatorStatisticsInterface | |
C_InputArray | This is the proxy class for passing read-only input arrays into OpenCV functions |
C_InputOutputArray | |
C_OutputArray | This type is very similar to InputArray except that it is used for input/output and output function parameters |
CAccumulator | |
CAccumulator< char > | |
CAccumulator< short > | |
CAccumulator< unsigned char > | |
CAccumulator< unsigned short > | |
CAffineFeature | Class for implementing the wrapper which makes detectors and extractors to be affine invariant, described as ASIFT in [YM11] |
CAgastFeatureDetector | Wrapping class for feature detection using the AGAST method. : |
CAKAZE | Class implementing the AKAZE keypoint detector and descriptor extractor, described in [ANB13] |
CAlgorithm | This is a base class for all more or less complex algorithms in OpenCV |
►CAllocator | |
Crebind | |
CAsyncArray | Returns result of asynchronous operations |
CAsyncPromise | Provides result of asynchronous operations |
CAutoBuffer | Automatically Allocated Buffer Class |
CBackgroundSubtractor | Base class for background/foreground segmentation. : |
CBackgroundSubtractorKNN | K-nearest neighbours - based Background/Foreground Segmentation Algorithm |
CBackgroundSubtractorMOG2 | Gaussian Mixture-based Background/Foreground Segmentation Algorithm |
►CBaseCascadeClassifier | |
CMaskGenerator | |
CBFMatcher | Brute-force descriptor matcher |
CBOWImgDescriptorExtractor | Class to compute an image descriptor using the bag of visual words |
CBOWKMeansTrainer | Kmeans -based class to train visual vocabulary using the bag of visual words approach. : |
CBOWTrainer | Abstract base class for training the bag of visual words vocabulary from a set of descriptors |
CBRISK | Class implementing the BRISK keypoint detector and descriptor extractor, described in [LCS11] |
CBufferPoolController | |
CCascadeClassifier | Cascade classifier class for object detection |
CCirclesGridFinderParameters | |
CCLAHE | Base class for Contrast Limited Adaptive Histogram Equalization |
CCommandLineParser | Designed for command line parsing |
CComplex | A complex number class |
CConjGradSolver | This class is used to perform the non-linear non-constrained minimization of a function with known gradient, |
CDataDepth | A helper class for cv::DataType |
CDataType | Template "trait" class for OpenCV primitive data types |
CDataType< bool > | |
CDataType< char > | |
CDataType< Complex< _Tp > > | |
CDataType< double > | |
CDataType< float > | |
CDataType< hfloat > | |
CDataType< int > | |
CDataType< Matx< _Tp, m, n > > | |
CDataType< Moments > | |
CDataType< Point3_< _Tp > > | |
CDataType< Point_< _Tp > > | |
CDataType< Range > | |
CDataType< Rect_< _Tp > > | |
CDataType< RotatedRect > | |
CDataType< Scalar_< _Tp > > | |
CDataType< schar > | |
CDataType< short > | |
CDataType< Size_< _Tp > > | |
CDataType< uchar > | |
CDataType< ushort > | |
CDataType< Vec< _Tp, cn > > | |
CDefaultDeleter | |
CDefaultDeleter< CvHaarClassifierCascade > | |
CDenseOpticalFlow | |
►CDescriptorMatcher | Abstract base class for matching keypoint descriptors |
CDescriptorCollection | |
►CDetectionBasedTracker | |
CExtObject | |
CIDetector | |
CInnerParameters | |
CParameters | |
CTrackedObject | |
CDetectionROI | Struct for detection region of interest (ROI) |
CDISOpticalFlow | DIS optical flow algorithm |
CDMatch | Class for matching keypoint descriptors |
CDownhillSolver | This class is used to perform the non-linear non-constrained minimization of a function, |
CDualQuat | |
CException | Class passed to an error |
CFaceDetectorYN | DNN-based face detector |
CFaceRecognizerSF | DNN-based face recognizer |
CFarnebackOpticalFlow | Class computing a dense optical flow using the Gunnar Farneback's algorithm |
CFastFeatureDetector | Wrapping class for feature detection using the FAST method. : |
CFeature2D | Abstract base class for 2D image feature detectors and descriptor extractors |
CFileNode | File Storage Node class |
CFileNodeIterator | Used to iterate through sequences and mappings |
CFileStorage | XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or reading data to/from a file |
CFormatted | |
CFormatter | |
CGeneralizedHough | Finds arbitrary template in the grayscale image using Generalized Hough Transform |
CGeneralizedHoughBallard | Finds arbitrary template in the grayscale image using Generalized Hough Transform |
CGeneralizedHoughGuil | Finds arbitrary template in the grayscale image using Generalized Hough Transform |
CGFTTDetector | Wrapping class for feature detection using the goodFeaturesToTrack function. : |
CGraphicalCodeDetector | |
CHamming | |
Chas_custom_delete | |
Chas_custom_delete< T, typename std::enable_if< sfinae::has_parenthesis_operator< DefaultDeleter< T >, void, T * >::value >::type > | |
CHOGDescriptor | Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector |
►CImageCollection | To read Multi Page images on demand |
Citerator | |
CKalmanFilter | Kalman filter class |
CKAZE | Class implementing the KAZE keypoint detector and descriptor extractor, described in [ABD12] |
CKeyPoint | Data structure for salient point detectors |
CKeyPointsFilter | A class filters a vector of keypoints |
CL1 | |
CL2 | |
CLDA | Linear Discriminant Analysis |
CLineIterator | Class for iterating over all pixels on a raster line segment |
CLineSegmentDetector | Line segment detector class |
►CLMSolver | |
CCallback | |
CMat | N-dimensional dense array class |
CMat_ | Template matrix class derived from Mat |
CMatAllocator | Custom array allocator |
CMatCommaInitializer_ | Comma-separated Matrix Initializer |
CMatConstIterator | |
CMatConstIterator_ | Matrix read-only iterator |
CMatExpr | Matrix expression representation This is a list of implemented matrix operations that can be combined in arbitrary complex expressions (here A, B stand for matrices ( Mat ), s for a scalar ( Scalar ), alpha for a real-valued scalar ( double )): |
CMatIterator_ | Matrix read-write iterator |
CMatOp | |
CMatSize | |
CMatStep | |
CMatx | Template class for small matrices whose type and size are known at compilation time |
CMatxCommaInitializer | Comma-separated Matrix Initializer |
►CMinProblemSolver | Basic interface for all solvers |
CFunction | Represents function being optimized |
CMoments | Struct returned by cv::moments |
CMSER | Maximally stable extremal region extractor |
CNAryMatIterator | N-ary multi-dimensional array iterator |
CNode | |
CORB | Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor |
CParallelLoopBody | Base class for parallel data processors |
CParallelLoopBodyLambdaWrapper | |
CParamType | |
CParamType< _Tp, typename std::enable_if< std::is_enum< _Tp >::value >::type > | |
CParamType< Algorithm > | |
CParamType< bool > | |
CParamType< double > | |
CParamType< float > | |
CParamType< int > | |
CParamType< Mat > | |
CParamType< Scalar > | |
CParamType< std::vector< Mat > > | |
CParamType< String > | |
CParamType< uchar > | |
CParamType< uint64 > | |
CParamType< unsigned > | |
CPCA | Principal Component Analysis |
CPoint3_ | Template class for 3D points specified by its coordinates x , y and z |
CPoint_ | Template class for 2D points specified by its coordinates x and y |
CPtr | |
CQRCodeDetector | |
►CQRCodeDetectorAruco | |
CParams | |
►CQRCodeEncoder | |
CParams | QR code encoder parameters |
CQuat | |
CQuatEnum | |
CRange | Template class specifying a continuous subsequence (slice) of a sequence |
CRect_ | Template class for 2D rectangles |
CRNG | Random Number Generator |
CRNG_MT19937 | Mersenne Twister random number generator |
CRotatedRect | The class represents rotated (i.e. not up-right) rectangles on a plane |
CScalar_ | Template class for a 4-element vector derived from Vec |
CSIFT | Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform (SIFT) algorithm by D. Lowe [Lowe04] |
CSimilarRects | This class is used for grouping object candidates detected by Cascade Classifier, HOG etc |
►CSimpleBlobDetector | Class for extracting blobs from an image. : |
CParams | |
CSize_ | Template class for specifying the size of an image or rectangle |
CSL2 | |
Csoftdouble | |
Csoftfloat | |
►CSparseMat | The class SparseMat represents multi-dimensional sparse numerical arrays |
CHdr | Sparse matrix header |
CNode | Sparse matrix node - element of a hash table |
CSparseMat_ | Template sparse n-dimensional array class derived from SparseMat |
CSparseMatConstIterator | Read-Only Sparse Matrix Iterator |
CSparseMatConstIterator_ | Template Read-Only Sparse Matrix Iterator Class |
CSparseMatIterator | Read-write Sparse Matrix Iterator |
CSparseMatIterator_ | Template Read-Write Sparse Matrix Iterator Class |
CSparseOpticalFlow | Base interface for sparse optical flow algorithms |
CSparsePyrLKOpticalFlow | Class used for calculating a sparse optical flow |
CStereoBM | Class for computing stereo correspondence using the block matching algorithm, introduced and contributed to OpenCV by K. Konolige |
CStereoMatcher | The base class for stereo correspondence algorithms |
CStereoSGBM | The class implements the modified H. Hirschmuller algorithm [HH08] that differs from the original one as follows: |
►CSubdiv2D | |
CQuadEdge | |
CVertex | |
CSVD | Singular Value Decomposition |
CTermCriteria | The class defining termination criteria for iterative algorithms |
CTickMeter | Class to measure passing time |
CTLSData | Simple TLS data class |
CTLSDataAccumulator | TLS data accumulator with gathering methods |
CTLSDataContainer | |
CTracker | Base abstract class for the long-term tracker |
►CTrackerDaSiamRPN | |
CParams | |
►CTrackerGOTURN | GOTURN (Generic Object Tracking Using Regression Networks) tracker |
CParams | |
►CTrackerMIL | The MIL algorithm trains a classifier in an online manner to separate the object from the background |
CParams | |
►CTrackerNano | Nano tracker is a super lightweight dnn-based general object tracking |
CParams | |
►CTrackerVit | VIT tracker is a super lightweight dnn-based general object tracking |
CParams | |
CUMat | |
CUMatData | |
CUsacParams | |
Cv_reg | |
CV_TypeTraits | |
CVariationalRefinement | Variational optical flow refinement |
CVec | Template class for short numerical vectors, a partial case of Matx |
CVecCommaInitializer | Comma-separated Vec Initializer |
CVideoCapture | Class for video capturing from video files, image sequences or cameras |
CVideoWriter | Video writer class |
►NEsterv | |
►NAboutEstervQrCode | |
CAbout | |
►NControls | |
►NFlat | |
CButton | |
CCheckBox | |
CComboBox | |
CDelayButton | |
CFrame | |
CItemDelegate | |
CLabel | |
CPopup | |
CRoundButton | |
CSpinBox | |
CSwitch | |
CTabBar | |
CTabButton | |
CTextArea | |
CTextField | |
CToolTip | |
►NCustomControls | |
►NQrDec | |
CQrCam | |
CQrDecPop | |
CQrTextField | |
►NQrGen | |
CQrGenImage | |
CQrGenPop | |
CQrText | |
CCloseButton | |
CNextButton | |
CPinPad | |
CPrevButton | |
CThemeSwitch | |
►NStyles | |
►NSimple | |
CStyle | |
►NUtils | |
►NQrDec | |
CQRDecoder | |
CQRImageDecoder | |
CWasmImageProvider | |
►NQrGen | |
CBitBuffer | |
Cdata_too_long | |
CQrCode | |
CQRImageProvider | |
►CQrSegment | |
CMode | |
CAboutThis | |
►NQT_WARNING_DISABLE_DEPRECATED | |
Cqt_meta_tag_ZN6Esterv5Utils5QrDec14QRImageDecoderE_t | |
Cqt_meta_tag_ZN6Esterv5Utils9AboutThisE_t | |
C_IplConvKernel | |
C_IplConvKernelFP | |
C_IplImage | |
C_IplROI | |
CAbout | |
CButton | |
CCheckBox | |
CCloseButton | |
CComboBox | |
CCv16suf | |
CCv32suf | |
CCv64suf | |
CCvAbstractCamera | |
CCvBox2D | |
CCvChain | |
CCvChainPtReader | |
CCvConnectedComp | |
CCvContour | |
CCvConvexityDefect | |
CCvFont | |
CCvGraph | |
CCvGraphEdge | |
CCvGraphScanner | |
CCvGraphVtx | |
CCvGraphVtx2D | |
CcvhalKeyPoint | |
CCvHistogram | |
CCvHuMoments | |
CCvLineIterator | |
CCvMat | |
CCvMatND | |
CCvMemBlock | |
CCvMemStorage | |
CCvMemStoragePos | |
CCvMoments | |
CCvNArrayIterator | |
CCvPhotoCamera | |
C<CvPhotoCameraDelegate> | |
CCvPoint | |
CCvPoint2D32f | |
CCvPoint2D64f | |
CCvPoint3D32f | |
CCvPoint3D64f | |
CCvRect | |
CCvScalar | |
CCvSeq | |
CCvSeqBlock | |
CCvSeqReader | |
CCvSeqWriter | |
CCvSet | |
CCvSetElem | |
CCvSize | |
CCvSize2D32f | |
CCvSlice | |
CCvSparseMat | |
CCvSparseMatIterator | |
CCvSparseNode | |
CCvTermCriteria | |
CCvTreeNodeIterator | |
CCvVideoCamera | |
C<CvVideoCameraDelegate> | |
CDelayButton | |
CEsterv_AboutEstervQrCodePlugin | |
CEsterv_Controls_FlatPlugin | |
CEsterv_CustomControls_QrDecPlugin | |
CEsterv_CustomControls_QrGenPlugin | |
CEsterv_CustomControlsPlugin | |
CEsterv_Styles_SimplePlugin | |
CFrame | |
CItemDelegate | |
CLabel | |
CNextButton | |
CPinPad | |
CPopup | |
CPrevButton | |
CQrCam | |
CQrDecPop | |
CQrGenImage | |
CQrGenPop | |
CQrText | |
CQrTextField | |
CRoundButton | |
CSpinBox | |
CStyle | |
CSwitch | |
CTabBar | |
CTabButton | |
CTextArea | |
CTextField | |
CThemeSwitch | |
CToolTip | |