[][src]Module opencv::prelude

Structs

Mat

n-dimensional dense array class \anchor CVMat_Details

Traits

AKAZE

Class implementing the AKAZE keypoint detector and descriptor extractor, described in ANB13.

ANN_MLP

Artificial Neural Networks - Multi-Layer Perceptrons.

AbsLayer
ActivationLayer
AffineFeature2D

Class implementing affine adaptation for key points.

AffineTransformer

Wrapper class for the OpenCV Affine Transformation algorithm. :

AffineWarperTrait

Affine warper factory class.

AgastFeatureDetector

Wrapping class for feature detection using the AGAST method. :

AlgorithmTrait

This is a base class for all more or less complex algorithms in OpenCV

AlignExposures

The base class for algorithms that align images of the same scene with different exposures

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.

AsyncArrayTrait

Returns result of asynchronous operations

AsyncPromiseTrait

Provides result of asynchronous operations

AutotunedIndexParamsTrait
AverageHashTrait

Computes average hash value of the input image

BFMatcherTrait

Brute-force descriptor matcher.

BIF

Implementation of bio-inspired features (BIF) from the paper: Guo, Guodong, et al. "Human age estimation using bio-inspired features." Computer Vision and Pattern Recognition, 2009. CVPR 2009.

BNLLLayer
BOWImgDescriptorExtractorTrait

Class to compute an image descriptor using the bag of visual words.

BOWKMeansTrainerTrait

kmeans -based class to train visual vocabulary using the bag of visual words approach. :

BOWTrainer

Abstract base class for training the bag of visual words vocabulary from a set of descriptors.

BRISKTrait

Class implementing the BRISK keypoint detector and descriptor extractor, described in LCS11 .

BackendNodeTrait

Derivatives of this class encapsulates functions of certain backends.

BackendWrapper

Derivatives of this class wraps cv::Mat for different backends and targets.

BackgroundSubtractor

Base class for background/foreground segmentation. :

BackgroundSubtractorCNT

Background subtraction based on counting.

BackgroundSubtractorGMG

Background Subtractor module based on the algorithm given in Gold2012 .

BackgroundSubtractorGSOC

Implementation of the different yet better algorithm which is called GSOC, as it was implemented during GSOC and was not originated from any paper.

BackgroundSubtractorKNN

K-nearest neighbours - based Background/Foreground Segmentation Algorithm.

BackgroundSubtractorLSBP

Background Subtraction using Local SVD Binary Pattern. More details about the algorithm can be found at LGuo2016

BackgroundSubtractorLSBPDescTrait

This is for calculation of the LSBP descriptors.

BackgroundSubtractorMOG

Gaussian Mixture-based Background/Foreground Segmentation Algorithm.

BackgroundSubtractorMOG2

Gaussian Mixture-based Background/Foreground Segmentation Algorithm.

BaseCascadeClassifier
BaseCascadeClassifier_MaskGenerator
BaseConvolutionLayerTrait
BaseOCR
BaseSFM

base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenario

BasicFaceRecognizer
BatchNormLayer
BinaryDescriptorMatcherTrait

furnishes all functionalities for querying a dataset provided by user or internal to class (that user must, anyway, populate) on the model of @ref features2d_match

BinaryDescriptorTrait

Class implements both functionalities for detection of lines and computation of their binary descriptor.

BinaryDescriptor_ParamsTrait

List of BinaryDescriptor parameters:

BlankLayerTrait

Partial List of Implemented Layers

BlockMeanHashTrait

Image hash based on block mean.

BoardTrait

Board of markers

Boost

Boosted tree classifier derived from DTrees

BoostDesc

Class implementing BoostDesc (Learning Image Descriptors with Boosting), described in Trzcinski13a and Trzcinski13b.

BriefDescriptorExtractorTrait

Class for computing BRIEF descriptors described in calon2010 .

CLAHE

Base class for Contrast Limited Adaptive Histogram Equalization.

CParamsTrait
CalibrateCRF

The base class for camera response calibration algorithms.

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.

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.

CallMetaDataTrait

Optional information about a location in Code.

CameraTrait

This class wraps intrinsic parameters of a camera.

CascadeClassifierTrait

@example samples/cpp/facedetect.cpp This program demonstrates usage of the Cascade classifier class \image html Cascade_Classifier_Tutorial_Result_Haar.jpg "Sample screenshot" width=321 height=254

ChannelsPReLULayer
CharucoBoardTrait

ChArUco board Specific class for ChArUco boards. A ChArUco board is a planar board where the markers are placed inside the white squares of a chessboard. The benefits of ChArUco boards is that they provide both, ArUco markers versatility and chessboard corner precision, which is important for calibration and pose estimation. This class also allows the easy creation and drawing of ChArUco boards.

ChiHistogramCostExtractor

An Chi based cost extraction. :

ClassificationModelTrait

This class represents high-level API for classification models.

ColorAverageInpainterTrait
ColorInpainterTrait
ColorMomentHashTrait

Image hash based on color moments.

ColorTrait

This class represents color in BGR order.

CommandLineParserTrait

Designed for command line parsing

CompositeIndexParamsTrait
CompressedRectilinearPortraitWarperTrait
CompressedRectilinearWarperTrait
ConcatLayerTrait
ConjGradSolver

This class is used to perform the non-linear non-constrained minimization of a function with known gradient,

ConsistentMosaicInpainterTrait
ConstLayerTrait

Constant layer produces the same data blob at an every forward pass.

ContextTrait
ConvolutionLayerTrait
CropAndResizeLayerTrait
CropLayerTrait
CustomPatternTrait
CylindricalWarperTrait

Cylindrical warper factory class.

DAISY

Class implementing DAISY descriptor, described in Tola10

DISOpticalFlow

DIS optical flow algorithm.

DPMDetector

This is a C++ abstract class, it provides external user API to work with DPM.

DPMDetector_ObjectDetectionTrait
DTrees

The class represents a single decision tree or a collection of decision trees.

DTrees_NodeTrait

The class represents a decision tree node.

DTrees_SplitTrait

The class represents split in a decision tree.

DataType

This sealed trait is implemented for types that are valid to use as Mat elements

DeblurerBase
DeconvolutionLayerTrait
DenseOpticalFlow

Base class for dense optical flow algorithms

DescriptorMatcher

Abstract base class for matching keypoint descriptors.

Detail_AffineBasedEstimatorTrait

Affine transformation based estimator.

Detail_AffineBestOf2NearestMatcherTrait

Features matcher similar to cv::detail::BestOf2NearestMatcher 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.

Detail_AffineWarperTrait

Affine warper that uses rotations and translations

Detail_BestOf2NearestMatcherTrait

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

Detail_BestOf2NearestRangeMatcherTrait
Detail_BlenderTrait

Base class for all blenders.

Detail_BlocksChannelsCompensatorTrait

Exposure compensator which tries to remove exposure related artifacts by adjusting image block on each channel.

Detail_BlocksCompensator

Exposure compensator which tries to remove exposure related artifacts by adjusting image blocks.

Detail_BlocksGainCompensatorTrait

Exposure compensator which tries to remove exposure related artifacts by adjusting image block intensities, see UES01 for details.

Detail_BundleAdjusterAffinePartialTrait

Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates in R for each camera param. Implements camera parameters refinement algorithm which minimizes sum of the reprojection error squares

Detail_BundleAdjusterAffineTrait

Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for each camera param. Implements camera parameters refinement algorithm which minimizes sum of the reprojection error squares

Detail_BundleAdjusterBase

Base class for all camera parameters refinement methods.

Detail_BundleAdjusterRayTrait

Implementation of the camera parameters refinement algorithm which minimizes sum of the distances between the rays passing through the camera center and a feature. :

Detail_BundleAdjusterReprojTrait

Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection error squares

Detail_CameraParamsTrait

Describes camera parameters.

Detail_ChannelsCompensatorTrait

Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities on each channel independently.

Detail_CheckContextTrait
Detail_CompressedRectilinearPortraitProjectorTrait
Detail_CompressedRectilinearPortraitWarperTrait
Detail_CompressedRectilinearProjectorTrait
Detail_CompressedRectilinearWarperTrait
Detail_CylindricalPortraitProjectorTrait
Detail_CylindricalPortraitWarperTrait
Detail_CylindricalProjectorTrait
Detail_CylindricalWarperGpuTrait
Detail_CylindricalWarperTrait

Warper that maps an image onto the x*x + z*z = 1 cylinder.

Detail_DisjointSetsTrait
Detail_DpSeamFinderTrait
Detail_Estimator

Rotation estimator base class.

Detail_ExposureCompensator

Base class for all exposure compensators.

Detail_FeatherBlenderTrait

Simple blender which mixes images at its borders.

Detail_FeaturesMatcher

Feature matchers base class.

Detail_FisheyeProjectorTrait
Detail_FisheyeWarperTrait
Detail_GainCompensatorTrait

Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities, see BL07 and WJ10 for details.

Detail_GraphCutSeamFinderBaseTrait

Base class for all minimum graph-cut-based seam estimators.

Detail_GraphCutSeamFinderTrait

Minimum graph cut-based seam estimator. See details in V03 .

Detail_GraphEdgeTrait
Detail_GraphTrait
Detail_HomographyBasedEstimatorTrait

Homography based rotation estimator.

Detail_ImageFeaturesTrait

Structure containing image keypoints and descriptors.

Detail_MatchesInfoTrait

Structure containing information about matches between two images.

Detail_MercatorProjectorTrait
Detail_MercatorWarperTrait
Detail_MultiBandBlenderTrait

Blender which uses multi-band blending algorithm (see BA83).

Detail_NoBundleAdjusterTrait

Stub bundle adjuster that does nothing.

Detail_NoExposureCompensatorTrait

Stub exposure compensator which does nothing.

Detail_NoSeamFinderTrait

Stub seam estimator which does nothing.

Detail_PairwiseSeamFinder

Base class for all pairwise seam estimators.

Detail_PaniniPortraitProjectorTrait
Detail_PaniniPortraitWarperTrait
Detail_PaniniProjectorTrait
Detail_PaniniWarperTrait
Detail_PlanePortraitProjectorTrait
Detail_PlanePortraitWarperTrait
Detail_PlaneProjectorTrait
Detail_PlaneWarperGpuTrait
Detail_PlaneWarperTrait

Warper that maps an image onto the z = 1 plane.

Detail_ProjectorBaseTrait

Base class for warping logic implementation.

Detail_RotationWarper

Rotation-only model image warper interface.

Detail_SeamFinder

Base class for a seam estimator.

Detail_SphericalPortraitProjectorTrait
Detail_SphericalPortraitWarperTrait
Detail_SphericalWarperGpuTrait
Detail_SphericalWarperTrait

Warper that maps an image onto the unit sphere located at the origin.

Detail_StereographicProjectorTrait
Detail_StereographicWarperTrait
Detail_TransverseMercatorProjectorTrait
Detail_TransverseMercatorWarperTrait
Detail_VoronoiSeamFinderTrait

Voronoi diagram-based seam estimator.

DetectionBasedTrackerTrait
DetectionBasedTracker_ExtObjectTrait
DetectionBasedTracker_IDetector
DetectionBasedTracker_ParametersTrait
DetectionModelTrait

This class represents high-level API for object detection networks.

DetectionOutputLayerTrait
DetectionROITrait

struct for detection region of interest (ROI)

DetectorParametersTrait

Parameters for the detectMarker process:

DeviceTrait
DictTrait

This class implements name-value dictionary, values are instances of DictValue.

DictValueTrait

This struct stores the scalar value (or array) of one of the following type: double, cv::String or int64. @todo Maybe int64 is useless because double type exactly stores at least 2^52 integers.

DictionaryTrait

Dictionary/Set of markers. It contains the inner codification

DnnSuperResImplTrait

A class to upscale images via convolutional neural networks. The following four models are implemented:

DownhillSolver

This class is used to perform the non-linear non-constrained minimization of a function,

ELULayer
EM

The class implements the Expectation Maximization algorithm.

EMDHistogramCostExtractor

An EMD based cost extraction. :

EMDL1HistogramCostExtractor

An EMD-L1 based cost extraction. :

ERFilter

Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm Neumann12. :

ERFilter_Callback

Callback with the classifier is made a class.

ERStatTrait

The ERStat structure represents a class-specific Extremal Region (ER).

EigenFaceRecognizer
Elliptic_KeyPointTrait

Elliptic region around an interest point.

EltwiseLayerTrait

Element wise operation on inputs

ExceptionTrait

! Class passed to an error.

FREAKTrait

Class implementing the FREAK (Fast Retina Keypoint) keypoint descriptor, described in AOV12 .

FaceRecognizer

Abstract base class for all face recognition models

Facemark

Abstract base class for all facemark models

FacemarkAAM
FacemarkAAM_ConfigTrait

\brief Optional parameter for fitting process.

FacemarkAAM_DataTrait

\brief Data container for the facemark::getData function

FacemarkAAM_ModelTrait

\brief The model of AAM Algorithm

FacemarkAAM_Model_TextureTrait
FacemarkAAM_ParamsTrait
FacemarkKazemi
FacemarkKazemi_ParamsTrait
FacemarkLBF
FacemarkLBF_ParamsTrait
FacemarkTrain

Abstract base class for trainable facemark models

FarnebackOpticalFlow

Class computing a dense optical flow using the Gunnar Farneback's algorithm.

FastFeatureDetector

Wrapping class for feature detection using the FAST method. :

FastMarchingMethodTrait

Describes the Fast Marching Method implementation.

Feature2DTrait
FileNodeIteratorTrait

used to iterate through sequences and mappings.

FileNodeTrait

File Storage Node class.

FileStorageTrait

XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or reading data to/from a file.

FisherFaceRecognizer
FisheyeWarperTrait
FlannBasedMatcherTrait

Flann-based descriptor matcher.

FlattenLayerTrait
Formatted

@todo document

Formatter

@todo document

FreeType2
FromFileMotionReaderTrait
GFTTDetector

Wrapping class for feature detection using the goodFeaturesToTrack function. :

GaussianMotionFilterTrait
GeneralizedHough

finds arbitrary template in the grayscale image using Generalized Hough Transform

GeneralizedHoughBallard

finds arbitrary template in the grayscale image using Generalized Hough Transform

GeneralizedHoughGuil

finds arbitrary template in the grayscale image using Generalized Hough Transform

GrayCodePattern

Class implementing the Gray-code pattern, based on UNDERWORLD.

GrayCodePattern_ParamsTrait

Parameters of StructuredLightPattern constructor.

GrayworldWB

Gray-world white balance algorithm

GridBoardTrait

Planar board with grid arrangement of markers More common type of board. All markers are placed in the same plane in a grid arrangement. The board can be drawn using drawPlanarBoard() function (see also: drawPlanarBoard)

HDF5

Hierarchical Data Format version 5 interface.

HOGDescriptorTrait

Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector.

HammingTrait
HarrisLaplaceFeatureDetectorTrait

Class implementing the Harris-Laplace feature detector as described in Mikolajczyk2004.

HausdorffDistanceExtractor
HierarchicalClusteringIndexParamsTrait
HistogramCostExtractor

Abstract base class for histogram cost algorithms.

HistogramPhaseUnwrapping

Class implementing two-dimensional phase unwrapping based on histogramUnwrapping This algorithm belongs to the quality-guided phase unwrapping methods. First, it computes a reliability map from second differences between a pixel and its eight neighbours. Reliability values lie between 0 and 16pipi. Then, this reliability map is used to compute the reliabilities of "edges". An edge is an entity defined by two pixels that are connected horizontally or vertically. Its reliability is found by adding the the reliabilities of the two pixels connected through it. Edges are sorted in a histogram based on their reliability values. This histogram is then used to unwrap pixels, starting from the highest quality pixel.

HistogramPhaseUnwrapping_ParamsTrait

Parameters of phaseUnwrapping constructor.

ICPTrait

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:

IDenseOptFlowEstimator
IFrameSource
ILog
IMotionStabilizer
IOutlierRejector
ISparseOptFlowEstimator
Image2DTrait
ImageMotionEstimatorBase

Base class for global 2D motion estimation methods which take frames as input.

ImgHashBaseTrait

The base class for image hash algorithms

IndexParamsTrait
IndexTrait
InnerProductLayerTrait
InpainterBase
InpaintingPipelineTrait
InterpLayerTrait

Bilinear resize layer from https://github.com/cdmh/deeplab-public-ver2

KAZE

Class implementing the KAZE keypoint detector and descriptor extractor, described in ABD12 .

KDTreeIndexParamsTrait
KMeansIndexParamsTrait
KNearest

The class implements K-Nearest Neighbors model

KalmanFilterTrait

Kalman filter class.

KernelArgTrait
KernelTrait
KeyPointsFilterTrait

A class filters a vector of keypoints.

KeyboardEventTrait

This class represents a keyboard event.

KeypointBasedMotionEstimatorTrait

Describes a global 2D motion estimation method which uses keypoints detection and optical flow for matching.

KeypointsModelTrait

This class represents high-level API for keypoints models

LATCHTrait

latch Class for computing the LATCH descriptor. If you find this code useful, please add a reference to the following paper in your work: Gil Levi and Tal Hassner, "LATCH: Learned Arrangements of Three Patch Codes", arXiv preprint arXiv:1501.03719, 15 Jan. 2015

LBPHFaceRecognizer
LDATrait

Linear Discriminant Analysis @todo document this class

LMSolver

Levenberg-Marquardt solver. Starting with the specified vector of parameters it optimizes the target vector criteria "err" (finds local minima of each target vector component absolute value).

LMSolver_Callback
LRNLayerTrait
LSDDetectorTrait
LSTMLayer

LSTM recurrent layer

LUCIDTrait

Class implementing the locally uniform comparison image descriptor, described in LUCID

LayerFactoryTrait

%Layer factory allows to create instances of registered layers.

LayerParamsTrait

This class provides all data needed to initialize layer.

LayerTrait

This interface class allows to build new Layers - are building blocks of networks.

LearningBasedWB

More sophisticated learning-based automatic white balance algorithm.

LineIteratorTrait

Line iterator

LineSegmentDetector

Line segment detector class

LinearIndexParamsTrait
LogTagTrait
LogToStdoutTrait
LogisticRegression

Implements Logistic Regression classifier.

LpMotionStabilizerTrait
LshIndexParamsTrait
MACE

Minimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical features. (does not need many positives to train (10-50), and no negatives at all, also robust to noise/salting)

MSDDetectorTrait

Class implementing the MSD (Maximal Self-Dissimilarity) keypoint detector, described in Tombari14.

MSER

Maximally stable extremal region extractor

MVNLayerTrait
MarrHildrethHashTrait

Marr-Hildreth Operator Based Hash, slowest but more discriminative.

MatConstIteratorTrait

/////////////////////////////// MatConstIterator //////////////////////////////////

MatConstIteratorTraitManual
MatExprTrait

Matrix expression representation @anchor MatrixExpressions 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 )):

MatOp

////////////////////////////// Matrix Expressions /////////////////////////////////

MatSizeTrait
MatStepTrait
MatTrait

n-dimensional dense array class \anchor CVMat_Details

MatTraitManual
MatxTrait
Matx_AddOpTrait

@cond IGNORED

Matx_DivOpTrait
Matx_MatMulOpTrait
Matx_MulOpTrait
Matx_ScaleOpTrait
Matx_SubOpTrait
Matx_TOpTrait
MaxUnpoolLayerTrait
MercatorWarperTrait
MergeDebevec

The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response.

MergeExposures

The base class algorithms that can merge exposure sequence to a single image.

MergeMertens

Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combined using laplacian pyramids.

MergeRobertson

The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response.

MeshTrait

This class wraps mesh attributes, and it can load a mesh from a ply file. :

MinProblemSolver

Basic interface for all solvers

MinProblemSolver_Function

Represents function being optimized

MishLayer
ModelTrait

This class is presented high-level API for neural networks.

MoreAccurateMotionWobbleSuppressorBase
MoreAccurateMotionWobbleSuppressorTrait
MotionEstimatorBase

Base class for all global motion estimation methods.

MotionEstimatorL1Trait

Describes a global 2D motion estimation method which minimizes L1 error.

MotionEstimatorRansacL2Trait

Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.

MotionFilterBase
MotionInpainterTrait
MotionStabilizationPipelineTrait
MouseEventTrait

This class represents a mouse event.

MultiCameraCalibrationTrait

Class for multiple camera calibration that supports pinhole camera and omnidirection camera. For omnidirectional camera model, please refer to omnidir.hpp in ccalib module. It first calibrate each camera individually, then a bundle adjustment like optimization is applied to refine extrinsic parameters. So far, it only support "random" pattern for calibration, see randomPattern.hpp in ccalib module for details. Images that are used should be named by "cameraIdx-timestamp.*", several images with the same timestamp means that they are the same pattern that are photographed. cameraIdx should start from 0.

MultiCameraCalibration_edgeTrait
MultiCameraCalibration_vertexTrait
NetTrait

This class allows to create and manipulate comprehensive artificial neural networks.

NodeDataTrait
NormHistogramCostExtractor

A norm based cost extraction. :

NormalBayesClassifier

Bayes classifier for normally distributed data.

NormalizeBBoxLayerTrait

inline formula

- normalization layer.

NullDeblurerTrait
NullFrameSourceTrait
NullInpainterTrait
NullLogTrait
NullOutlierRejectorTrait
NullWobbleSuppressorTrait
OCRBeamSearchDecoderTrait

OCRBeamSearchDecoder class provides an interface for OCR using Beam Search algorithm.

OCRBeamSearchDecoder_ClassifierCallbackTrait

Callback with the character classifier is made a class.

OCRHMMDecoderTrait

OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.

OCRHMMDecoder_ClassifierCallbackTrait

Callback with the character classifier is made a class.

OCRHolisticWordRecognizer

OCRHolisticWordRecognizer class provides the functionallity of segmented wordspotting. Given a predefined vocabulary , a DictNet is employed to select the most probable word given an input image.

OCRTesseract

OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.

ORB

Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor

OnePassStabilizerTrait
PCATrait

Principal Component Analysis

PCTSignatures

Class implementing PCT (position-color-texture) signature extraction as described in KrulisLS16. The algorithm is divided to a feature sampler and a clusterizer. Feature sampler produces samples at given set of coordinates. Clusterizer then produces clusters of these samples using k-means algorithm. Resulting set of clusters is the signature of the input image.

PCTSignaturesSQFD

Class implementing Signature Quadratic Form Distance (SQFD).

PHashTrait

pHash

PPF3DDetectorTrait

Class, allowing the load and matching 3D models. Typical Use:

PaddingLayerTrait

Adds extra values for specific axes.

PaniniPortraitWarperTrait
PaniniWarperTrait
ParallelLoopBody

Base class for parallel data processors

ParamGridTrait

The structure represents the logarithmic grid range of statmodel parameters.

PermuteLayerTrait
PhaseUnwrapping

Abstract base class for phase unwrapping.

PlaneWarperTrait

Plane warper factory class.

PlatformInfoTrait
PlatformTrait
Plot2d
PoolingLayerTrait
Pose3DTrait

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

PoseCluster3DTrait

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.

PowerLayer
PredictCollector

Abstract base class for all strategies of prediction result handling

PriorBoxLayerTrait
ProgramSourceTrait
ProgramTrait
ProposalLayerTrait
PyRotationWarperTrait
PyrLkOptFlowEstimatorBaseTrait
QRCodeDetectorTrait
QtFontTrait

QtFont available only for Qt. See cv::fontQt

QueueTrait
RNGTrait

Random Number Generator

RNG_MT19937Trait

Mersenne Twister random number generator

RNNLayer

Classical recurrent layer

RTrees

The class implements the random forest predictor.

RadialVarianceHashTrait

Image hash based on Radon transform.

RandomPatternCornerFinderTrait

Class for finding features points and corresponding 3D in world coordinate of a "random" pattern, which can be to be used in calibration. It is useful when pattern is partly occluded or only a part of pattern can be observed in multiple cameras calibration. The pattern can be generated by RandomPatternGenerator class described in this file.

RandomPatternGeneratorTrait
RangeTrait

Template class specifying a continuous subsequence (slice) of a sequence.

RansacParamsTrait

Describes RANSAC method parameters.

ReLU6Layer
ReLULayer
RegionLayerTrait
ReorgLayerTrait
ReshapeLayerTrait
ResizeLayerTrait

Resize input 4-dimensional blob by nearest neighbor or bilinear strategy.

Retina

class which allows the Gipsa/Listic Labs model to be used with OpenCV.

RetinaFastToneMapping

a wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV.

RetinaParametersTrait

retina model parameters structure

RotatedRectTrait

The class represents rotated (i.e. not up-right) rectangles on a plane.

SFMLibmvEuclideanReconstruction

SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipeline.

SIFTTrait

Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform (SIFT) algorithm by D. Lowe Lowe04 .

SURF

Class for extracting Speeded Up Robust Features from an image Bay06 .

SVDTrait

Singular Value Decomposition

SVM

Support Vector Machines.

SVMSGD

! Stochastic Gradient Descent SVM classifier

SVM_Kernel
SavedIndexParamsTrait
ScaleLayerTrait
SearchParamsTrait
SegmentationModelTrait

This class represents high-level API for segmentation models

ShapeContextDistanceExtractor
ShapeDistanceExtractor

@example modules/shape/samples/shape_example.cpp An example using shape distance algorithm

ShapeTransformer

Abstract base class for shape transformation algorithms.

ShiftLayerTrait
ShuffleChannelLayerTrait

Permute channels of 4-dimensional input blob.

SigmoidLayer
SimilarRectsTrait

class for grouping object candidates, detected by Cascade Classifier, HOG etc. instance of the class is to be passed to cv::partition (see cxoperations.hpp)

SimpleBlobDetectorTrait

Class for extracting blobs from an image. :

SimpleWB

A simple white balance algorithm that works by independently stretching each of the input image channels to the specified range. For increased robustness it ignores the top and bottom

inline formula

of pixel values.

SinusoidalPattern

Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fourier-assisted phase-shifting profilometry (FAPS) based on faps.

SinusoidalPattern_ParamsTrait

Parameters of SinusoidalPattern constructor

SliceLayerTrait

Slice layer has several modes:

SoftmaxLayerTrait
SparseMatConstIteratorTrait

Read-Only Sparse Matrix Iterator.

SparseMatIteratorTrait

Read-write Sparse Matrix Iterator

SparseMatTrait

The class SparseMat represents multi-dimensional sparse numerical arrays.

SparseMat_HdrTrait

the sparse matrix header

SparseMat_NodeTrait

sparse matrix node - element of a hash table

SparseOpticalFlow

Base interface for sparse optical flow algorithms.

SparsePyrLKOpticalFlow

Class used for calculating a sparse optical flow.

SparsePyrLkOptFlowEstimatorTrait
SphericalWarperTrait

Spherical warper factory class

SplitLayerTrait
StabilizerBase
StandardCollectorTrait

Default predict collector

StarDetectorTrait

The class implements the keypoint detector introduced by Agrawal08, synonym of StarDetector. :

StatModel

Base class for statistical models in OpenCV ML.

StereoBM

Class for computing stereo correspondence using the block matching algorithm, introduced and contributed to OpenCV by K. Konolige.

StereoMatcher

The base class for stereo correspondence algorithms.

StereoSGBM

The class implements the modified H. Hirschmuller algorithm HH08 that differs from the original one as follows:

StereographicWarperTrait
StitcherTrait

High level image stitcher.

StructuredLightPattern

Abstract base class for generating and decoding structured light patterns.

Subdiv2DTrait
Superres_BroxOpticalFlow
Superres_DenseOpticalFlowExt
Superres_DualTVL1OpticalFlow
Superres_FarnebackOpticalFlow
Superres_FrameSource
Superres_PyrLKOpticalFlow
Superres_SuperResolution

Base class for Super Resolution algorithms.

SwishLayer
SyntheticSequenceGeneratorTrait

Synthetic frame sequence generator for testing background subtraction algorithms.

TLSDataContainer

TLS container base implementation

TanHLayer
TermCriteriaTrait

The class defining termination criteria for iterative algorithms.

TextDetector

An abstract class providing interface for text detection algorithms

TextDetectorCNN

TextDetectorCNN class provides the functionallity of text bounding box detection. This class is representing to find bounding boxes of text words given an input image. This class uses OpenCV dnn module to load pre-trained model described in LiaoSBWL17. The original repository with the modified SSD Caffe version: https://github.com/MhLiao/TextBoxes. Model can be downloaded from DropBox. Modified .prototxt file with the model description can be found in opencv_contrib/modules/text/samples/textbox.prototxt.

ThinPlateSplineShapeTransformer

Definition of the transformation

TickMeterTrait

a Class to measure passing time.

TimerTrait
ToFileMotionWriterTrait
Tonemap

Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.

TonemapDrago

Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarithmic domain.

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.

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.

TonemapReinhard

This is a global tonemapping operator that models human visual system.

TrainData

Class encapsulating training data.

TransientAreasSegmentationModule

class which provides a transient/moving areas segmentation module

TranslationBasedLocalOutlierRejectorTrait
TransverseMercatorWarperTrait
TwoPassStabilizerTrait
UMatDataTrait
UMatTrait

@todo document

UMatTraitManual
VGG

Class implementing VGG (Oxford Visual Geometry Group) descriptor trained end to end using "Descriptor Learning Using Convex Optimisation" (DLCO) aparatus described in Simonyan14.

VariationalRefinement

Variational optical flow refinement

Vector

Common interface for all C++ vector types generated by the crate

VideoCaptureTrait

Class for video capturing from video files, image sequences or cameras.

VideoFileSourceTrait
VideoWriterTrait

Video writer class.

Viz3dTrait

The Viz3d class represents a 3D visualizer window. This class is implicitly shared.

WArrowTrait

This 3D Widget defines an arrow.

WBDetector

WaldBoost detector

WCameraPositionTrait

This 3D Widget represents camera position in a scene by its axes or viewing frustum. :

WCircleTrait

This 3D Widget defines a circle.

WCloudCollectionTrait

This 3D Widget defines a collection of clouds. :

WCloudNormalsTrait

This 3D Widget represents normals of a point cloud. :

WCloudTrait

This 3D Widget defines a point cloud. :

WConeTrait

This 3D Widget defines a cone. :

WCoordinateSystemTrait

This 3D Widget represents a coordinate system. :

WCubeTrait

This 3D Widget defines a cube.

WCylinderTrait

This 3D Widget defines a cylinder. :

WGridTrait

This 3D Widget defines a grid. :

WImage3DTrait

This 3D Widget represents an image in 3D space. :

WImageOverlayTrait

This 2D Widget represents an image overlay. :

WLineTrait

This 3D Widget defines a finite line.

WMeshTrait

Constructs a WMesh.

WPaintedCloudTrait
WPlaneTrait

This 3D Widget defines a finite plane.

WPolyLineTrait

This 3D Widget defines a poly line. :

WSphereTrait

This 3D Widget defines a sphere. :

WText3DTrait

This 3D Widget represents 3D text. The text always faces the camera.

WTextTrait

This 2D Widget represents text overlay.

WTrajectoryFrustumsTrait

This 3D Widget represents a trajectory. :

WTrajectorySpheresTrait

This 3D Widget represents a trajectory using spheres and lines

WTrajectoryTrait

This 3D Widget represents a trajectory. :

WWidgetMergerTrait

This class allows to merge several widgets to single one.

WarperCreator

Image warper factories base class.

WeightingDeblurerTrait
WhiteBalancer

The base class for auto white balance algorithms.

Widget2DTrait

Base class of all 2D widgets.

Widget3DTrait

Base class of all 3D widgets.

WidgetTrait

Base class of all widgets. Widget is implicitly shared.

WobbleSuppressorBase
WriteStructContextTrait
_InputArrayTrait

This is the proxy class for passing read-only input arrays into OpenCV functions.

_InputOutputArrayTrait
_OutputArrayTrait

This type is very similar to InputArray except that it is used for input/output and output function parameters.

_RangeTrait