Mat Class OpenCvSharp Class Library
OpenCV C++ n-dimensional dense array class (cv::Mat)
Inheritance Hierarchy

SystemObject
  OpenCvSharpDisposableObject
    OpenCvSharpDisposableCvObject
      OpenCvSharp.CPlusPlusMat
        OpenCvSharp.CPlusPlusMatTElem, TInherit

Namespace:  OpenCvSharp.CPlusPlus
Assembly:  OpenCvSharp.CPlusPlus (in OpenCvSharp.CPlusPlus.dll) Version: 1.0.0.0 (1.0.0.0)
Syntax

public class Mat : DisposableCvObject, ICloneable

The Mat type exposes the following members.

Constructors

  NameDescription
Public methodMat
Creates empty Mat
Public methodMat(IntPtr)
Creates from native cv::Mat* pointer
Public methodMat(IEnumerableInt32, MatType)
constructs n-dimensional matrix
Public methodMat(String, LoadMode)
Loads an image from a file. (cv::imread)
Public methodMat(CvMat, Boolean)
converts old-style CvMat to the new matrix; the data is not copied by default
Public methodMat(IplImage, Boolean)
converts old-style IplImage to the new matrix; the data is not copied by default
Public methodMat(Mat, Range)
creates a matrix header for a part of the bigger matrix
Public methodMat(Mat, Rect)
creates a matrix header for a part of the bigger matrix
Public methodMat(Size, MatType)
constructs 2D matrix of the specified size and type
Public methodMat(IEnumerableInt32, MatType, Scalar)
constructs n-dimensional matrix
Public methodMat(Int32, Int32, MatType)
constructs 2D matrix of the specified size and type
Public methodMat(Mat, Range, NullableRange)
creates a matrix header for a part of the bigger matrix
Public methodMat(Size, MatType, Scalar)
constucts 2D matrix and fills it with the specified Scalar value.
Public methodMat(IEnumerableInt32, MatType, Array, IEnumerableInt64)
constructor for matrix headers pointing to user-allocated data
Public methodMat(IEnumerableInt32, MatType, IntPtr, IEnumerableInt64)
constructor for matrix headers pointing to user-allocated data
Public methodMat(Int32, Int32, MatType, Scalar)
constucts 2D matrix and fills it with the specified Scalar value.
Public methodMat(Int32, Int32, MatType, Array, Int64)
constructor for matrix headers pointing to user-allocated data
Public methodMat(Int32, Int32, MatType, IntPtr, Int64)
constructor for matrix headers pointing to user-allocated data
Top
Properties

  NameDescription
Protected propertyAllocatedMemory
Gets or sets a memory address allocated by AllocMemory.
(Inherited from DisposableObject.)
Protected propertyAllocatedMemorySize
Gets or sets the byte length of the allocated memory
(Inherited from DisposableObject.)
Public propertyCol
Indexer to access Mat column as Mat
Public propertyColExpr
Indexer to access Mat column as MatExpr
Public propertyCols
the number of columns or -1 when the array has more than 2 dimensions
Public propertyCvPtr
Native pointer of OpenCV structure
(Inherited from DisposableCvObject.)
Public propertyData
pointer to the data
Public propertyDataEnd
The pointer that is possible to compute a relative sub-array position in the main container array using locateROI()
Public propertyDataLimit
The pointer that is possible to compute a relative sub-array position in the main container array using locateROI()
Public propertyDataPointer
unsafe pointer to the data
Public propertyDataStart
The pointer that is possible to compute a relative sub-array position in the main container array using locateROI()
Public propertyExpr
Indexer to access partial Mat as MatExpr
Public propertyHeight
the number of rows or -1 when the array has more than 2 dimensions
Public propertyIsDisposed
Gets a value indicating whether this instance has been disposed.
(Inherited from DisposableObject.)
Public propertyIsEnabledDispose
Gets or sets a value indicating whether you permit disposing this instance.
(Inherited from DisposableObject.)
Public propertyItemRange
Extracts a rectangular submatrix.
Public propertyItemRect
Extracts a rectangular submatrix.
Public propertyItemRange, Range
Extracts a rectangular submatrix.
Public propertyItemInt32, Int32, Int32, Int32
Extracts a rectangular submatrix.
Public propertyRefcount
pointer to the reference counter; when matrix points to user-allocated data, the pointer is NULL
Public propertyRow
Indexer to access Mat row as Mat
Public propertyRowExpr
Indexer to access Mat row as MatExpr
Public propertyRows
the number of rows or -1 when the array has more than 2 dimensions
Public propertyWidth
the number of columns or -1 when the array has more than 2 dimensions
Top
Methods

  NameDescription
Public methodAbs
Computes absolute value of each matrix element
Public methodAccumulate
Adds an image to the accumulator.
Public methodAccumulateSquare
Adds the square of a source image to the accumulator.
Public methodAdaptiveBilateralFilter
Applies the adaptive bilateral filter to an image.
Public methodAdaptiveThreshold
Applies an adaptive threshold to an array. Source matrix must be 8-bit single-channel image.
Public methodAdd
Adds elements to the bottom of the matrix. (Mat.push_back)
Public methodAdjustROI
Adjusts a submatrix size and position within the parent matrix.
Public methodAlignment
Protected methodAllocGCHandle
Pins the object to be allocated by cvSetData.
(Inherited from DisposableObject.)
Protected methodAllocMemory
Allocates the specified size of memory.
(Inherited from DisposableObject.)
Public methodApproxPolyDP
Approximates contour or a curve using Douglas-Peucker algorithm. The input is the polygon or curve to approximate and it must be 1 x N or N x 1 matrix of type CV_32SC2 or CV_32FC2.
Public methodArcLength
Calculates a contour perimeter or a curve length. The input is 2D point set, represented by CV_32SC2 or CV_32FC2 matrix.
Public methodAssignTo(Mat)
Provides a functional form of convertTo.
Public methodAssignTo(Mat, MatType)
Provides a functional form of convertTo.
Public methodAtT(Int32)
Returns a value to the specified array element.
Public methodAtT(Int32)
Returns a value to the specified array element.
Public methodAtT(Int32, Int32)
Returns a value to the specified array element.
Public methodAtT(Int32, Int32, Int32)
Returns a value to the specified array element.
Public methodBilateralFilter
Applies bilateral filter to the image The source image must be a 8-bit or floating-point, 1-channel or 3-channel image.
Public methodBlur
Smoothes image using normalized box filter
Public methodBoundingRect
Calculates the up-right bounding rectangle of a point set. The input is 2D point set, represented by CV_32SC2 or CV_32FC2 matrix.
Public methodBoxFilter
Smoothes image using box filter
Public methodCanny
Finds edges in an image using Canny algorithm.
Public methodCastTMat
Creates type-specific Mat instance from this.
Public methodChannels
Returns the number of matrix channels.
Public methodCheckRange(Boolean)
checks that each matrix element is within the specified range.
Public methodCheckRange(Boolean, Point, Double, Double)
checks that each matrix element is within the specified range.
Public methodCheckVector(Int32)
Public methodCheckVector(Int32, Int32)
Public methodCheckVector(Int32, Int32, Boolean)
Public methodCircle(Point, Int32, Scalar, Int32, LineType, Int32)
Draws a circle
Public methodCircle(Int32, Int32, Int32, Scalar, Int32, LineType, Int32)
Draws a circle
Public methodClone
Creates a full copy of the matrix.
Public methodClone(Rect)
Returns the partial Mat of the specified Mat
Public methodColRange(Range)
Public methodColRange(Int32, Int32)
Public methodCompleteSymm
extends the symmetrical matrix from the lower half or from the upper half
Public methodContourArea
Calculates the contour area. The input is 2D point set, represented by CV_32SC2 or CV_32FC2 matrix.
Public methodConvertScaleAbs
Scales, computes absolute values and converts the result to 8-bit.
Public methodConvertTo
Converts an array to another data type with optional scaling.
Public methodConvexHull
Computes convex hull for a set of 2D points.
Public methodConvexHullFloatPoints
Computes convex hull for a set of 2D points.
Public methodConvexHullIndices
Computes convex hull for a set of 2D points.
Public methodConvexHullPoints
Computes convex hull for a set of 2D points.
Public methodConvexityDefects
Computes the contour convexity defects
Public methodConvexityDefectsAsVec
Computes the contour convexity defects
Public methodCopyMakeBorder
Forms a border around the image
Public methodCopyTo(Mat)
Copies the matrix to another one.
Public methodCopyTo(Mat, Mat)
Copies the matrix to another one.
Public methodCornerEigenValsAndVecs
computes both eigenvalues and the eigenvectors of 2x2 derivative covariation matrix at each pixel. The output is stored as 6-channel matrix.
Public methodCornerSubPix
adjusts the corner locations with sub-pixel accuracy to maximize the certain cornerness criteria
Public methodCountNonZero
computes the number of nonzero array elements
Public methodCreate(MatType, Int32)
Allocates new array data if needed.
Public methodCreate(Size, MatType)
Allocates new array data if needed.
Public methodCreate(Int32, Int32, MatType)
Allocates new array data if needed.
Public methodCreateHanningWindow
Computes a Hanning window coefficients in two dimensions.
Public methodCross
Computes a cross-product of two 3-element vectors.
Public methodCvtColor
Converts image from one color space to another
Public methodDct
performs forward or inverse 1D or 2D Discrete Cosine Transformation
Public methodDepth
Returns the depth of a matrix element.
Public methodDeterminant
computes determinant of a square matrix. The input matrix must have CV_32FC1 or CV_64FC1 type and square size.
Public methodDft
Performs a forward Discrete Fourier transform of 1D or 2D floating-point array.
Public methodStatic memberDiag(Mat)
Extracts a diagonal from a matrix, or creates a diagonal matrix.
Public methodDiag(MatDiagType)
Single-column matrix that forms a diagonal matrix or index of the diagonal, with the following values:
Public methodDilate
Dilates an image by using a specific structuring element.
Public methodDims
the array dimensionality, >= 2
Public methodDispose
Releases the resources
(Inherited from DisposableObject.)
Protected methodDispose(Boolean)
Releases the resources
(Overrides DisposableCvObjectDispose(Boolean).)
Public methodDistanceTransform
computes the distance transform map
Public methodDot
Computes a dot-product of two vectors.
Public methodDrawContours(IEnumerableIEnumerablePoint, Int32, Scalar, Int32, LineType, IEnumerableHierarchyIndex, Int32, NullablePoint)
Draws contours in the image
Public methodDrawContours(InputOutputArray, IEnumerableMat, Int32, Scalar, Int32, LineType, Mat, Int32, NullablePoint)
Draws contours in the image
Public methodDump
Returns a string that represents each element value of Mat. This method corresponds to std::ostream << Mat
Public methodElemSize
Returns the matrix element size in bytes.
Public methodElemSize1
Returns the size of each matrix element channel in bytes.
Public methodEllipse(RotatedRect, Scalar, Int32, LineType)
Draws simple or thick elliptic arc or fills ellipse sector
Public methodEllipse(Point, Size, Double, Double, Double, Scalar, Int32, LineType, Int32)
Draws simple or thick elliptic arc or fills ellipse sector
Public methodEmpty
Returns true if the array has no elements.
Public methodEmptyClone
Makes a Mat that have the same size, depth and channels as this image
Public methodEqualizeHist
Normalizes the grayscale image brightness and contrast by normalizing its histogram. The source matrix is 8-bit single channel image.
Public methodEquals(Object) (Inherited from Object.)
Public methodEquals(Double)
operator ==
Public methodEquals(Mat)
operator ==
Public methodErode
Erodes an image by using a specific structuring element.
Public methodExp
computes exponent of each matrix element (dst = e**src)
Public methodExtractChannel
extracts a single channel from src (coi is 0-based index)
Public methodStatic memberEye(Size, MatType)
Returns an identity matrix of the specified size and type.
Public methodStatic memberEye(Int32, Int32, MatType)
Returns an identity matrix of the specified size and type.
Public methodFillConvexPoly
Fills a convex polygon.
Public methodFillPoly
Fills the area bounded by one or more polygons
Public methodFilter2D
Convolves an image with the kernel
Protected methodFinalize
Destructor
(Inherited from DisposableObject.)
Public methodFindContours(Mat, OutputArray, ContourRetrieval, ContourChain, NullablePoint)
Finds contours in a binary image. The source is an 8-bit single-channel image. Non-zero pixels are treated as 1’s. Zero pixels remain 0’s, so the image is treated as binary. The function modifies this image while extracting the contours.
Public methodFindContours(Point, HierarchyIndex, ContourRetrieval, ContourChain, NullablePoint)
Finds contours in a binary image. The source is an 8-bit single-channel image. Non-zero pixels are treated as 1’s. Zero pixels remain 0’s, so the image is treated as binary. The function modifies this image while extracting the contours.
Public methodFindContoursAsArray
Finds contours in a binary image. The source is an 8-bit single-channel image. Non-zero pixels are treated as 1’s. Zero pixels remain 0’s, so the image is treated as binary. The function modifies this image while extracting the contours.
Public methodFindContoursAsMat
Finds contours in a binary image. The source is an 8-bit single-channel image. Non-zero pixels are treated as 1’s. Zero pixels remain 0’s, so the image is treated as binary. The function modifies this image while extracting the contours.
Public methodFindNonZero
returns the list of locations of non-zero pixels
Public methodFitEllipse
Fits ellipse to the set of 2D points.
Public methodFitLine2D
Fits line to the set of 2D points using M-estimator algorithm. The input is vector of 2D points.
Public methodFitLine3D
Fits line to the set of 3D points using M-estimator algorithm. The input is vector of 3D points.
Public methodFlip
reverses the order of the rows, columns or both in a matrix
Public methodFloodFill(Point, Scalar)
Fills a connected component with the given color. Input/output 1- or 3-channel, 8-bit, or floating-point image. It is modified by the function unless the FLOODFILL_MASK_ONLY flag is set in the second variant of the function. See the details below.
Public methodFloodFill(InputOutputArray, Point, Scalar)
Fills a connected component with the given color. Input/output 1- or 3-channel, 8-bit, or floating-point image. It is modified by the function unless the FLOODFILL_MASK_ONLY flag is set in the second variant of the function. See the details below.
Public methodFloodFill(Point, Scalar, Rect, NullableScalar, NullableScalar, FloodFillFlag)
Fills a connected component with the given color. Input/output 1- or 3-channel, 8-bit, or floating-point image. It is modified by the function unless the FLOODFILL_MASK_ONLY flag is set in the second variant of the function. See the details below.
Public methodFloodFill(InputOutputArray, Point, Scalar, Rect, NullableScalar, NullableScalar, FloodFillFlag)
Fills a connected component with the given color. Input/output 1- or 3-channel, 8-bit, or floating-point image. It is modified by the function unless the FLOODFILL_MASK_ONLY flag is set in the second variant of the function. See the details below.
Public methodStatic memberFromImageData
Creates the Mat instance from image data (using cv::imdecode)
Public methodStatic memberFromStream
Creates the Mat instance from System.IO.Stream
Public methodGaussianBlur
Blurs an image using a Gaussian filter. The input image can have any number of channels, which are processed independently, but the depth should be CV_8U, CV_16U, CV_16S, CV_32F or CV_64F.
Public methodGetT(Int32)
Returns a value to the specified array element.
Public methodGetT(Int32)
Returns a value to the specified array element.
Public methodGetT(Int32, Int32)
Returns a value to the specified array element.
Public methodGetT(Int32, Int32, Int32)
Returns a value to the specified array element.
Public methodGetArray(Int32, Int32)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, DMatch)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, DMatch)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point2d)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point2d)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point2f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point2f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point3d)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point3d)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point3f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point3f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point3i)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Point3i)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Rect)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Rect)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec3b)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec3b)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec3d)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec3d)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec4f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec4f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec4i)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec4i)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec6f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Vec6f)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Byte)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Byte)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Double)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Double)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Int16)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Int16)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Int32)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Int32)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Single)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, Single)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, UInt16)
Get the data of this matrix as array
Public methodGetArray(Int32, Int32, UInt16)
Get the data of this matrix as array
Public methodGetDefaultNewCameraMatrix
returns the default new camera matrix (by default it is the same as cameraMatrix unless centerPricipalPoint=true)
Public methodGetGenericIndexerT
Gets a type-specific indexer. The indexer has getters/setters to access each matrix element.
Public methodGetHashCode (Inherited from Object.)
Public methodGetRectSubPix
Retrieves a pixel rectangle from an image with sub-pixel accuracy.
Public methodGetType (Inherited from Object.)
Public methodGoodFeaturesToTrack
Finds the strong enough corners where the cornerMinEigenVal() or cornerHarris() report the local maxima. Input matrix must be 8-bit or floating-point 32-bit, single-channel image.
Public methodGrabCut
Segments the image using GrabCut algorithm. The input is 8-bit 3-channel image.
Public methodGreaterThan(Double)
operator >
Public methodGreaterThan(Mat)
operator >
Public methodGreaterThanOrEqual(Double)
operator >=
Public methodGreaterThanOrEqual(Mat)
operator >=
Public methodHoughCircles
Finds circles in a grayscale image using a Hough transform. The input matrix must be 8-bit, single-channel and grayscale.
Public methodHoughLines
Finds lines in a binary image using standard Hough transform. The input matrix must be 8-bit, single-channel, binary source image. This image may be modified by the function.
Public methodHoughLinesP
Finds lines segments in a binary image using probabilistic Hough transform.
Public methodIdct
performs inverse 1D or 2D Discrete Cosine Transformation
Public methodIdft
Performs an inverse Discrete Fourier transform of 1D or 2D floating-point array.
Public methodStatic memberImDecode
Creates the Mat instance from image data (using cv::imdecode)
Public methodImEncode(String, ImageEncodingParam)
Encodes an image into a memory buffer.
Public methodImEncode(String, Int32)
Encodes an image into a memory buffer.
Public methodImWrite(String, ImageEncodingParam)
Saves an image to a specified file.
Public methodImWrite(String, Int32)
Saves an image to a specified file.
Public methodInRange(InputArray, InputArray)
set mask elements for those array elements which are within the element-specific bounding box (dst = lowerb <= src && src < upperb)
Public methodInRange(Scalar, Scalar)
set mask elements for those array elements which are within the element-specific bounding box (dst = lowerb <= src && src < upperb)
Public methodInsertChannel
inserts a single channel to dst (coi is 0-based index)
Public methodInv
Inverses a matrix.
Public methodInvertAffineTransform
Inverts an affine transformation.
Public methodIsContinuous
Reports whether the matrix is continuous or not.
Public methodIsContourConvex
Returns true if the contour is convex. Does not support contours with self-intersection
Public methodIsSubmatrix
Returns whether this matrix is a part of other matrix or not.
Public methodLaplacian
Calculates the Laplacian of an image
Public methodLessThan(Double)
operator <
Public methodLessThan(Mat)
operator <
Public methodLessThanOrEqual(Double)
operator <=
Public methodLessThanOrEqual(Mat)
operator <=
Public methodLine(Point, Point, Scalar, Int32, LineType, Int32)
Draws a line segment connecting two points
Public methodLine(Int32, Int32, Int32, Int32, CvScalar, Int32, LineType, Int32)
Draws a line segment connecting two points
Public methodLocateROI
Locates the matrix header within a parent matrix.
Public methodLog
computes natural logarithm of absolute value of each matrix element: dst = log(abs(src))
Public methodLUT(Byte, Int32)
transforms array of numbers using a lookup table: dst(i)=lut(src(i))
Public methodLUT(InputArray, Int32)
transforms array of numbers using a lookup table: dst(i)=lut(src(i))
Public methodMatchTemplate
Computes the proximity map for the raster template and the image where the template is searched for The input is Image where the search is running; should be 8-bit or 32-bit floating-point.
Public methodMean
computes mean value of selected array elements
Public methodMeanStdDev
computes mean value and standard deviation of all or selected array elements
Public methodMedianBlur
Smoothes image using median filter. The source image must have 1-, 3- or 4-channel and its depth should be CV_8U , CV_16U or CV_32F.
Protected methodMemberwiseClone (Inherited from Object.)
Public methodMinAreaRect
Finds the minimum area rotated rectangle enclosing a 2D point set. The input is 2D point set, represented by CV_32SC2 or CV_32FC2 matrix.
Public methodMinEnclosingCircle
Finds the minimum area circle enclosing a 2D point set. The input is 2D point set, represented by CV_32SC2 or CV_32FC2 matrix.
Public methodMinMaxIdx(Double, Double)
finds global minimum and maximum array elements and returns their values and their locations
Public methodMinMaxIdx(Int32, Int32)
finds global minimum and maximum array elements and returns their values and their locations
Public methodMinMaxIdx(Double, Double, Int32, Int32, InputArray)
finds global minimum and maximum array elements and returns their values and their locations
Public methodMinMaxLoc(Double, Double)
finds global minimum and maximum array elements and returns their values and their locations
Public methodMinMaxLoc(Point, Point)
finds global minimum and maximum array elements and returns their values and their locations
Public methodMinMaxLoc(Double, Double, Point, Point, InputArray)
finds global minimum and maximum array elements and returns their values and their locations
Public methodMoments
Calculates all of the moments up to the third order of a polygon or rasterized shape. The input is a raster image (single-channel, 8-bit or floating-point 2D array).
Public methodMorphologyEx
Performs advanced morphological transformations
Public methodMul
Performs an element-wise multiplication or division of the two matrices.
Public methodMulTransposed
multiplies matrix by its transposition from the left or from the right
Public methodNorm
computes norm of the selected array part
Public methodNormalize
scales and shifts array elements so that either the specified norm (alpha) or the minimum (alpha) and maximum (beta) array values get the specified values
Public methodNotEquals(Double)
operator !=
Public methodNotEquals(Mat)
operator !=
Protected methodNotifyMemoryPressure
Notifies the allocated size of memory.
(Inherited from DisposableObject.)
Public methodStatic memberOnes(MatType, Int32)
Returns an array of all 1’s of the specified size and type.
Public methodStatic memberOnes(Size, MatType)
Returns an array of all 1’s of the specified size and type.
Public methodStatic memberOnes(Int32, Int32, MatType)
Returns an array of all 1’s of the specified size and type.
Public methodPatchNaNs
converts NaN's to the given number
Public methodPerspectiveTransform
performs perspective transformation of each element of multi-channel input matrix
Public methodPointPolygonTest
Checks if the point is inside the contour. Optionally computes the signed distance from the point to the contour boundary.
Public methodPolylines
draws one or more polygonal curves
Public methodPopBack
removes several hyper-planes from bottom of the matrix (Mat.pop_back)
Public methodPow
raises the input matrix elements to the specified power (b = a**power)
Public methodPreCornerDetect
computes another complex cornerness criteria at each pixel
Public methodPtr(Int32)
Returns a pointer to the specified matrix row.
Public methodPtr(Int32)
Returns a pointer to the specified matrix element.
Public methodPtr(Int32, Int32)
Returns a pointer to the specified matrix element.
Public methodPtr(Int32, Int32, Int32)
Returns a pointer to the specified matrix element.
Public methodPushBack
Adds elements to the bottom of the matrix. (Mat.push_back)
Public methodPutText
renders text string in the image
Public methodPyrDown
Blurs an image and downsamples it.
Public methodPyrMeanShiftFiltering
Performs initial step of meanshift segmentation of an image. The source matrix is 8-bit, 3-channel image.
Public methodPyrUp
Upsamples an image and then blurs it.
Public methodRandn(InputArray, InputArray)
fills array with normally-distributed random numbers with the specified mean and the standard deviation
Public methodRandn(Scalar, Scalar)
fills array with normally-distributed random numbers with the specified mean and the standard deviation
Public methodRandShuffle
shuffles the input array elements
Public methodRandu(InputArray, InputArray)
fills array with uniformly-distributed random numbers from the range [low, high)
Public methodRandu(Scalar, Scalar)
fills array with uniformly-distributed random numbers from the range [low, high)
Public methodRectangle(Rect, Scalar, Int32, LineType, Int32)
Draws simple, thick or filled rectangle
Public methodRectangle(Point, Point, Scalar, Int32, LineType, Int32)
Draws simple, thick or filled rectangle
Public methodReduce
transforms 2D matrix to 1D row or column vector by taking sum, minimum, maximum or mean value over all the rows
Public methodRelease
Releases the resources
Public methodRemap
Applies a generic geometrical transformation to an image.
Public methodRepeat
replicates the input matrix the specified number of times in the horizontal and/or vertical direction
Public methodReserve
reserves enough space to fit sz hyper-planes
Public methodReshape(Int32, Int32)
Changes the shape and/or the number of channels of a 2D matrix without copying the data.
Public methodReshape(Int32, Int32)
Changes the shape and/or the number of channels of a 2D matrix without copying the data.
Public methodResize(Int64)
resizes matrix to the specified number of hyper-planes
Public methodResize(Int64, Scalar)
resizes matrix to the specified number of hyper-planes; initializes the newly added elements
Public methodResize(Size, Double, Double, Interpolation)
Resizes an image.
Public methodRowRange(Range)
Public methodRowRange(Int32, Int32)
Public methodSaveImage(String, ImageEncodingParam)
Saves an image to a specified file.
Public methodSaveImage(String, Int32)
Saves an image to a specified file.
Public methodScharr
Calculates the first x- or y- image derivative using Scharr operator
Public methodSepFilter2D
Applies separable linear filter to an image
Public methodSetT(Int32, T)
Set a value to the specified array element.
Public methodSetT(Int32, T)
Set a value to the specified array element.
Public methodSetT(Int32, Int32, T)
Set a value to the specified array element.
Public methodSetT(Int32, Int32, Int32, T)
Set a value to the specified array element.
Public methodSetArray(Int32, Int32, DMatch)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, DMatch)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point2d)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point2d)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point2f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point2f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point3d)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point3d)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point3f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point3f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point3i)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Point3i)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Rect)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Rect)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec3b)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec3b)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec3d)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec3d)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec4f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec4f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec4i)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec4i)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec6f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Vec6f)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Byte)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Byte)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Double)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Double)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Int16)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Int16)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Int32)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Int32)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Single)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, Single)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, UInt16)
Set the specified array data to this matrix
Public methodSetArray(Int32, Int32, UInt16)
Set the specified array data to this matrix
Public methodSetIdentity
initializes scaled identity matrix (not necessarily square).
Public methodSetTo(InputArray, InputArray)
Sets all or some of the array elements to the specified value.
Public methodSetTo(Scalar, InputArray)
Sets all or some of the array elements to the specified value.
Public methodSize
Returns a matrix size.
Public methodSize(Int32)
Returns a matrix size.
Public methodSobel
Calculates the first, second, third or mixed image derivatives using an extended Sobel operator
Public methodSort
sorts independently each matrix row or each matrix column
Public methodSortIdx
sorts independently each matrix row or each matrix column
Public methodSplit
Copies each plane of a multi-channel array to a dedicated array
Public methodSqrt
computes square root of each matrix element (dst = src**0.5)
Public methodStep
Public methodStep(Int32)
Public methodStep1
Returns a normalized step.
Public methodStep1(Int32)
Returns a normalized step.
Public methodSubMat(Range)
Public methodSubMat(Rect)
Public methodSubMat(Range, Range)
Public methodSubMat(Int32, Int32, Int32, Int32)
Public methodSum
computes sum of array elements
Public methodT
Transposes a matrix.
Public methodThreshold
Applies a fixed-level threshold to each array element. The input matrix must be single-channel, 8-bit or 32-bit floating point.
Public methodThrowIfDisposed
If this object is disposed, then ObjectDisposedException is thrown.
(Inherited from DisposableObject.)
Public methodToBytes(String, ImageEncodingParam)
Encodes an image into a memory buffer.
Public methodToBytes(String, Int32)
Encodes an image into a memory buffer.
Public methodToCvMat
Creates the CvMat header or clone instance for the matrix.
Public methodToIplImage
Creates the IplImage clone instance or header for the matrix.
Public methodToMemoryStream
Converts Mat to System.IO.MemoryStream
Public methodToString
Returns a string that represents this Mat.
(Overrides ObjectToString.)
Public methodTotal
Returns the total number of array elements.
Public methodTrace
computes trace of a matrix
Public methodTransform
performs affine transformation of each element of multi-channel input matrix
Public methodTranspose
transposes the matrix
Public methodType
Returns the type of a matrix element.
Public methodUndistort
corrects lens distortion for the given camera matrix and distortion coefficients
Public methodUndistortPoints
Computes the ideal point coordinates from the observed point coordinates. Input matrix is an observed point coordinates, 1xN or Nx1 2-channel (CV_32FC2 or CV_64FC2).
Public methodWarpAffine
Applies an affine transformation to an image.
Public methodWarpPerspective
Applies a perspective transformation to an image.
Public methodWatershed
Performs a marker-based image segmentation using the watershed algorithm. Input matrix is 8-bit 3-channel image.
Public methodWriteToStream
Writes image data encoded from this Mat to System.IO.Stream
Public methodStatic memberZeros(MatType, Int32)
Returns a zero array of the specified size and type.
Public methodStatic memberZeros(Size, MatType)
Returns a zero array of the specified size and type.
Public methodStatic memberZeros(Int32, Int32, MatType)
Returns a zero array of the specified size and type.
Top
Operators

  NameDescription
Public operatorStatic memberAddition(Mat, Mat)
Public operatorStatic memberAddition(Mat, Scalar)
Public operatorStatic memberAddition(Scalar, Mat)
Public operatorStatic memberBitwiseAnd(Double, Mat)
Public operatorStatic memberBitwiseAnd(Mat, Mat)
Public operatorStatic memberBitwiseAnd(Mat, Double)
Public operatorStatic memberBitwiseOr(Double, Mat)
Public operatorStatic memberBitwiseOr(Mat, Mat)
Public operatorStatic memberBitwiseOr(Mat, Double)
Public operatorStatic memberDivision(Double, Mat)
Public operatorStatic memberDivision(Mat, Mat)
Public operatorStatic memberDivision(Mat, Double)
Public operatorStatic memberExclusiveOr(Double, Mat)
Public operatorStatic memberExclusiveOr(Mat, Mat)
Public operatorStatic memberExclusiveOr(Mat, Double)
Public operatorStatic member(Mat to IplImage)
Creates the IplImage clone instance for the matrix.
Public operatorStatic member(Mat to CvMat)
Creates the CvMat clone instance for the matrix.
Public operatorStatic memberMultiply(Double, Mat)
Public operatorStatic memberMultiply(Mat, Mat)
Public operatorStatic memberMultiply(Mat, Double)
Public operatorStatic memberOnesComplement
Public operatorStatic memberSubtraction(Mat, Mat)
Public operatorStatic memberSubtraction(Mat, Scalar)
Public operatorStatic memberSubtraction(Scalar, Mat)
Public operatorStatic memberUnaryNegation
Public operatorStatic memberUnaryPlus
Top
Fields

  NameDescription
Protected fielddataHandle
Gets or sets a handle which allocates using cvSetData.
(Inherited from DisposableObject.)
Protected fieldptr
Data pointer
(Inherited from DisposableCvObject.)
Public fieldStatic memberSizeOf
sizeof(cv::Mat)
Top
Extension Methods

  NameDescription
Public Extension MethodCopyFrom
Copies pixel data from System.Windows.Media.Imaging.BitmapSource to IplImage instance
(Defined by BitmapSourceConverter.)
Public Extension MethodToBitmapOverloaded.
Converts Mat to System.Drawing.Bitmap
(Defined by BitmapConverter.)
Public Extension MethodToBitmap(PixelFormat)Overloaded.
Converts Mat to System.Drawing.Bitmap
(Defined by BitmapConverter.)
Public Extension MethodToBitmap(Bitmap)Overloaded.
Converts Mat to System.Drawing.Bitmap
(Defined by BitmapConverter.)
Public Extension MethodToBitmapSourceOverloaded.
Converts Mat to BitmapSource.
(Defined by BitmapSourceConverter.)
Public Extension MethodToBitmapSource(Int32, Int32, PixelFormat, BitmapPalette)Overloaded.
Converts Mat to BitmapSource.
(Defined by BitmapSourceConverter.)
Public Extension MethodToWriteableBitmapOverloaded.
Converts Mat to WriteableBitmap (dpi=96, BitmapPalette=null)
(Defined by WriteableBitmapConverter.)
Public Extension MethodToWriteableBitmap(PixelFormat)Overloaded.
Converts Mat to WriteableBitmap (dpi=96, BitmapPalette=null)
(Defined by WriteableBitmapConverter.)
Public Extension MethodToWriteableBitmap(Double, Double, PixelFormat, BitmapPalette)Overloaded.
Converts Mat to WriteableBitmap. The arguments of this method corresponds the consructor of WriteableBitmap.
(Defined by WriteableBitmapConverter.)
Top
See Also

Reference