opencv on mbed

Dependencies:   mbed

Embed: (wiki syntax)

« Back to documentation index

Data Structures

Data Structures

Here are the data structures with brief descriptions:
_InputArrayThis is the proxy class for passing read-only input arrays into OpenCV functions
_IplImageThe IplImage is taken from the Intel Image Processing Library, in which the format is native
_OutputArrayThis type is very similar to InputArray except that it is used for input/output and output function parameters
Affine3< T >Affine transform
AffineTransformerWrapper class for the OpenCV Affine Transformation algorithm
AgastFeatureDetectorWrapping class for feature detection using the AGAST method
AKAZEClass implementing the AKAZE keypoint detector and descriptor extractor, described in ANB13
AlgorithmThis is a base class for all more or less complex algorithms in OpenCV
AlignExposuresThe base class for algorithms that align images of the same scene with different exposures
AlignMTBThis 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
Allocator< _Tp >
ANN_MLPArtificial Neural Networks - Multi-Layer Perceptrons
ArraysWrapper for OpenGL Client-Side Vertex arrays
AutoBuffer< _Tp, fixed_size >Automatically Allocated Buffer Class
BackgroundSubtractorBase class for background/foreground segmentation
BackgroundSubtractorKNNK-nearest neigbours - based Background/Foreground Segmentation Algorithm
BackgroundSubtractorMOG2Gaussian Mixture-based Background/Foreground Segmentation Algorithm
BestOf2NearestMatcherFeatures 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
BFMatcherBrute-force descriptor matcher
BlenderBase class for all blenders
BlocksGainCompensatorExposure compensator which tries to remove exposure related artifacts by adjusting image block intensities, see UES01 for details
BoostBoosted tree classifier derived from DTrees
BOWImgDescriptorExtractorClass to compute an image descriptor using the *bag of visual words*
BOWKMeansTrainerKmeans -based class to train visual vocabulary using the *bag of visual words* approach
BOWTrainerAbstract base class for training the *bag of visual words* vocabulary from a set of descriptors
BRISKClass implementing the BRISK keypoint detector and descriptor extractor, described in LCS11
BufferSmart pointer for OpenGL buffer object with reference counting
BundleAdjusterBaseBase class for all camera parameters refinement methods
BundleAdjusterRayImplementation of the camera parameters refinement algorithm which minimizes sum of the distances between the rays passing through the camera center and a feature
BundleAdjusterReprojImplementation of the camera parameters refinement algorithm which minimizes sum of the reprojection error squares
CalibrateCRFThe base class for camera response calibration algorithms
CalibrateDebevecInverse camera response function is extracted for each brightness value by minimizing an objective function as linear system
CalibrateRobertsonInverse camera response function is extracted for each brightness value by minimizing an objective function as linear system
CameraParamsDescribes camera parameters
CascadeClassifierCascade classifier class for object detection
ChiHistogramCostExtractorAn Chi based cost extraction
choose_policy< any >Choosing the policy for an any type is illegal, but should never happen
CommandLineParserDesigned for command line parsing
Complex< _Tp >A complex number class
CompositeIndex< Distance >This index builds a kd-tree index and a k-means index and performs nearest neighbour search both indexes
CompositeIndexParamsIndex parameters for the CompositeIndex
ConjGradSolverThis class is used to perform the non-linear non-constrained minimization of a function with known gradient,
CvAttrListList of attributes
CvBox2D
CvChainPtReaderFreeman chain reader state
CvConnectedCompConnected component structure
CvConvexityDefectConvexity defect
CvFileNodeBasic element of the file storage - scalar or collection:
CvFontFont structure
CvHuMomentsHu invariants
CvLineIteratorLine iterator state:
CvMatMatrix elements are stored row by row
CvMatND
CvMomentsSpatial and central moments
CvNArrayIteratorMatrix iterator: used for n-ary operations on dense arrays
CvRect
CvScalar
CvStringHashNodeAll the keys (names) of elements in the readed file storage are stored in the hash to speed up the lookup operations:
CvTermCriteria
CvTypeClass for automatic module/RTTI data registration/unregistration
CvTypeInfoType information
CylindricalWarperCylindrical warper factory class
CylindricalWarperWarper that maps an image onto the x\*x + z\*z = 1 cylinder
DataDepth< _Tp >A helper class for cv::DataType
DataType< _Tp >Template "trait" class for OpenCV primitive data types
DataType< Matx< _Tp, m, n > >
DataType< Vec< _Tp, cn > >
DescriptorMatcher::DescriptorCollectionClass to work with descriptors from several images as with one merged matrix
DescriptorMatcherAbstract base class for matching keypoint descriptors
DetectionROIStruct for detection region of interest (ROI)
DeviceInfoClass providing functionality for querying the specified GPU properties
DMatchClass for matching keypoint descriptors
DownhillSolverThis class is used to perform the non-linear non-constrained minimization of a function,
DTreesThe class represents a single decision tree or a collection of decision trees
DualTVL1OpticalFlow"Dual TV L1" Optical Flow Algorithm
DynamicBitsetClass re-implementing the boost version of it This helps not depending on boost, it also does not do the bound checks and has a way to reset a block for speed
EMThe class implements the Expectation Maximization algorithm
EMDHistogramCostExtractorAn EMD based cost extraction
EMDL1HistogramCostExtractorAn EMD-L1 based cost extraction
EstimatorRotation estimator base class
EventAccessorClass that enables getting cudaEvent_t from cuda::Event
ExceptionClass passed to an error
ExposureCompensatorBase class for all exposure compensators
FastFeatureDetectorWrapping class for feature detection using the FAST method
FastMarchingMethodDescribes the Fast Marching Method implementation
FeatherBlenderSimple blender which mixes images at its borders
Feature2DAbstract base class for 2D image feature detectors and descriptor extractors
FeaturesFinderFeature finders base class
FeaturesMatcherFeature matchers base class
FileNodeFile Storage Node class
FileNodeIteratorUsed to iterate through sequences and mappings
FileStorageXML/YAML file storage class that encapsulates all the information necessary for writing or reading data to/from a file
FlannBasedMatcherFlann-based descriptor matcher
Formatted
Formatter
MinProblemSolver::FunctionRepresents function being optimized
GainCompensatorExposure compensator which tries to remove exposure related artifacts by adjusting image intensities, see BL07 and WJ10 for details
GeneralizedHoughFinds arbitrary template in the grayscale image using Generalized Hough Transform
GeneralizedHoughBallardBallard, D.H
GeneralizedHoughGuilGuil, N., González-Linares, J.M
GenericIndex< Distance >The FLANN nearest neighbor index class
GFTTDetectorWrapping class for feature detection using the goodFeaturesToTrack function
GpuMatBase storage class for GPU memory with reference counting
GraphCutSeamFinderMinimum graph cut-based seam estimator
GraphCutSeamFinderBaseBase class for all minimum graph-cut-based seam estimators
Hamming< T >Hamming distance functor (pop count between two binary vectors, i.e
HammingLUTHamming distance functor - counts the bit differences between two strings - useful for the Brief descriptor bit count of A exclusive XOR'ed with B
HausdorffDistanceExtractorA simple Hausdorff distance measure between shapes defined by contours
SparseMat::HdrSparse matrix header
Heap< T >Priority Queue Implementation
HierarchicalClusteringIndex< Distance >Hierarchical index
HistogramCostExtractorAbstract base class for histogram cost algorithms
HomographyBasedEstimatorHomography based rotation estimator
HostMemClass with reference counting wrapping special memory type allocation functions from CUDA
ImageFeaturesStructure containing image keypoints and descriptors
ImageMotionEstimatorBaseBase class for global 2D motion estimation methods which take frames as input
Index_< T >
IndexHeaderStructure representing the index header
KalmanFilterKalman filter class
KAZEClass implementing the KAZE keypoint detector and descriptor extractor, described in ABD12
KDTreeIndex< Distance >Randomized kd-tree index
KDTreeSingleIndex< Distance >Randomized kd-tree index
KeyPointData structure for salient point detectors
KeypointBasedMotionEstimatorDescribes a global 2D motion estimation method which uses keypoints detection and optical flow for matching
KeyPointsFilterA class filters a vector of keypoints
KMeansIndex< Distance >Hierarchical kmeans index
KNearestThe class implements K-Nearest Neighbors model
KNNRadiusUniqueResultSet< DistanceType >Class that holds the k NN neighbors within a radius distance
KNNResultSet< DistanceType >K-Nearest neighbour result set
KNNSimpleResultSet< DistanceType >KNNSimpleResultSet does not ensure that the element it holds are unique
KNNUniqueResultSet< DistanceType >Class that holds the k NN neighbors Faster than KNNResultSet as it uses a binary heap and does not maintain two arrays
L2< T >Squared Euclidean distance functor, optimized version
L2_Simple< T >Squared Euclidean distance functor
LDALinear Discriminant Analysis
LineIteratorLine iterator
LineSegmentDetectorLine segment detector class
LogisticRegressionImplements Logistic Regression classifier
LshIndex< Distance >Randomized kd-tree index
LshStatsPOD for stats about an LSH table
LshTable< ElementType >Lsh hash table
MatN-dimensional dense array class
Mat_< _Tp >Template matrix class derived from Mat
MatAllocatorCustom array allocator
MatchesInfoStructure containing information about matches between two images
MatCommaInitializer_< _Tp >Comma-separated Matrix Initializer
MatConstIterator_< _Tp >Matrix read-only iterator
MatExprMatrix expression representation
MatIterator_< _Tp >Matrix read-write iterator
Matrix< T >Class that implements a simple rectangular matrix stored in a memory buffer and provides convenient matrix-like access using the [] operators
Matx< _Tp, m, n >Template class for small matrices whose type and size are known at compilation time
MatxCommaInitializer< _Tp, m, n >Comma-separated Matrix Initializer
MergeDebevecThe resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response
MergeExposuresThe base class algorithms that can merge exposure sequence to a single image
MergeMertensPixels are weighted using contrast, saturation and well-exposedness measures, than images are combined using laplacian pyramids
MergeRobertsonThe resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response
MinProblemSolverBasic interface for all solvers
MomentsStruct returned by cv::moments
MotionEstimatorBaseBase class for all global motion estimation methods
MotionEstimatorL1Describes a global 2D motion estimation method which minimizes L1 error
MotionEstimatorRansacL2Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error
MSERMaximally stable extremal region extractor
MultiBandBlenderBlender which uses multi-band blending algorithm (see BA83)
NAryMatIteratorN-ary multi-dimensional array iterator
NNIndex< Distance >Nearest-neighbour index base class
SparseMat::NodeSparse matrix node - element of a hash table
DTrees::NodeThe class represents a decision tree node
NoExposureCompensatorStub exposure compensator which does nothing
NormalBayesClassifierBayes classifier for normally distributed data
NormHistogramCostExtractorA norm based cost extraction
NoSeamFinderStub seam estimator which does nothing
ORBClass implementing the ORB (*oriented BRIEF*) keypoint detector and descriptor extractor
OrbFeaturesFinderORB features finder
PairwiseSeamFinderBase class for all pairwise seam estimators
ParallelLoopBodyBase class for parallel data processors
ParamGridThe structure represents the logarithmic grid range of statmodel parameters
PCAPrincipal Component Analysis
PlaneWarperPlane warper factory class
PlaneWarperWarper that maps an image onto the z = 1 plane
Point3_< _Tp >Template class for 3D points specified by its coordinates `x`, `y` and `z`
Point_< _Tp >Template class for 2D points specified by its coordinates `x` and `y`
ProjectorBaseBase class for warping logic implementation
Ptr< T >Template class for smart pointers with shared ownership
QtFontQtFont available only for Qt
RadiusResultSet< DistanceType >A result-set class used when performing a radius based search
RadiusUniqueResultSet< DistanceType >Class that holds the radius nearest neighbors It is more accurate than RadiusResult as it is not limited in the number of neighbors
RangeTemplate class specifying a continuous subsequence (slice) of a sequence
RansacParamsDescribes RANSAC method parameters
Rect_< _Tp >Template class for 2D rectangles
RNGRandom Number Generator
RNG_MT19937Mersenne Twister random number generator
RotatedRectThe class represents rotated (i.e
RotationWarperRotation-only model image warper interface
RotationWarperBase< P >Base class for rotation-based warper using a detail::ProjectorBase_ derived class
RTreesThe class implements the random forest predictor
SavedIndexParams(Deprecated) Index parameters for creating a saved index
Scalar_< _Tp >Template class for a 4-element vector derived from Vec
SeamFinderBase class for a seam estimator
Seq< _Tp >
SeqIterator< _Tp >
ShapeContextDistanceExtractorImplementation of the Shape Context descriptor and matching algorithm
ShapeDistanceExtractorAbstract base class for shape distance algorithms
ShapeTransformerAbstract base class for shape transformation algorithms
SimilarRectsClass for grouping object candidates, detected by Cascade Classifier, HOG etc
SimpleBlobDetectorClass for extracting blobs from an image
Size_< _Tp >Template class for specifying the size of an image or rectangle
SparseMatThe class SparseMat represents multi-dimensional sparse numerical arrays
SparseMat_< _Tp >Template sparse n-dimensional array class derived from SparseMat
SparseMatConstIteratorRead-Only Sparse Matrix Iterator
SparseMatConstIterator_< _Tp >Template Read-Only Sparse Matrix Iterator Class
SparseMatIteratorRead-write Sparse Matrix Iterator
SparseMatIterator_< _Tp >Template Read-Write Sparse Matrix Iterator Class
SphericalWarperSpherical warper factory class
SphericalWarperWarper that maps an image onto the unit sphere located at the origin
DTrees::SplitThe class represents split in a decision tree
StartStopTimerA start-stop timer class
StatModelBase class for statistical models in OpenCV ML
StereoBMClass for computing stereo correspondence using the block matching algorithm, introduced and contributed to OpenCV by K
StereoMatcherThe base class for stereo correspondence algorithms
StereoSGBMThe class implements the modified H
StitcherHigh level image stitcher
StreamThis class encapsulates a queue of asynchronous calls
StreamAccessorClass that enables getting cudaStream_t from cuda::Stream
SuperResolutionBase class for Super Resolution algorithms
SurfFeaturesFinderSURF features finder
SVDSingular Value Decomposition
SVMSupport Vector Machines
TargetArchsClass providing a set of static methods to check what NVIDIA\* card architecture the CUDA module was built for
TermCriteriaThe class defining termination criteria for iterative algorithms
Texture2DSmart pointer for OpenGL 2D texture memory with reference counting
ThinPlateSplineShapeTransformerDefinition of the transformation
TonemapBase class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range
TonemapDragoAdaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarithmic domain
TonemapDurandThis 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
TonemapMantiukThis algorithm transforms image to contrast using gradients on all levels of gaussian pyramid, transforms contrast values to HVS response and scales the response
TonemapReinhardThis is a global tonemapping operator that models human visual system
TrainDataClass encapsulating training data
UMat
UniqueRandomRandom number generator that returns a distinct number from the [0,n) interval each time
UniqueResultSet< DistanceType >Class that holds the k NN neighbors Faster than KNNResultSet as it uses a binary heap and does not maintain two arrays
Vec< _Tp, cn >Template class for short numerical vectors, a partial case of Matx
VecCommaInitializer< _Tp, m >Comma-separated Vec Initializer
VideoCaptureClass for video capturing from video files, image sequences or cameras
VideoWriterVideo writer class
VoronoiSeamFinderVoronoi diagram-based seam estimator
WarperCreatorImage warper factories base class
WImage< T >Image class which provides a thin layer around an IplImage
WImageBuffer< T >Image class which owns the data, so it can be allocated and is always freed
WImageBufferC< T, C >Like a WImageBuffer class but when the number of channels is known at compile time
WImageC< T, C >Image class when both the pixel type and number of channels are known at compile time
WImageView< T >View into an image class which allows treating a subimage as an image or treating external data as an image