OpenCV: Class List

Logo
OpenCV  3.0.0
Open Source Computer Vision
[フレーム]
Class List
Here are the classes, structs, unions and interfaces with brief descriptions:
[detail level 1234]
 Ncv
 Nbgsegm
 CBackgroundSubtractorGMG Background Subtractor module based on the algorithm given in [52]
 CBackgroundSubtractorMOG Gaussian Mixture-based Background/Foreground Segmentation Algorithm
 Nbioinspired
 CRetina Class which allows the Gipsa/Listic Labs model to be used with OpenCV
 CRetinaFastToneMapping Wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV
 CRetinaParameters Retina model parameters structure
 CIplMagnoParameters Inner Plexiform Layer Magnocellular channel (IplMagno)
 COPLandIplParvoParameters Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters
 CSegmentationParameters Parameter structure that stores the transient events detector setup parameters
 CTransientAreasSegmentationModule Class which provides a transient/moving areas segmentation module
 Nbridge
 CBridge Type conversion class for converting OpenCV and native C++ types
 Nccalib
 Ncuda
 CBackgroundSubtractorFGD The class discriminates between foreground and background pixels by building and maintaining a model of the background
 CBackgroundSubtractorGMG Background/Foreground Segmentation Algorithm
 CBackgroundSubtractorMOG Gaussian Mixture-based Background/Foreground Segmentation Algorithm
 CBackgroundSubtractorMOG2 Gaussian Mixture-based Background/Foreground Segmentation Algorithm
 CBroxOpticalFlow Class computing the optical flow for two images using Brox et al Optical Flow algorithm ([19])
 CCannyEdgeDetector Base class for Canny Edge Detector. :
 CCascadeClassifier Cascade classifier class used for object detection. Supports HAAR and LBP cascades. :
 CCLAHE Base class for Contrast Limited Adaptive Histogram Equalization. :
 CConvolution Base class for convolution (or cross-correlation) operator. :
 CCornernessCriteria Base class for Cornerness Criteria computation. :
 CCornersDetector Base class for Corners Detector. :
 CDenseOpticalFlow Base interface for dense optical flow algorithms
 CDensePyrLKOpticalFlow Class used for calculating a dense optical flow
 CDescriptorMatcher Abstract base class for matching keypoint descriptors
 CDeviceInfo Class providing functionality for querying the specified GPU properties
 CDisparityBilateralFilter Class refining a disparity map using joint bilateral filtering. :
 CEvent
 CEventAccessor Class that enables getting cudaEvent_t from cuda::Event
 CFarnebackOpticalFlow Class computing a dense optical flow using the Gunnar Farneback’s algorithm
 CFastFeatureDetector Wrapping class for feature detection using the FAST method
 CFeature2DAsync Abstract base class for CUDA asynchronous 2D image feature detectors and descriptor extractors
 CFilter Common interface for all CUDA filters :
 CGpuMat Base storage class for GPU memory with reference counting
 CHOG The class implements Histogram of Oriented Gradients ([27]) object detector
 CHostMem Class with reference counting wrapping special memory type allocation functions from CUDA
 CHoughCirclesDetector Base class for circles detector algorithm. :
 CHoughLinesDetector Base class for lines detector algorithm. :
 CHoughSegmentDetector Base class for line segments detector algorithm. :
 CLookUpTable Base class for transform using lookup table
 COpticalFlowDual_TVL1 Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method
 CORB Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor
 CSparseOpticalFlow Base interface for sparse optical flow algorithms
 CSparsePyrLKOpticalFlow Class used for calculating a sparse optical flow
 CStereoBeliefPropagation Class computing stereo correspondence using the belief propagation algorithm. :
 CStereoBM Class computing stereo correspondence (disparity map) using the block matching algorithm. :
 CStereoConstantSpaceBP Class computing stereo correspondence using the constant space belief propagation algorithm. :
 CStream This class encapsulates a queue of asynchronous calls
 CStreamAccessor Class that enables getting cudaStream_t from cuda::Stream
 CSURF_CUDA Class used for extracting Speeded Up Robust Features (SURF) from an image. :
 CTargetArchs Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was built for
 CTemplateMatching Base class for Template Matching. :
 Ncudacodec
 CEncoderCallBack Callbacks for CUDA video encoder
 CEncoderParams Different parameters for CUDA video encoder
 CFormatInfo Struct providing information about video file format. :
 CRawVideoSource Interface for video demultiplexing. :
 CVideoReader Video reader interface
 CVideoWriter Video writer interface
 Ncudev
 CAvg
 Crebind
 Cbit_and
 Cbit_not
 Cbit_or
 Cbit_xor
 CBlock
 CBrdBase
 CBrdWrap
 Cdivides
 CExpr
 CGlobPtr Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step
 CGlobPtrSz Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernels)
 CGpuMat_
 Cgreater
 CNo
 CNo
 Cless
 CLog2
 CLutPtr
 CMakeVec
 CMax
 Crebind
 Cmaximum
 CMin
 Crebind
 Cminimum
 Cminus
 Cmodulus
 Cnegate
 CNormL1
 CNormL2
 Cplus
 CSum
 Crebind
 CTexture
 CWarp
 CZipPtr
 Ndatasets
 CAR_hmdb
 CDataset
 CFR_lfw
 CGR_skig
 CIS_bsds
 Cjoin
 CObject
 COR_sun
 Cpose
 Ctag
 CTR_svt
 Ndetail
 CBestOf2NearestMatcher Features matcher which finds two best matches for each feature and leaves the best one only if the ratio between descriptor distances is greater than the threshold match_conf
 CBlender Base class for all blenders
 CBlocksGainCompensator Exposure compensator which tries to remove exposure related artifacts by adjusting image block intensities, see [124] for details
 CBundleAdjusterBase Base class for all camera parameters refinement methods
 CBundleAdjusterRay Implementation of the camera parameters refinement algorithm which minimizes sum of the distances between the rays passing through the camera center and a feature. :
 CBundleAdjusterReproj Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection error squares
 CCameraParams Describes camera parameters
 CCylindricalWarper Warper that maps an image onto the x*x + z*z = 1 cylinder
 CEstimator Rotation estimator base class
 CExposureCompensator Base class for all exposure compensators
 CFeatherBlender Simple blender which mixes images at its borders
 CFeaturesFinder Feature finders base class
 CFeaturesMatcher Feature matchers base class
 CGainCompensator Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities, see [18] and [136] for details
 CGraph
 CGraphCutSeamFinder Minimum graph cut-based seam estimator. See details in [70]
 CGraphCutSeamFinderBase Base class for all minimum graph-cut-based seam estimators
 CHomographyBasedEstimator Homography based rotation estimator
 CImageFeatures Structure containing image keypoints and descriptors
 CMatchesInfo Structure containing information about matches between two images
 CMultiBandBlender Blender which uses multi-band blending algorithm (see [21])
 CNoExposureCompensator Stub exposure compensator which does nothing
 CNoSeamFinder Stub seam estimator which does nothing
 COrbFeaturesFinder ORB features finder. :
 CPairwiseSeamFinder Base class for all pairwise seam estimators
 CPlaneWarper Warper that maps an image onto the z = 1 plane
 CProjectorBase Base class for warping logic implementation
 CRotationWarper Rotation-only model image warper interface
 CRotationWarperBase Base class for rotation-based warper using a detail::ProjectorBase_ derived class
 CSeamFinder Base class for a seam estimator
 CSphericalWarper Warper that maps an image onto the unit sphere located at the origin
 CSurfFeaturesFinder SURF features finder
 CVoronoiSeamFinder Voronoi diagram-based seam estimator
 Ndirectx
 Nface
 CFaceRecognizer Abstract base class for all face recognition models
 Nflann
 CCvType
 CGenericIndex The FLANN nearest neighbor index class. This class is templated with the type of elements for which the index is built
 CIndex
 CIndex_
 Nhal
 CBinaryDescriptor Class implements both functionalities for detection of lines and computation of their binary descriptor
 CParams List of BinaryDescriptor parameters:
 CBinaryDescriptorMatcher Furnishes all functionalities for querying a dataset provided by user or internal to class (that user must, anyway, populate) on the model of Descriptor Matchers
 CKeyLine A class to represent a line
 Nlinemod
 CColorGradient Modality that computes quantized gradient orientations from a color image
 CDepthNormal Modality that computes quantized surface normals from a dense depth map
 CDetector Object detector using the LINE template matching algorithm with any set of modalities
 CFeature Discriminant feature described by its location and label
 CMatch Represents a successful template match
 CModality Interface for modalities that plug into the LINE template matching representation
 CQuantizedPyramid Represents a modality operating over an image pyramid
 CCandidate Candidate feature with a score
 Nlsvm
 CLSVMDetector This is a C++ abstract class, it provides external user API to work with Latent SVM
 Nml
 CANN_MLP Artificial Neural Networks - Multi-Layer Perceptrons
 CBoost Boosted tree classifier derived from DTrees
 CDTrees The class represents a single decision tree or a collection of decision trees
 CNode The class represents a decision tree node
 CSplit The class represents split in a decision tree
 CEM The class implements the Expectation Maximization algorithm
 CKNearest The class implements K-Nearest Neighbors model
 CLogisticRegression Implements Logistic Regression classifier
 CNormalBayesClassifier Bayes classifier for normally distributed data
 CParamGrid The structure represents the logarithmic grid range of statmodel parameters
 CRTrees The class implements the random forest predictor
 CStatModel Base class for statistical models in OpenCV ML
 CSVM Support Vector Machines
 CKernel
 CTrainData Class encapsulating training data
 Nocl
 CContext
 CDevice
 CImage2D
 CKernel
 CProgram
 CQueue
 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
 Nppf_match_3d
 CICP This class implements a very efficient and robust variant of the iterative closest point (ICP) algorithm. The task is to register a 3D model (or point cloud) against a set of noisy target data. The variants are put together by myself after certain tests. The task is to be able to match partial, noisy point clouds in cluttered scenes, quickly. You will find that my emphasis is on the performance, while retaining the accuracy. This implementation is based on Tolga Birdal's MATLAB implementation in here: http://www.mathworks.com/matlabcentral/fileexchange/47152-icp-registration-using-efficient-variants-and-multi-resolution-scheme The main contributions come from:
 CPose3D Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix forms. It supports IO functionality together with various helper methods to work with poses
 CPoseCluster3D When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose clusters occur. This class is a general container for such groups of poses. It is possible to store, load and perform IO on these poses
 CPPF3DDetector Class, allowing the load and matching 3D models. Typical Use:
 Nreg
 CMap Base class for modelling a Map between two images
 CMapper Base class for modelling an algorithm for calculating a
 Nrgbd
 Nsaliency
 CMotionSaliencyBinWangApr2014 Fast Self-tuning Background Subtraction Algorithm from [130]
 CObjectnessBING Objectness algorithms based on [3] [3] Cheng, Ming-Ming, et al. "BING: Binarized normed gradients for objectness estimation at 300fps." IEEE CVPR. 2014
 CStaticSaliencySpectralResidual Spectral Residual approach from [61]
 Nsuperres
 CSuperResolution Base class for Super Resolution algorithms
 Ntext
 CBaseOCR
 CERFilter Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm [Neumann12]. :
 CCallback Callback with the classifier is made a class
 CERStat The ERStat structure represents a class-specific Extremal Region (ER)
 COCRHMMDecoder OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models
 CClassifierCallback Callback with the character classifier is made a class
 COCRTesseract OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++
 Nvideostab
 CFastMarchingMethod Describes the Fast Marching Method implementation
 CILog
 CImageMotionEstimatorBase Base class for global 2D motion estimation methods which take frames as input
 CKeypointBasedMotionEstimator Describes a global 2D motion estimation method which uses keypoints detection and optical flow for matching
 CMotionEstimatorBase Base class for all global motion estimation methods
 CMotionEstimatorL1 Describes a global 2D motion estimation method which minimizes L1 error
 CMotionEstimatorRansacL2 Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error
 CNullLog
 CRansacParams Describes RANSAC method parameters
 Nviz
 CCamera This class wraps intrinsic parameters of a camera
 CColor This class a represents BGR color
 CKeyboardEvent This class represents a keyboard event
 CMesh This class wraps mesh attributes, and it can load a mesh from a ply file. :
 CMouseEvent This class represents a mouse event
 CViz3d 3D visualizer window. This class is implicitly shared. :
 CWArrow This 3D Widget defines an arrow
 CWCameraPosition This 3D Widget represents camera position in a scene by its axes or viewing frustum. :
 CWCircle This 3D Widget defines a circle
 CWCloud Clouds
 CWCloudCollection This 3D Widget defines a collection of clouds. :
 CWCloudNormals This 3D Widget represents normals of a point cloud. :
 CWCone This 3D Widget defines a cone. :
 CWCoordinateSystem Compond widgets
 CWCube This 3D Widget defines a cube
 CWCylinder This 3D Widget defines a cylinder. :
 CWGrid This 3D Widget defines a grid. :
 CWidget Base class of all widgets. Widget is implicitly shared. :
 CWidget2D Base class of all 2D widgets
 CWidget3D Base class of all 3D widgets
 CWidgetAccessor This class is for users who want to develop their own widgets using VTK library API. :
 CWImage3D This 3D Widget represents an image in 3D space. :
 CWImageOverlay This 2D Widget represents an image overlay. :
 CWLine Simple widgets
 CWMesh Constructs a WMesh
 CWPlane This 3D Widget defines a finite plane
 CWPolyLine This 3D Widget defines a poly line. :
 CWSphere This 3D Widget defines a sphere. :
 CWText Text and image widgets
 CWText3D This 3D Widget represents 3D text. The text always faces the camera
 CWTrajectory Trajectories
 CWTrajectoryFrustums This 3D Widget represents a trajectory. :
 CWTrajectorySpheres This 3D Widget represents a trajectory using spheres and lines
 CWWidgetMerger This class allows to merge several widgets to single one
 Nxfeatures2d
 CBriefDescriptorExtractor Class for computing BRIEF descriptors described in [22]
 CDAISY Class implementing DAISY descriptor, described in [120]
 CFREAK Class implementing the FREAK (Fast Retina Keypoint) keypoint descriptor, described in [3]
 CLATCH
 CLUCID Class implementing the locally uniform comparison image descriptor, described in [143]
 CSIFT Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform (SIFT) algorithm by D. Lowe [79]
 CStarDetector The class implements the keypoint detector introduced by [1], synonym of StarDetector. :
 CSURF Class for extracting Speeded Up Robust Features from an image [8]
 Nximgproc
 CAdaptiveManifoldFilter Interface for Adaptive Manifold Filter realizations
 CDTFilter Interface for realizations of Domain Transform filter
 CGuidedFilter Interface for realizations of Guided Filter
 CStructuredEdgeDetection Class implementing edge detection algorithm from [31] :
 CSuperpixelSEEDS Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm described in [126]
 Nxobjdetect
 CFeatureEvaluator Feature evaluation interface
 CICFDetector Integral Channel Features from [32]
 CICFDetectorParams Params for ICFDetector training
 CStump
 CWaldBoost WaldBoost object detector from [112]
 CWaldBoostParams Parameters for WaldBoost. weak_count — number of weak learners, alpha — cascade thresholding param
 C_InputArray This is the proxy class for passing read-only input arrays into OpenCV functions
 C_OutputArray This type is very similar to InputArray except that it is used for input/output and output function parameters
 CAffine3 Affine transform
 CAffineTransformer Wrapper class for the OpenCV Affine Transformation algorithm. :
 CAgastFeatureDetector Wrapping class for feature detection using the AGAST method. :
 CAKAZE Class implementing the AKAZE keypoint detector and descriptor extractor, described in [4] . :
 CAlgorithm This is a base class for all more or less complex algorithms in OpenCV
 CAlignExposures The base class for algorithms that align images of the same scene with different exposures
 CAlignMTB 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
 CAllocator
 Crebind
 CAutoBuffer Automatically Allocated Buffer Class
 CBackgroundSubtractor Base class for background/foreground segmentation. :
 CBackgroundSubtractorKNN K-nearest neigbours - based Background/Foreground Segmentation Algorithm
 CBackgroundSubtractorMOG2 Gaussian Mixture-based Background/Foreground Segmentation Algorithm
 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 [72]
 CCalibrateCRF The base class for camera response calibration algorithms
 CCalibrateDebevec 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
 CCalibrateRobertson Inverse camera response function is extracted for each brightness value by minimizing an objective function as linear system. This algorithm uses all image pixels
 CCascadeClassifier Cascade classifier class for object detection
 CChiHistogramCostExtractor An Chi based cost extraction. :
 CCLAHE
 CClfMilBoost
 CParams
 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,
 CFeature
 CFeature
 CCylindricalWarper Cylindrical warper factory class
 CDataDepth A helper class for cv::DataType
 CDataType Template "trait" class for OpenCV primitive data types
 CDescriptorMatcher Abstract base class for matching keypoint descriptors
 CDetectionROI Struct for detection region of interest (ROI)
 CDMatch Class for matching keypoint descriptors
 CDownhillSolver This class is used to perform the non-linear non-constrained minimization of a function,
 CDualTVL1OpticalFlow "Dual TV L1" Optical Flow Algorithm
 CEMDHistogramCostExtractor An EMD based cost extraction. :
 CEMDL1HistogramCostExtractor An EMD-L1 based cost extraction. :
 CException Class passed to an error
 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 file storage class that encapsulates all the information necessary for writing or reading data to/from a file
 CFlannBasedMatcher Flann-based descriptor matcher
 CGeneralizedHough Finds arbitrary template in the grayscale image using Generalized Hough Transform
 CGFTTDetector Wrapping class for feature detection using the goodFeaturesToTrack function. :
 CHamming
 CHausdorffDistanceExtractor A simple Hausdorff distance measure between shapes defined by contours
 CHistogramCostExtractor Abstract base class for histogram cost algorithms
 CKalmanFilter Kalman filter class
 CKAZE Class implementing the KAZE keypoint detector and descriptor extractor, described in [5]
 CKeyPoint Data structure for salient point detectors
 CKeyPointsFilter A class filters a vector of keypoints
 CL1
 CL2
 CLDA Linear Discriminant Analysis
 CLineIterator Line iterator
 CLineSegmentDetector Line segment detector class
 CMat N-dimensional dense array class
 CMat_ Template matrix class derived from Mat
 CMatAllocator Custom array allocator
 CMatCommaInitializer_ Comma-separated Matrix Initializer
 CMatConstIterator_ Matrix read-only iterator
 CMatExpr Matrix expression representation
 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
 CMergeDebevec The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response
 CMergeExposures The base class algorithms that can merge exposure sequence to a single image
 CMergeMertens Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combined using laplacian pyramids
 CMergeRobertson The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response
 CMinProblemSolver Basic interface for all solvers
 CFunction Represents function being optimized
 CMoments Struct returned by cv::moments
 CMSER Maximally stable extremal region extractor. :
 CMutex
 CNAryMatIterator N-ary multi-dimensional array iterator
 CNormHistogramCostExtractor A norm based cost extraction. :
 CORB Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor
 CParallelLoopBody Base class for parallel data processors
 CParam
 CPCA Principal Component Analysis
 CPlaneWarper Plane warper factory class
 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 Template class for smart pointers with shared ownership
 CQtFont
 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
 CSeq
 CShapeContextDistanceExtractor Implementation of the Shape Context descriptor and matching algorithm
 CShapeDistanceExtractor Abstract base class for shape distance algorithms
 CShapeTransformer Abstract base class for shape transformation algorithms
 CSimpleBlobDetector Class for extracting blobs from an image. :
 CParams
 CSize_ Template class for specifying the size of an image or rectangle
 CSL2
 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
 CSphericalWarper Spherical warper factory class
 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 [60] that differs from the original one as follows:
 CStitcher High level image stitcher
 CString
 CSubdiv2D
 CVertex
 CSVD Singular Value Decomposition
 CTermCriteria The class defining termination criteria for iterative algorithms
 CThinPlateSplineShapeTransformer Definition of the transformation
 CTLSData
 CTonemap Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range
 CTonemapDrago Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarithmic domain
 CTonemapDurand 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
 CTonemapMantiuk 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
 CTonemapReinhard This is a global tonemapping operator that models human visual system
 CTracker Base abstract class for the long-term tracker:
 CTrackerBoosting This is a real-time object tracking based on a novel on-line version of the AdaBoost algorithm
 CParams
 CTrackerFeature Abstract base class for TrackerFeature that represents the feature
 CTrackerFeatureHAAR TrackerFeature based on HAAR features, used by TrackerMIL and many others algorithms
 CParams
 CTrackerFeatureSet Class that manages the extraction and selection of features
 CTrackerMedianFlow Median Flow tracker implementation
 CParams
 CTrackerMIL The MIL algorithm trains a classifier in an online manner to separate the object from the background
 CParams
 CTrackerModel Abstract class that represents the model of the target. It must be instantiated by specialized tracker
 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
 CTrackerSamplerCS TrackerSampler based on CS (current state), used by algorithm TrackerBoosting
 CParams
 CTrackerSamplerCSC TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL
 CParams
 CTrackerSamplerPF This sampler is based on particle filtering
 CParams This structure contains all the parameters that can be varied during the course of sampling algorithm. Below is the structure exposed, together with its members briefly explained with reference to the above discussion on algorithm's working
 CTrackerStateEstimator Abstract base class for TrackerStateEstimator that estimates the most likely target state
 CTrackerAdaBoostingTargetState Implementation of the target state for TrackerAdaBoostingTargetState
 CTrackerTargetState Abstract base class for TrackerTargetState that represents a possible state of the target
 CTrackerTLD TLD is a novel tracking framework that explicitly decomposes the long-term tracking task into tracking, learning and detection
 CParams
 CUMat
 Cv_reg
 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. The class provides C++ API for capturing video from cameras or for reading video files and image sequences. Here is how the class can be used: :
 CVideoWriter Video writer class
 CWarperCreator Image warper factories base class
 CWImage Image class which provides a thin layer around an IplImage
 CWImageC
 Ncvflann
 Nanyimpl
 Nlsh
 Cany
 CFalse
 CHamming
 CHeap
 CIndex
 CKMeansIndex
 CL1
 CL2
 CLogger
 CMatrix
 CNNIndex
 CTrue
 Ncvv
 Nimpl
 CCallMetaData Optional information about a location in Code
 CFinalShowCaller RAII-class to call finalShow() in it's dtor
 Nmatlab
 CArgumentParser Parses inputs to a method and resolves the argument names
 CMap
 CMxArray A thin wrapper around Matlab's mxArray types
 CTraits
 NNcvCTprep
 Ntinyxml2
 CMemPool
 CStrPair
 CXMLNode
 CXMLText
 CXMLUtil
 CCv32suf
 CCv64suf
 CCvAttrList List of attributes. :
 CCvBox2D
 CCvChain
 CCvFont
 CCvGraph
 CCvMat
 CCvMatND
 CCvPoint
 CCvRect
 CCvSeq
 CCvSet
 CCvSize
 CCvSlice
 CCvType Class for automatic module/RTTI data registration/unregistration
 CCvTypeInfo Type information
 CHLS2RGB
 CHSV2RGB
 CIplROI
 CLab2RGB
 CLuv2RGB
 CNCVBroxOpticalFlowDescriptor Model and solver parameters
 CRGB2HLS
 CRGB2HSV
 CRGB2Lab
 CRGB2Luv
 CRGB2RGB
 CRGB2XYZ
 CRGB2YUV
 CTHash Struct, holding a node in the hashtable
 CXYZ2RGB
 CYUV2RGB

Generated on Wed Jun 3 2015 21:57:35 for OpenCV by   doxygen 1.8.7

AltStyle によって変換されたページ (->オリジナル) /