OpenCvSharp Namespace |
Class | Description | |
---|---|---|
![]() | AgastFeatureDetector |
Detects corners using the AGAST algorithm
|
![]() | AKAZE |
Class implementing the AKAZE keypoint detector and descriptor extractor,
described in @cite ANB13
|
![]() | Algorithm |
Base class for high-level OpenCV algorithms
|
![]() | BackgroundSubtractor |
The Base Class for Background/Foreground Segmentation.
The class is only used to define the common interface for
the whole family of background/foreground segmentation algorithms.
|
![]() | BackgroundSubtractorGMG |
Background Subtractor module. Takes a series of images and returns a sequence of mask (8UC1)
images of the same size, where 255 indicates Foreground and 0 represents Background.
|
![]() | BackgroundSubtractorKNN |
K nearest neigbours algorithm
|
![]() | BackgroundSubtractorMOG |
Gaussian Mixture-based Backbround/Foreground Segmentation Algorithm
|
![]() | BackgroundSubtractorMOG2 |
The Base Class for Background/Foreground Segmentation.
The class is only used to define the common interface for
the whole family of background/foreground segmentation algorithms.
|
![]() | BFMatcher |
Brute-force descriptor matcher.
For each descriptor in the first set, this matcher finds the closest descriptor in the second set by trying each one.
|
![]() | BOWImgDescriptorExtractor |
Brute-force descriptor matcher.
For each descriptor in the first set, this matcher finds the closest descriptor in the second set by trying each one.
|
![]() | BOWKMeansTrainer |
Brute-force descriptor matcher.
For each descriptor in the first set, this matcher finds the closest descriptor in the second set by trying each one.
|
![]() | BOWTrainer |
Brute-force descriptor matcher.
For each descriptor in the first set, this matcher finds the closest descriptor in the second set by trying each one.
|
![]() | BRISK |
BRISK implementation
|
![]() | CalibrateCRF |
The base class for camera response calibration algorithms.
|
![]() | CalibrateDebevec |
The base class for camera response calibration algorithms.
|
![]() | CascadeClassifier |
Cascade classifier class for object detection.
|
![]() | CLAHE |
Contrast Limited Adaptive Histogram Equalization
|
![]() | ConnectedComponents |
connected components that is returned from Cv2.ConnectedComponentsEx
|
![]() | ConnectedComponentsBlob |
One blob
|
![]() | Cv2 |
OpenCV Functions of C++ I/F (cv::xxx)
|
![]() | CvObject |
A class which has a pointer of OpenCV structure
|
![]() | CvTrackbar |
Trackbar that is shown on CvWindow
|
![]() | DenseOpticalFlow | |
![]() | DenseOpticalFlowExt | |
![]() | DescriptorMatcher | |
![]() | DetectionROI |
struct for detection region of interest (ROI)
|
![]() | DisposableCvObject |
DisposableObject + ICvPtrHolder
|
![]() | DisposableObject |
Represents a class which manages its own memory.
|
![]() | EM |
The class implements the Expectation Maximization algorithm.
|
![]() | FastFeatureDetector |
Detects corners using FAST algorithm by E. Rosten
|
![]() | Feature2D |
Abstract base class for 2D image feature detectors and descriptor extractors
|
![]() | FileNode |
File Storage Node class
|
![]() | FileNodeIterator |
File Storage Node class
|
![]() | FileStorage |
XML/YAML File Storage Class.
|
![]() | FlannBasedMatcher |
Brute-force descriptor matcher.
For each descriptor in the first set, this matcher finds the closest descriptor in the second set by trying each one.
|
![]() | FourCCCalcurator |
Managed wrapper of all OpenCV functions
|
![]() | FrameSource | |
![]() | GeneralizedHough |
finds arbitrary template in the grayscale image using Generalized Hough Transform
|
![]() | GeneralizedHoughBallard |
Ballard, D.H. (1981). Generalizing the Hough transform to detect arbitrary shapes.
Pattern Recognition 13 (2): 111-122.
Detects position only without traslation and rotation
|
![]() | GeneralizedHoughGuil |
Guil, N., González-Linares, J.M. and Zapata, E.L. (1999).
Bidimensional shape detection using an invariant approach.
Pattern Recognition 32 (6): 1025-1038.
Detects position, traslation and rotation
|
![]() | GFTTDetector |
Good Features To Track Detector
|
![]() | HausdorffDistanceExtractor |
A simple Hausdorff distance measure between shapes defined by contours
|
![]() | HierarchyIndex |
Information about the image topology for cv::findContours
|
![]() | HOGDescriptor |
HOG (Histogram-of-Oriented-Gradients) Descriptor and Object Detector
|
![]() | ImageEncodingParam |
The format-specific save parameters for cv::imwrite and cv::imencode
|
![]() | InputArray |
Proxy datatype for passing Mat's and vector<>'s as input parameters
|
![]() | InputOutputArray |
Proxy datatype for passing Mat's and vector<>'s as input parameters.
Synonym for OutputArray.
|
![]() | KalmanFilter |
Kalman filter.
The class implements standard Kalman filter \url{http://en.wikipedia.org/wiki/Kalman_filter}.
However, you can modify KalmanFilter::transitionMatrix, KalmanFilter::controlMatrix and
KalmanFilter::measurementMatrix to get the extended Kalman filter functionality.
|
![]() | KAZE |
Class implementing the KAZE keypoint detector and descriptor extractor
|
![]() | KeyPointsFilter |
A class filters a vector of keypoints.
|
![]() | LatentSvmDetector |
Find rectangular regions in the given image that are likely
to contain objects and corresponding confidence levels
|
![]() | LatentSvmDetectorObjectDetection |
Structure contains the detection information.
|
![]() | LDA |
Linear Discriminant Analysis
|
![]() | Line2D |
2-dimentional line vector
|
![]() | Line3D |
A 3-dimensional line object
|
![]() | LineIterator |
Contrast Limited Adaptive Histogram Equalization
|
![]() | LineIteratorPixel |
LineIterator pixel data
|
![]() | LineSegmentDetector |
Line segment detector class
|
![]() | Mat |
OpenCV C++ n-dimensional dense array class (cv::Mat)
|
![]() | MatColExprIndexer |
Mat column's indexer object
|
![]() | MatColIndexer |
Mat column's indexer object
|
![]() | MatIndexerT |
Mat Indexer
|
![]() | MatMatExprIndexer | |
![]() | MatRowExprIndexer |
Mat row's indexer object
|
![]() | MatRowIndexer |
Mat row's indexer object
|
![]() | MatTElem, TInherit |
Type-specific abstract matrix
|
![]() | MatExpr |
Matrix expression
|
![]() | MatExprColIndexer | |
![]() | MatExprRowIndexer | |
![]() | MatExprRangeIndexer | |
![]() | MatExprRowColIndexer | |
![]() | MatIndexerT |
Abstract definition of Mat indexer
|
![]() | MatOfByte |
A matrix whose element is 8UC1 (cv::Mat_<uchar>)
|
![]() | MatOfByteIndexer |
Matrix indexer
|
![]() | MatOfByte3 |
A matrix whose element is 8UC3 (cv::Mat_<cv::Vec3b>)
|
![]() | MatOfByte3Indexer |
Matrix indexer
|
![]() | MatOfDMatch |
A matrix whose element is cv::DMatch (cv::Mat_<cv::Vec4f>)
|
![]() | MatOfDMatchIndexer |
Matrix indexer
|
![]() | MatOfDouble |
A matrix whose element is 64FC1 (cv::Mat_<double>)
|
![]() | MatOfDoubleIndexer |
Matrix indexer
|
![]() | MatOfDouble3 |
A matrix whose element is cv::Vec3d [CV_64FC3] (cv::Mat_<cv::Vec3d>)
|
![]() | MatOfDouble3Indexer |
Matrix indexer
|
![]() | MatOfFloat |
A matrix whose element is 32FC1 (cv::Mat_<float>)
|
![]() | MatOfFloatIndexer |
Matrix indexer
|
![]() | MatOfFloat4 |
A matrix whose element is 32FC4 (cv::Mat_<cv::Vec4f>)
|
![]() | MatOfFloat4Indexer |
Matrix indexer
|
![]() | MatOfFloat6 |
A matrix whose element is 32FC6 (cv::Mat_<cv::Vec6f>)
|
![]() | MatOfFloat6Indexer |
Matrix indexer
|
![]() | MatOfInt |
A matrix whose element is 32SC1 (cv::Mat_<int>)
|
![]() | MatOfIntIndexer |
Matrix indexer
|
![]() | MatOfInt4 |
A matrix whose element is 32SC1 (cv::Mat_<int>)
|
![]() | MatOfInt4Indexer |
Matrix indexer
|
![]() | MatOfPoint |
A matrix whose element is cv::Point [CV_32SC2] (cv::Mat_<cv::Point>)
|
![]() | MatOfPointIndexer | |
![]() | MatOfPoint2d |
A matrix whose element is cv::Point [CV_64FC2] (cv::Mat_<cv::Point2d>)
|
![]() | MatOfPoint2dIndexer |
Matrix indexer
|
![]() | MatOfPoint2f |
A matrix whose element is cv::Point [CV_32FC2] (cv::Mat_<cv::Point2f>)
|
![]() | MatOfPoint2fIndexer |
Matrix indexer
|
![]() | MatOfPoint3d |
A matrix whose element is cv::Point3d [CV_64FC3] (cv::Mat_<cv::Point3d>)
|
![]() | MatOfPoint3dIndexer | |
![]() | MatOfPoint3f |
A matrix whose element is cv::Point3f [CV_32FC3] (cv::Mat_<cv::Point3f>)
|
![]() | MatOfPoint3fIndexer | |
![]() | MatOfPoint3i |
A matrix whose element is cv::Point3i [CV_32SC3] (cv::Mat_<cv::Point3i>)
|
![]() | MatOfPoint3iIndexer | |
![]() | MatOfRect |
A matrix whose element is cv::Rect [CV_32SC4] (cv::Mat_<cv::Rect>)
|
![]() | MatOfRectIndexer | |
![]() | MatOfShort |
A matrix whose element is 16SC1 (cv::Mat_<short>)
|
![]() | MatOfShortIndexer |
Matrix indexer
|
![]() | MatOfUShort |
A matrix whose element is 16UC1 (cv::Mat_<ushort>)
|
![]() | MatOfUShortIndexer |
Matrix indexer
|
![]() | MatRowColExprIndexer | |
![]() | MatRowColIndexer | |
![]() | Moments |
Raster image moments
|
![]() | MSER |
Maximal Stable Extremal Regions class
|
![]() | NativeMethods |
P/Invoke methods of OpenCV 2.x C++ interface
|
![]() | OpenCVException |
The default exception to be thrown by OpenCV
|
![]() | OpenCvSharpException |
The exception that is thrown by OpenCvSharp.
|
![]() | ORB |
Class implementing the ORB (*oriented BRIEF*) keypoint detector and descriptor extractor
|
![]() | OutputArray |
Proxy datatype for passing Mat's and List<>'s as output parameters
|
![]() | OutputArrayOfMatList |
Proxy datatype for passing Mat's and List<>'s as output parameters
|
![]() | OutputArrayOfStructListT |
Proxy datatype for passing Mat's and List<>'s as output parameters
|
![]() | PCA |
Principal Component Analysis
|
![]() | Ptr |
Template class for smart reference-counting pointers
|
![]() | RNG |
Random Number Generator.
The class implements RNG using Multiply-with-Carry algorithm.
|
![]() | RNG_MT19937 |
Mersenne Twister random number generator
|
![]() | ShapeContextDistanceExtractor |
Implementation of the Shape Context descriptor and matching algorithm
|
![]() | ShapeDistanceExtractor |
Abstract base class for shape distance algorithms.
|
![]() | SimilarRects |
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)
|
![]() | SimpleBlobDetector |
Class for extracting blobs from an image.
|
![]() | SimpleBlobDetectorParams |
SimpleBlobDetector parameters
|
![]() | SparseMat |
Sparse matrix class.
|
![]() | SparseMatIndexerT |
Mat Indexer
|
![]() | SparseMatIndexerT |
Abstract definition of Mat indexer
|
![]() | StdString |
C++ std::string
|
![]() | StereoBM |
Semi-Global Stereo Matching
|
![]() | StereoMatcher |
The base class for stereo correspondence algorithms.
|
![]() | StereoSGBM |
Semi-Global Stereo Matching
|
![]() | Stitcher |
High level image stitcher.
It's possible to use this class without being aware of the entire stitching
pipeline. However, to be able to achieve higher stitching stability and
quality of the final images at least being familiar with the theory is recommended
|
![]() | Subdiv2D | |
![]() | SuperResolution |
Base class for Super Resolution algorithms.
|
![]() | SVD |
Singular Value Decomposition class
|
![]() | VectorOfByte | |
![]() | VectorOfCvString |
std::vector<cv::String>
|
![]() | VectorOfDMatch | |
![]() | VectorOfDouble | |
![]() | VectorOfDTreesNode | |
![]() | VectorOfFloat | |
![]() | VectorOfInt32 | |
![]() | VectorOfKeyPoint | |
![]() | VectorOfMat | |
![]() | VectorOfPoint | |
![]() | VectorOfPoint2f | |
![]() | VectorOfPoint3f | |
![]() | VectorOfRect | |
![]() | VectorOfRect2d | |
![]() | VectorOfSByte | |
![]() | VectorOfString | |
![]() | VectorOfVec2f | |
![]() | VectorOfVec3f | |
![]() | VectorOfVec4f | |
![]() | VectorOfVec4i | |
![]() | VectorOfVec6d | |
![]() | VectorOfVectorDMatch | |
![]() | VectorOfVectorDouble | |
![]() | VectorOfVectorFloat | |
![]() | VectorOfVectorInt | |
![]() | VectorOfVectorKeyPoint | |
![]() | VectorOfVectorPoint | |
![]() | VectorOfVectorPoint2f | |
![]() | VideoCapture |
Video capturing class
|
![]() | VideoWriter |
AVI Video File Writer
|
![]() | Win32Api |
Win32API Wrapper
|
![]() | Window |
Wrapper of HighGUI window
|
![]() | WindowsLibraryLoader |
Handles loading embedded dlls into memory, based on http://stackoverflow.com/questions/666799/embedding-unmanaged-dll-into-a-managed-c-sharp-dll.
|
Structure | Description | |
---|---|---|
![]() | CircleSegment |
circle structure retrieved from cvHoughCircle
|
![]() | DMatch |
Struct for matching: query descriptor index, train descriptor index, train image index and distance between descriptors.
|
![]() | KeyPoint |
Data structure for salient point detectors
|
![]() | LineSegmentPoint |
Line segment structure retrieved from cvHoughLines2
|
![]() | LineSegmentPolar |
Polar line segment retrieved from cvHoughLines2
|
![]() | MatType |
Matrix data type (depth and number of channels)
|
![]() | MomentsNativeStruct | |
![]() | Point | |
![]() | Point2d | |
![]() | Point2f | |
![]() | Point3d | |
![]() | Point3f | |
![]() | Point3i | |
![]() | Range | |
![]() | Rangef |
float Range class
|
![]() | Rect |
Stores a set of four integers that represent the location and size of a rectangle
|
![]() | Rect2d | |
![]() | Rect2f | |
![]() | RotatedRect | |
![]() | Scalar |
Template class for a 4-element vector derived from Vec.
|
![]() | SimpleBlobDetectorWParams | |
![]() | Size | |
![]() | Size2d | |
![]() | Size2f | |
![]() | TermCriteria |
The class defining termination criteria for iterative algorithms.
|
![]() | Vec2b |
2-Tuple of byte (System.Byte)
|
![]() | Vec2d |
2-Tuple of double (System.Double)
|
![]() | Vec2f |
2-Tuple of float (System.Single)
|
![]() | Vec2i |
2-Tuple of int (System.Int32)
|
![]() | Vec2s |
2-Tuple of short (System.Int16)
|
![]() | Vec2w |
2-Tuple of ushort (System.UInt16)
|
![]() | Vec3b |
3-Tuple of byte (System.Byte)
|
![]() | Vec3d |
3-Tuple of double (System.Double)
|
![]() | Vec3f |
3-Tuple of float (System.Single)
|
![]() | Vec3i |
3-Tuple of int (System.Int32)
|
![]() | Vec3s |
3-Tuple of short (System.Int16)
|
![]() | Vec3w |
3-Tuple of ushort (System.UInt16)
|
![]() | Vec4b |
4-Tuple of byte (System.Byte)
|
![]() | Vec4d |
4-Tuple of double (System.Double)
|
![]() | Vec4f |
4-Tuple of float (System.Single)
|
![]() | Vec4i |
4-Tuple of int (System.Int32)
|
![]() | Vec4s |
4-Tuple of short (System.Int16)
|
![]() | Vec4w |
4-Tuple of ushort (System.UInt16)
|
![]() | Vec6b |
6-Tuple of byte (System.Byte)
|
![]() | Vec6d |
6-Tuple of double (System.Double)
|
![]() | Vec6f |
6-Tuple of float (System.Single)
|
![]() | Vec6i |
6-Tuple of int (System.Int32)
|
![]() | Vec6s |
6-Tuple of short (System.Int16)
|
![]() | Vec6w |
4-Tuple of ushort (System.UInt16)
|
![]() | Win32ApiBITMAPINFO | |
![]() | Win32ApiBITMAPINFOHEADER | |
![]() | Win32ApiICONINFO | |
![]() | Win32ApiRGBQUAD |
Interface | Description | |
---|---|---|
![]() | ICvPtrHolder |
Represents a OpenCV-based class which has a native pointer.
|
![]() | IStdVectorT |
Represents std::vector
|
![]() | IVecT |
Enumeration | Description | |
---|---|---|
![]() | AdaptiveThresholdTypes |
Adaptive thresholding algorithms
|
![]() | AGASTType |
AGAST type one of the four neighborhoods as defined in the paper
|
![]() | AKAZEDescriptorType |
cv::AKAZE descriptor type
|
![]() | AlgorithmParamType |
cv::Algorithm parameter type
|
![]() | BorderTypes |
Type of the border to create around the copied source image rectangle
|
![]() | ButtonTypes |
Button type flags (cv::createButton)
|
![]() | CalibrationFlags |
Different flags for cvCalibrateCamera2 and cvStereoCalibrate
|
![]() | CameraChannels |
channel indices for multi-head camera live streams
|
![]() | CaptureDevice |
Camera device types
|
![]() | CapturePosAviRatio |
Position in relative units
|
![]() | CaptureProperty |
Property identifiers for CvCapture
|
![]() | CaptureType |
Capture type of CvCapture (Camera or AVI file)
|
![]() | ChessboardFlags |
Various operation flags for cvFindChessboardCorners
|
![]() | CmpTypes |
The flag specifying the relation between the elements to be checked
|
![]() | ColorConversionCodes |
Color conversion operation for cv::cvtColor
|
![]() | ColormapTypes |
GNU Octave/MATLAB equivalent colormaps
|
![]() | ConnectedComponentsTypes |
components algorithm output formats
|
![]() | ContourApproximationModes |
Approximation method (for all the modes, except CV_RETR_RUNS, which uses built-in approximation).
|
![]() | ConvertImageModes | |
![]() | CovarFlags |
Operation flags for Covariation
|
![]() | CpuFeatures | |
![]() | CriteriaType |
Type of termination criteria
|
![]() | DctFlags |
Transformation flags for cv::dct
|
![]() | DecompTypes |
Inversion methods
|
![]() | DftFlags |
Transformation flags for cvDFT
|
![]() | DistanceMaskSize |
Mask size for distance transform
|
![]() | DistanceTransformLabelTypes |
distanceTransform algorithm flags
|
![]() | DistanceTypes |
Type of distance for cvDistTransform
|
![]() | DistributionType |
Distribution type for cvRandArr, etc.
|
![]() | DrawMatchesFlags | |
![]() | DumpFormat |
Output string format of Mat.Dump()
|
![]() | EdgePreservingMethods |
Edge preserving filters
|
![]() | EMStartStep |
The initial step the algorithm starts from
|
![]() | EMTypes |
Type of covariation matrices
|
![]() | ErrorCode |
Error status codes
|
![]() | FASTType |
AGAST type one of the four neighborhoods as defined in the paper
|
![]() | FileNodeTypes |
type of the file storage node
|
![]() | FileStorageMode |
File storage mode
|
![]() | FileStorageStates | |
![]() | FindCirclesGridFlags |
Method for solving a PnP problem:
|
![]() | FlipMode |
Specifies how to flip the array
|
![]() | FloodFillFlags |
floodFill Operation flags. Lower bits contain a connectivity value, 4 (default) or 8, used within the function. Connectivity determines which neighbors of a pixel are considered. Upper bits can be 0 or a combination of the following flags:
|
![]() | FourCC |
4-character code of codec used to compress the frames.
|
![]() | FundamentalMatMethod |
Method for computing the fundamental matrix
|
![]() | GemmFlags |
The operation flags for cv::GEMM
|
![]() | GrabCutClasses |
class of the pixel in GrabCut algorithm
|
![]() | GrabCutModes |
GrabCut algorithm flags
|
![]() | HaarDetectionType |
Modes of operation for cvHaarDetectObjects
|
![]() | HersheyFonts |
Font name identifier.
Only a subset of Hershey fonts (http://sources.isc.org/utils/misc/hershey-font.txt) are supported now.
|
![]() | HistCompMethods |
Comparison methods for cvCompareHist
|
![]() | HistogramNormType | |
![]() | HomographyMethods |
The method used to computed homography matrix
|
![]() | HoughMethods |
Variants of a Hough transform
|
![]() | ImreadModes |
Specifies colorness and Depth of the loaded image
|
![]() | ImwriteFlags |
The format type IDs for cv::imwrite and cv::inencode
|
![]() | InOutArrayKind | |
![]() | InpaintMethod |
The inpainting method
|
![]() | InterpolationFlags |
Interpolation algorithm
|
![]() | KAZEDiffusivity |
cv::KAZE diffusivity type
|
![]() | KMeansFlags |
Miscellaneous flags for cv::kmeans
|
![]() | LineSegmentDetectorModes |
Variants of Line Segment %Detector
|
![]() | LineTypes |
Type of the line
|
![]() | MarkerStyle |
Marker styles for Mat.DrawMarker
|
![]() | MatDiagType |
diagonal type
|
![]() | MorphShapes |
Shape of the structuring element
|
![]() | MorphTypes |
Type of morphological operation
|
![]() | MouseEvent |
Mouse events
|
![]() | NormTypes |
Type of norm
|
![]() | OpticalFlowFlags |
cv::calcOpticalFlowPyrLK flags
|
![]() | ORBScore |
cv::ORB score flags
|
![]() | PCAFlags |
Flags for PCA operations
|
![]() | PixelConnectivity |
PixelConnectivity for LineIterator
|
![]() | ProjectionType |
cv::initWideAngleProjMap flags
|
![]() | RectanglesIntersectTypes |
types of intersection between rectangles
|
![]() | ReduceDimension |
The dimension index along which the matrix is reduce.
|
![]() | ReduceTypes |
The reduction operations for cvReduce
|
![]() | RetrievalModes |
mode of the contour retrieval algorithm
|
![]() | SeamlessCloneMethods |
SeamlessClone method
|
![]() | ShapeMatchModes |
Comparison methods for cv::matchShapes
|
![]() | SolveLPResult |
return codes for cv::solveLP() function
|
![]() | SolvePnPFlags |
Method for solving a PnP problem:
|
![]() | SortFlags |
Signals an error and raises the exception.
|
![]() | StereoRectificationFlags |
The operation flags for cvStereoRectify
|
![]() | StereoSGBMMode | |
![]() | StitcherStatus |
Status code
|
![]() | SVDFlags |
Operation flags for SVD
|
![]() | TemplateMatchModes |
Specifies the way the template must be compared with image regions
|
![]() | ThresholdTypes |
Thresholding type
|
![]() | Win32ApiColorTableType | |
![]() | WindowMode |
Flags for the window
|
![]() | WindowProperty |
Property identifiers for cvGetWindowProperty/cvSetWindowProperty
|