Namespace Emgu.CV
Classes
- Affine3d
The Affine3 matrix, double precision.
- AlgorithmExtensions
Extension methods to the IAlgorithm interface
- 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.
- Backend
The backend for video
- BackgroundSubtractorExtension
A static class that provide extension methods to backgroundSubtractor
- BackgroundSubtractorKNN
K-nearest neighbors - based Background/Foreground Segmentation Algorithm.
- BackgroundSubtractorMOG2
The class implements the following algorithm: "Improved adaptive Gaussian mixture model for background subtraction" Z.Zivkovic International Conference Pattern Recognition, UK, August, 2004. http://www.zoranz.net/Publications/zivkovic2004ICPR.pdf
- BarcodeDetector
Barcode detector
- 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.
- CascadeClassifier
The Cascade Classifier
- ColorInfoAttribute
Attribute used to specify color information
- ConvolutionKernelF
A convolution kernel
- CvArray<TDepth>
Wrapped CvArr
- CvInvoke
Class that provide access to native OpenCV functions
- CvString
Wrapper for cv::String. This class support UTF-8 chars.
- DISOpticalFlow
DIS optical flow algorithm. This class implements the Dense Inverse Search(DIS) optical flow algorithm.Includes three presets with preselected parameters to provide reasonable trade-off between speed and quality.However, even the slowest preset is still relatively fast, use DeepFlow if you need better quality and don't care about speed. More details about the algorithm can be found at: Till Kroeger, Radu Timofte, Dengxin Dai, and Luc Van Gool. Fast optical flow using dense inverse search. In Proceedings of the European Conference on Computer Vision (ECCV), 2016.
- DenseHistogram
A Uniform Multi-dimensional Dense Histogram
- DenseOpticalFlowExtensions
Extension methods for IDenseOpticalFlow
- DenseRLOFOpticalFlow
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-to-dense interpolation scheme.
- DirectX
DirectX interoperability
- DualTVL1OpticalFlow
Dual TV L1 Optical Flow Algorithm.
- FaceDetectorYN
DNN-based face detector
- FaceRecognizerSF
DNN-based face recognizer
- FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
- FileNode
File Storage Node class. The node is used to store each and every element of the file storage opened for reading. When XML/YAML file is read, it is first parsed and stored in the memory as a hierarchical collection of nodes. Each node can be a "leaf" that is contain a single number or a string, or be a collection of other nodes. There can be named collections (mappings) where each element has a name and it is accessed by a name, and ordered collections (sequences) where elements do not have names but rather accessed by index. Type of the file node can be determined using FileNode::type method. Note that file nodes are only used for navigating file storages opened for reading. When a file storage is opened for writing, no data is stored in memory after it is written.
- FileNodeIterator
Used to iterate through sequences and mappings.
- FileStorage
XML/YAML file storage class that encapsulates all the information necessary for writing or reading data to/from a file.
- Fisheye
Fisheye Camera model
- GComputation
The equivalent of cv::GComputation
- GMat
The equivalent of cv::GMat
- GScalar
The equivalent of cv::GScalar
- GapiInvoke
Class that provide access to native GAPI functions from OpenCV
- GraphicalCode
The detected barcode
- HOGDescriptor
A HOG descriptor
- IInputArrayExtensions
Extension methods for IInputArrays
- Image<TColor, TDepth>
An Image is a wrapper to IplImage of OpenCV.
- InputArray
This is the proxy class for passing read-only input arrays into OpenCV functions.
- InputOutputArray
This type is very similar to InputArray except that it is used for input/output function parameters.
- IntelligentScissorsMB
This class is used to find the path (contour) between two points which can be used for image segmentation.
- KalmanFilter
The class implements a standard Kalman filter. However, you can modify transitionMatrix, controlMatrix, and measurementMatrix to get an extended Kalman filter functionality.
- LineIterator
The class is used to iterate over all the pixels on the raster line segment connecting two specified points.
- Map<TColor, TDepth>
A Map is similar to an Image, except that the location of the pixels is defined by its area and resolution
- Mat
The equivalent of cv::Mat
- MatND<TDepth>
A MatND is a wrapper to cvMatND of OpenCV.
- Matrix<TDepth>
A Matrix is a wrapper to cvMat of OpenCV.
- 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. The resulting image weight is constructed as weighted average of contrast, saturation and well-exposedness measures. The resulting image doesn't require tonemapping and can be converted to 8-bit image by multiplying by 255, but it's recommended to apply gamma correction and/or linear tonemapping.
- MergeRobertson
The resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response
- Moments
The equivalent of cv::Moments
- MotionHistory
The motion history class
- NativeMatFileIO
Native implementation to read files into Mat or Images.
- ObjdetectInvoke
This class contains functions to call into object detect module
- OptFlowDeepFlow
DeepFlow optical flow algorithm implementation.
- OpticalFlowPCAFlow
PCAFlow algorithm.
- OutputArray
This type is very similar to InputArray except that it is used for output function parameters.
- PointCollection
A collection of points
- QRCodeDetector
A QR code detector
- QRCodeDetectorAruco
A QR code detector
- RLOFOpticalFlowParameter
This is used store and set up the parameters of the robust local optical flow (RLOF) algorithm.
- RNG
Random Number Generator.
- RotationMatrix2D
A (2x3) 2D rotation matrix. This Matrix defines an Affine Transform
- RotationVector3D
A (3x1) Rodrigues rotation vector. Rotation vector is a compact representation of rotation matrix. Direction of the rotation vector is the rotation axis and the length of the vector is the rotation angle around the axis.
- ScalarArray
An implementation of IInputArray intented to convert data to IInputArray
- SparseMatrix<TDepth>
Create a sparse matrix
- SparseOpticalFlowExtensions
Extension methods for ISparseOpticalFlow
- SparsePyrLKOpticalFlow
The class can calculate an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- SparseRLOFOpticalFlow
Class used for calculation sparse optical flow and feature tracking with robust local optical flow (RLOF) algorithms.
- StereoBM
Class for computing stereo correspondence using the block matching algorithm, introduced and contributed to OpenCV by K. Konolige.
- StereoSGBM
This is a variation of "Stereo Processing by Semiglobal Matching and Mutual Information" by Heiko Hirschmuller. We match blocks rather than individual pixels, thus the algorithm is called SGBM (Semi-global block matching)
- Subdiv2D
Planar Subdivision, can be use to compute Delaunnay's triangulation or Voroni diagram.
- TimedImage<TColor, TDepth>
The Image which contains time stamp which specified what time this image is created
- 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. Since it's a global operator the same function is applied to all the pixels, it is controlled by the bias parameter.
- 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. Mapping function is controlled by adaptation parameter, that is computed using light adaptation and color adaptation.
- Tracker
Long-term tracker
- TrackerCSRT
Discriminative Correlation Filter Tracker with Channel and Spatial Reliability
- TrackerDaSiamRPN
TrackerDaSiamRPN
- TrackerGOTURN
GOTURN is kind of trackers based on Convolutional Neural Networks (CNN). While taking all advantages of CNN trackers, GOTURN is much faster due to offline training without online fine-tuning nature. GOTURN tracker addresses the problem of single target tracking: given a bounding box label of an object in the first frame of the video, we track that object through the rest of the video. NOTE: Current method of GOTURN does not handle occlusions; however, it is fairly robust to viewpoint changes, lighting changes, and deformations. Inputs of GOTURN are two RGB patches representing Target and Search patches resized to 227x227. Outputs of GOTURN are predicted bounding box coordinates, relative to Search patch coordinate system, in format X1,Y1,X2,Y2.
- TrackerKCF
KCF is a novel tracking framework that utilizes properties of circulant matrix to enhance the processing speed. The original paper of KCF is available at http://home.isr.uc.pt/~henriques/circulant/index.html as well as the matlab implementation.
- TrackerMIL
The MIL algorithm trains a classifier in an online manner to separate the object from the background. Multiple Instance Learning avoids the drift problem for a robust tracking. Original code can be found here http://vision.ucsd.edu/~bbabenko/project_miltrack.shtml
- TrackerNano
The Nano tracker is a super lightweight dnn-based general object tracking. Nano tracker is much faster and extremely lightweight due to special model structure, the whole model size is about 1.9 MB. Nano tracker needs two models: one for feature extraction (backbone) and the another for localization (neckhead).
- TrackingInvoke
Class that contains entry points for the Contrib module.
- UMat
The equivalent of cv::Mat, should only be used if you know what you are doing. In most case you should use the Matrix class instead
- VariationalRefinement
This class implements variational refinement of the input flow field.
- VideoCapture
Capture images from either camera or video file.
- VideoWriter
Create a video writer that write images to video format
- Viz3d
Represents a 3D visualizer window.
- VoronoiFacet
A Voronoi Facet
- WArrow
This 3D Widget defines an arrow.
- WCircle
This 3D Widget defines a circle.
- WCloud
This 3D Widget defines a point cloud.
- WCone
This 3D Widget defines a cone.
- WCoordinateSystem
This 3D Widget represents a coordinate system.
- WCube
This 3D Widget defines a cube.
- WCylinder
This 3D Widget defines a cylinder.
- WText
This 2D Widget represents text overlay.
- WeChatQRCode
WeChat QRCode includes two CNN-based models: A object detection model and a super resolution model. Object detection model is applied to detect QRCode with the bounding box. super resolution model is applied to zoom in QRCode when it is small.
- WeChatQRCode.QRCode
The detected QR code
Structs
- Quaternions
A unit quaternions that defines rotation in 3D
Interfaces
- IAlgorithm
Interface to the algorithm class
- IBackgroundSubtractor
Interface to the BackgroundSubtractor class
- IColor
A color type
- IConvexPolygon
An interface for the convex polygon
- IConvexPolygonF
An interface for the convex polygon
- IDenseOpticalFlow
Dense Optical flow
- IFileReaderMat
The inteface for reading a file into a Mat
- IFileWriterMat
The inteface for writing a Mat into a file.
- IGraphicalCodeDetector
Interface for the graphical code detector
- IInputArray
This is the proxy class for passing read-only input arrays into OpenCV functions.
- IInputArrayOfArrays
InputArrayOfArrays
- IInputOutputArray
This type is very similar to InputArray except that it is used for input/output function parameters.
- IOutputArray
This type is very similar to InputArray except that it is used for output function parameters.
- IOutputArrayOfArrays
OutputArrayOfArrays
- ISparseOpticalFlow
Sparse Optical flow
- IStereoMatcher
The stereo matcher interface
- IWidget
Interface for all widgets
- IWidget2D
Interface for all widget2D
- IWidget3D
Interface for all widget3D
Enums
- DISOpticalFlow.Preset
Preset
- DenseRLOFOpticalFlow.InterpolationType
Interpolation type used to compute the dense optical flow.
- FaceRecognizerSF.DisType
Definition of distance used for calculating the distance between two face features
- FileNode.Type
Type of the file storage node
- FileStorage.Mode
File storage mode
- Fisheye.CalibrationFlag
Fisheye calibration flag.
- InputArray.Type
Input array type
- RLOFOpticalFlowParameter.SolverType
The solver type
- RLOFOpticalFlowParameter.SupportRegionType
The support region type
- RNG.DistType
Distribution type
- StereoSGBM.Mode
The SGBM mode
- TrackerKCF.Mode
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes available now:
- "GRAY" -- Use grayscale values as the feature
- "CN" -- Color-names feature
- UMat.Usage
Allocation usage.
- VideoCapture.API
VideoCapture API backends identifier.
- VideoCapture.CaptureModuleType
The type of capture source
- VideoWriter.WriterProperty
The VideoWriter property
Delegates
- CvInvoke.CvErrorCallback
Define an error callback that can be registered using RedirectError function