OpenCV  2.4.13.3
Open Source Computer Vision
cv::Mat Class Reference

#include <core.hpp>

Inheritance diagram for cv::Mat:
cv::Mat_< _Tp > cv::Mat_< double > cv::Mat_< float > cv::Mat_< int > cv::Mat_< uchar > cv::Mat_< unsigned int >

Classes

struct  MSize
 
struct  MStep
 

Public Types

enum  { MAGIC_VAL =0x42FF0000, AUTO_STEP =0, CONTINUOUS_FLAG =CV_MAT_CONT_FLAG, SUBMATRIX_FLAG =CV_SUBMAT_FLAG }
 

Public Member Functions

 Mat ()
 default constructor More...
 
 Mat (int rows, int cols, int type)
 constructs 2D matrix of the specified size and type More...
 
 Mat (Size size, int type)
 
 Mat (int rows, int cols, int type, const Scalar &s)
 constucts 2D matrix and fills it with the specified value _s. More...
 
 Mat (Size size, int type, const Scalar &s)
 
 Mat (int ndims, const int *sizes, int type)
 constructs n-dimensional matrix More...
 
 Mat (int ndims, const int *sizes, int type, const Scalar &s)
 
 Mat (const Mat &m)
 copy constructor More...
 
 Mat (int rows, int cols, int type, void *data, size_t step=AUTO_STEP)
 constructor for matrix headers pointing to user-allocated data More...
 
 Mat (Size size, int type, void *data, size_t step=AUTO_STEP)
 
 Mat (int ndims, const int *sizes, int type, void *data, const size_t *steps=0)
 
 Mat (const Mat &m, const Range &rowRange, const Range &colRange=Range::all())
 creates a matrix header for a part of the bigger matrix More...
 
 Mat (const Mat &m, const Rect &roi)
 
 Mat (const Mat &m, const Range *ranges)
 
 Mat (const CvMat *m, bool copyData=false)
 converts old-style CvMat to the new matrix; the data is not copied by default More...
 
 Mat (const CvMatND *m, bool copyData=false)
 converts old-style CvMatND to the new matrix; the data is not copied by default More...
 
 Mat (const IplImage *img, bool copyData=false)
 converts old-style IplImage to the new matrix; the data is not copied by default More...
 
template<typename _Tp >
 Mat (const vector< _Tp > &vec, bool copyData=false)
 builds matrix from std::vector with or without copying the data More...
 
template<typename _Tp , int n>
 Mat (const Vec< _Tp, n > &vec, bool copyData=true)
 builds matrix from cv::Vec; the data is copied by default More...
 
template<typename _Tp , int m, int n>
 Mat (const Matx< _Tp, m, n > &mtx, bool copyData=true)
 builds matrix from cv::Matx; the data is copied by default More...
 
template<typename _Tp >
 Mat (const Point_< _Tp > &pt, bool copyData=true)
 builds matrix from a 2D point More...
 
template<typename _Tp >
 Mat (const Point3_< _Tp > &pt, bool copyData=true)
 builds matrix from a 3D point More...
 
template<typename _Tp >
 Mat (const MatCommaInitializer_< _Tp > &commaInitializer)
 builds matrix from comma initializer More...
 
 Mat (const gpu::GpuMat &m)
 download data from GpuMat More...
 
 ~Mat ()
 destructor - calls release() More...
 
Matoperator= (const Mat &m)
 assignment operators More...
 
Matoperator= (const MatExpr &expr)
 
Mat row (int y) const
 returns a new matrix header for the specified row More...
 
Mat col (int x) const
 returns a new matrix header for the specified column More...
 
Mat rowRange (int startrow, int endrow) const
 ... for the specified row span More...
 
Mat rowRange (const Range &r) const
 
Mat colRange (int startcol, int endcol) const
 ... for the specified column span More...
 
Mat colRange (const Range &r) const
 
Mat diag (int d=0) const
 ... for the specified diagonal More...
 
Mat clone () const
 returns deep copy of the matrix, i.e. the data is copied More...
 
void copyTo (OutputArray m) const
 copies the matrix content to "m". More...
 
void copyTo (OutputArray m, InputArray mask) const
 copies those matrix elements to "m" that are marked with non-zero mask elements. More...
 
void convertTo (OutputArray m, int rtype, double alpha=1, double beta=0) const
 converts matrix to another datatype with optional scalng. See cvConvertScale. More...
 
void assignTo (Mat &m, int type=-1) const
 
Matoperator= (const Scalar &s)
 sets every matrix element to s More...
 
MatsetTo (InputArray value, InputArray mask=noArray())
 sets some of the matrix elements to s, according to the mask More...
 
Mat reshape (int cn, int rows=0) const
 creates alternative matrix header for the same data, with different More...
 
Mat reshape (int cn, int newndims, const int *newsz) const
 
MatExpr t () const
 matrix transposition by means of matrix expressions More...
 
MatExpr inv (int method=DECOMP_LU) const
 matrix inversion by means of matrix expressions More...
 
MatExpr mul (InputArray m, double scale=1) const
 per-element matrix multiplication by means of matrix expressions More...
 
Mat cross (InputArray m) const
 computes cross-product of 2 3D vectors More...
 
double dot (InputArray m) const
 computes dot-product More...
 
void create (int rows, int cols, int type)
 allocates new matrix data unless the matrix already has specified size and type. More...
 
void create (Size size, int type)
 
void create (int ndims, const int *sizes, int type)
 
void addref ()
 increases the reference counter; use with care to avoid memleaks More...
 
void release ()
 decreases reference counter; More...
 
void deallocate ()
 deallocates the matrix data More...
 
void copySize (const Mat &m)
 internal use function; properly re-allocates _size, _step arrays More...
 
void reserve (size_t sz)
 reserves enough space to fit sz hyper-planes More...
 
void resize (size_t sz)
 resizes matrix to the specified number of hyper-planes More...
 
void resize (size_t sz, const Scalar &s)
 resizes matrix to the specified number of hyper-planes; initializes the newly added elements More...
 
void push_back_ (const void *elem)
 internal function More...
 
template<typename _Tp >
void push_back (const _Tp &elem)
 adds element to the end of 1d matrix (or possibly multiple elements when _Tp=Mat) More...
 
template<typename _Tp >
void push_back (const Mat_< _Tp > &elem)
 
void push_back (const Mat &m)
 
void pop_back (size_t nelems=1)
 removes several hyper-planes from bottom of the matrix More...
 
void locateROI (Size &wholeSize, Point &ofs) const
 locates matrix header within a parent matrix. See below More...
 
MatadjustROI (int dtop, int dbottom, int dleft, int dright)
 moves/resizes the current matrix ROI inside the parent matrix. More...
 
Mat operator() (Range rowRange, Range colRange) const
 extracts a rectangular sub-matrix More...
 
Mat operator() (const Rect &roi) const
 
Mat operator() (const Range *ranges) const
 
 operator CvMat () const
 converts header to CvMat; no data is copied More...
 
 operator CvMatND () const
 converts header to CvMatND; no data is copied More...
 
 operator IplImage () const
 converts header to IplImage; no data is copied More...
 
template<typename _Tp >
 operator vector< _Tp > () const
 
template<typename _Tp , int n>
 operator Vec< _Tp, n > () const
 
template<typename _Tp , int m, int n>
 operator Matx< _Tp, m, n > () const
 
bool isContinuous () const
 returns true iff the matrix data is continuous More...
 
bool isSubmatrix () const
 returns true if the matrix is a submatrix of another matrix More...
 
size_t elemSize () const
 returns element size in bytes, More...
 
size_t elemSize1 () const
 returns the size of element channel in bytes. More...
 
int type () const
 returns element type, similar to CV_MAT_TYPE(cvmat->type) More...
 
int depth () const
 returns element type, similar to CV_MAT_DEPTH(cvmat->type) More...
 
int channels () const
 returns element type, similar to CV_MAT_CN(cvmat->type) More...
 
size_t step1 (int i=0) const
 returns step/elemSize1() More...
 
bool empty () const
 returns true if matrix data is NULL More...
 
size_t total () const
 returns the total number of matrix elements More...
 
int checkVector (int elemChannels, int depth=-1, bool requireContinuous=true) const
 returns N if the matrix is 1-channel (N x ptdim) or ptdim-channel (1 x N) or (N x 1); negative number otherwise More...
 
ucharptr (int i0=0)
 returns pointer to i0-th submatrix along the dimension #0 More...
 
const ucharptr (int i0=0) const
 
ucharptr (int i0, int i1)
 returns pointer to (i0,i1) submatrix along the dimensions #0 and #1 More...
 
const ucharptr (int i0, int i1) const
 
ucharptr (int i0, int i1, int i2)
 returns pointer to (i0,i1,i3) submatrix along the dimensions #0, #1, #2 More...
 
const ucharptr (int i0, int i1, int i2) const
 
ucharptr (const int *idx)
 returns pointer to the matrix element More...
 
const ucharptr (const int *idx) const
 returns read-only pointer to the matrix element More...
 
template<int n>
ucharptr (const Vec< int, n > &idx)
 
template<int n>
const ucharptr (const Vec< int, n > &idx) const
 
template<typename _Tp >
_Tp * ptr (int i0=0)
 template version of the above method More...
 
template<typename _Tp >
const _Tp * ptr (int i0=0) const
 
template<typename _Tp >
_Tp * ptr (int i0, int i1)
 
template<typename _Tp >
const _Tp * ptr (int i0, int i1) const
 
template<typename _Tp >
_Tp * ptr (int i0, int i1, int i2)
 
template<typename _Tp >
const _Tp * ptr (int i0, int i1, int i2) const
 
template<typename _Tp >
_Tp * ptr (const int *idx)
 
template<typename _Tp >
const _Tp * ptr (const int *idx) const
 
template<typename _Tp , int n>
_Tp * ptr (const Vec< int, n > &idx)
 
template<typename _Tp , int n>
const _Tp * ptr (const Vec< int, n > &idx) const
 
template<typename _Tp >
_Tp & at (int i0=0)
 the same as above, with the pointer dereferencing More...
 
template<typename _Tp >
const _Tp & at (int i0=0) const
 
template<typename _Tp >
_Tp & at (int i0, int i1)
 
template<typename _Tp >
const _Tp & at (int i0, int i1) const
 
template<typename _Tp >
_Tp & at (int i0, int i1, int i2)
 
template<typename _Tp >
const _Tp & at (int i0, int i1, int i2) const
 
template<typename _Tp >
_Tp & at (const int *idx)
 
template<typename _Tp >
const _Tp & at (const int *idx) const
 
template<typename _Tp , int n>
_Tp & at (const Vec< int, n > &idx)
 
template<typename _Tp , int n>
const _Tp & at (const Vec< int, n > &idx) const
 
template<typename _Tp >
_Tp & at (Point pt)
 special versions for 2D arrays (especially convenient for referencing image pixels) More...
 
template<typename _Tp >
const _Tp & at (Point pt) const
 
template<typename _Tp >
MatIterator_< _Tp > begin ()
 template methods for iteration over matrix elements. More...
 
template<typename _Tp >
MatIterator_< _Tp > end ()
 
template<typename _Tp >
MatConstIterator_< _Tp > begin () const
 
template<typename _Tp >
MatConstIterator_< _Tp > end () const
 

Static Public Member Functions

static Mat diag (const Mat &d)
 constructs a square diagonal matrix which main diagonal is vector "d" More...
 
static MatExpr zeros (int rows, int cols, int type)
 Matlab-style matrix initialization. More...
 
static MatExpr zeros (Size size, int type)
 
static MatExpr zeros (int ndims, const int *sz, int type)
 
static MatExpr ones (int rows, int cols, int type)
 
static MatExpr ones (Size size, int type)
 
static MatExpr ones (int ndims, const int *sz, int type)
 
static MatExpr eye (int rows, int cols, int type)
 
static MatExpr eye (Size size, int type)
 

Public Attributes

int flags
 
int dims
 the matrix dimensionality, >= 2 More...
 
int rows
 the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions More...
 
int cols
 
uchardata
 pointer to the data More...
 
intrefcount
 pointer to the reference counter; More...
 
uchardatastart
 helper fields used in locateROI and adjustROI More...
 
uchardataend
 
uchardatalimit
 
MatAllocatorallocator
 custom allocator More...
 
MSize size
 
MStep step
 

Protected Member Functions

void initEmpty ()
 

Detailed Description

The n-dimensional matrix class.

The class represents an n-dimensional dense numerical array that can act as a matrix, image, optical flow map, 3-focal tensor etc. It is very similar to CvMat and CvMatND types from earlier versions of OpenCV, and similarly to those types, the matrix can be multi-channel. It also fully supports ROI mechanism.

There are many different ways to create cv::Mat object. Here are the some popular ones:

  • using cv::Mat::create(nrows, ncols, type) method or the similar constructor cv::Mat::Mat(nrows, ncols, type[, fill_value]) constructor. A new matrix of the specified size and specifed type will be allocated. "type" has the same meaning as in cvCreateMat function, e.g. CV_8UC1 means 8-bit single-channel matrix, CV_32FC2 means 2-channel (i.e. complex) floating-point matrix etc:

    // make 7x7 complex matrix filled with 1+3j.
    cv::Mat M(7,7,CV_32FC2,Scalar(1,3));
    // and now turn M to 100x60 15-channel 8-bit matrix.
    // The old content will be deallocated
    M.create(100,60,CV_8UC(15));

    As noted in the introduction of this chapter, Mat::create() will only allocate a new matrix when the current matrix dimensionality or type are different from the specified.

  • by using a copy constructor or assignment operator, where on the right side it can be a matrix or expression, see below. Again, as noted in the introduction, matrix assignment is O(1) operation because it only copies the header and increases the reference counter. cv::Mat::clone() method can be used to get a full (a.k.a. deep) copy of the matrix when you need it.

  • by constructing a header for a part of another matrix. It can be a single row, single column, several rows, several columns, rectangular region in the matrix (called a minor in algebra) or a diagonal. Such operations are also O(1), because the new header will reference the same data. You can actually modify a part of the matrix using this feature, e.g.

    // add 5-th row, multiplied by 3 to the 3rd row
    M.row(3) = M.row(3) + M.row(5)*3;
    // now copy 7-th column to the 1-st column
    // M.col(1) = M.col(7); // this will not work
    Mat M1 = M.col(1);
    M.col(7).copyTo(M1);
    // create new 320x240 image
    cv::Mat img(Size(320,240),CV_8UC3);
    // select a roi
    cv::Mat roi(img, Rect(10,10,100,100));
    // fill the ROI with (0,255,0) (which is green in RGB space);
    // the original 320x240 image will be modified
    roi = Scalar(0,255,0);

    Thanks to the additional cv::Mat::datastart and cv::Mat::dataend members, it is possible to compute the relative sub-matrix position in the main "container" matrix using cv::Mat::locateROI():

    Mat A = Mat::eye(10, 10, CV_32S);
    // extracts A columns, 1 (inclusive) to 3 (exclusive).
    Mat B = A(Range::all(), Range(1, 3));
    // extracts B rows, 5 (inclusive) to 9 (exclusive).
    // that is, C ~ A(Range(5, 9), Range(1, 3))
    Mat C = B(Range(5, 9), Range::all());
    C.locateROI(size, ofs);
    // size will be (width=10,height=10) and the ofs will be (x=1, y=5)

    As in the case of whole matrices, if you need a deep copy, use cv::Mat::clone() method of the extracted sub-matrices.

  • by making a header for user-allocated-data. It can be useful for

    1. processing "foreign" data using OpenCV (e.g. when you implement a DirectShow filter or a processing module for gstreamer etc.), e.g.

      void process_video_frame(const unsigned char* pixels,
      int width, int height, int step)
      {
      cv::Mat img(height, width, CV_8UC3, pixels, step);
      cv::GaussianBlur(img, img, cv::Size(7,7), 1.5, 1.5);
      }

    2. for quick initialization of small matrices and/or super-fast element access

      double m[3][3] = {{a, b, c}, {d, e, f}, {g, h, i}};
      cv::Mat M = cv::Mat(3, 3, CV_64F, m).inv();

    partial yet very common cases of this "user-allocated data" case are conversions from CvMat and IplImage to cv::Mat. For this purpose there are special constructors taking pointers to CvMat or IplImage and the optional flag indicating whether to copy the data or not.

    Backward conversion from cv::Mat to CvMat or IplImage is provided via cast operators cv::Mat::operator CvMat() an cv::Mat::operator IplImage(). The operators do not copy the data.

    IplImage* img = cvLoadImage("greatwave.jpg", 1);
    Mat mtx(img); // convert IplImage* -> cv::Mat
    CvMat oldmat = mtx; // convert cv::Mat -> CvMat
    CV_Assert(oldmat.cols == img->width && oldmat.rows == img->height &&
    oldmat.data.ptr == (uchar*)img->imageData && oldmat.step == img->widthStep);

  • by using MATLAB-style matrix initializers, cv::Mat::zeros(), cv::Mat::ones(), cv::Mat::eye(), e.g.:

    // create a double-precision identity martix and add it to M.
    M += Mat::eye(M.rows, M.cols, CV_64F);

  • by using comma-separated initializer:

    // create 3x3 double-precision identity matrix
    Mat M = (Mat_<double>(3,3) << 1, 0, 0, 0, 1, 0, 0, 0, 1);

    here we first call constructor of cv::Mat_ class (that we describe further) with the proper matrix, and then we just put "<<" operator followed by comma-separated values that can be constants, variables, expressions etc. Also, note the extra parentheses that are needed to avoid compiler errors.

Once matrix is created, it will be automatically managed by using reference-counting mechanism (unless the matrix header is built on top of user-allocated data, in which case you should handle the data by yourself). The matrix data will be deallocated when no one points to it; if you want to release the data pointed by a matrix header before the matrix destructor is called, use cv::Mat::release().

The next important thing to learn about the matrix class is element access. Here is how the matrix is stored. The elements are stored in row-major order (row by row). The cv::Mat::data member points to the first element of the first row, cv::Mat::rows contains the number of matrix rows and cv::Mat::cols - the number of matrix columns. There is yet another member, cv::Mat::step that is used to actually compute address of a matrix element. cv::Mat::step is needed because the matrix can be a part of another matrix or because there can some padding space in the end of each row for a proper alignment.

Given these parameters, address of the matrix element M_{ij} is computed as following:

addr(M_{ij})=M.data + M.step*i + j*M.elemSize()

if you know the matrix element type, e.g. it is float, then you can use cv::Mat::at() method:

addr(M_{ij})=&M.at<float>(i,j)

(where & is used to convert the reference returned by cv::Mat::at() to a pointer). if you need to process a whole row of matrix, the most efficient way is to get the pointer to the row first, and then just use plain C operator []:

// compute sum of positive matrix elements
// (assuming that M is double-precision matrix)
double sum=0;
for(int i = 0; i < M.rows; i++)
{
const double* Mi = M.ptr<double>(i);
for(int j = 0; j < M.cols; j++)
sum += std::max(Mi[j], 0.);
}

Some operations, like the above one, do not actually depend on the matrix shape, they just process elements of a matrix one by one (or elements from multiple matrices that are sitting in the same place, e.g. matrix addition). Such operations are called element-wise and it makes sense to check whether all the input/output matrices are continuous, i.e. have no gaps in the end of each row, and if yes, process them as a single long row:

// compute sum of positive matrix elements, optimized variant
double sum=0;
int cols = M.cols, rows = M.rows;
if(M.isContinuous())
{
cols *= rows;
rows = 1;
}
for(int i = 0; i < rows; i++)
{
const double* Mi = M.ptr<double>(i);
for(int j = 0; j < cols; j++)
sum += std::max(Mi[j], 0.);
}

in the case of continuous matrix the outer loop body will be executed just once, so the overhead will be smaller, which will be especially noticeable in the case of small matrices.

Finally, there are STL-style iterators that are smart enough to skip gaps between successive rows:

// compute sum of positive matrix elements, iterator-based variant
double sum=0;
MatConstIterator_<double> it = M.begin<double>(), it_end = M.end<double>();
for(; it != it_end; ++it)
sum += std::max(*it, 0.);

The matrix iterators are random-access iterators, so they can be passed to any STL algorithm, including std::sort().

Member Enumeration Documentation

§ anonymous enum

anonymous enum
Enumerator
MAGIC_VAL 
AUTO_STEP 
CONTINUOUS_FLAG 
SUBMATRIX_FLAG 

Constructor & Destructor Documentation

§ Mat() [1/24]

cv::Mat::Mat ( )
inline

default constructor

§ Mat() [2/24]

cv::Mat::Mat ( int  rows,
int  cols,
int  type 
)
inline

constructs 2D matrix of the specified size and type

§ Mat() [3/24]

cv::Mat::Mat ( Size  size,
int  type 
)
inline

§ Mat() [4/24]

cv::Mat::Mat ( int  rows,
int  cols,
int  type,
const Scalar s 
)
inline

constucts 2D matrix and fills it with the specified value _s.

§ Mat() [5/24]

cv::Mat::Mat ( Size  size,
int  type,
const Scalar s 
)
inline

§ Mat() [6/24]

cv::Mat::Mat ( int  ndims,
const int sizes,
int  type 
)
inline

constructs n-dimensional matrix

§ Mat() [7/24]

cv::Mat::Mat ( int  ndims,
const int sizes,
int  type,
const Scalar s 
)
inline

§ Mat() [8/24]

cv::Mat::Mat ( const Mat m)
inline

copy constructor

§ Mat() [9/24]

cv::Mat::Mat ( int  rows,
int  cols,
int  type,
void data,
size_t  step = AUTO_STEP 
)
inline

constructor for matrix headers pointing to user-allocated data

§ Mat() [10/24]

cv::Mat::Mat ( Size  size,
int  type,
void data,
size_t  step = AUTO_STEP 
)
inline

§ Mat() [11/24]

cv::Mat::Mat ( int  ndims,
const int sizes,
int  type,
void data,
const size_t *  steps = 0 
)

§ Mat() [12/24]

cv::Mat::Mat ( const Mat m,
const Range rowRange,
const Range colRange = Range::all() 
)

creates a matrix header for a part of the bigger matrix

§ Mat() [13/24]

cv::Mat::Mat ( const Mat m,
const Rect roi 
)

§ Mat() [14/24]

cv::Mat::Mat ( const Mat m,
const Range ranges 
)

§ Mat() [15/24]

cv::Mat::Mat ( const CvMat m,
bool  copyData = false 
)

converts old-style CvMat to the new matrix; the data is not copied by default

§ Mat() [16/24]

cv::Mat::Mat ( const CvMatND m,
bool  copyData = false 
)

converts old-style CvMatND to the new matrix; the data is not copied by default

§ Mat() [17/24]

cv::Mat::Mat ( const IplImage img,
bool  copyData = false 
)

converts old-style IplImage to the new matrix; the data is not copied by default

§ Mat() [18/24]

template<typename _Tp >
cv::Mat::Mat ( const vector< _Tp > &  vec,
bool  copyData = false 
)
inlineexplicit

builds matrix from std::vector with or without copying the data

§ Mat() [19/24]

template<typename _Tp , int n>
cv::Mat::Mat ( const Vec< _Tp, n > &  vec,
bool  copyData = true 
)
inlineexplicit

builds matrix from cv::Vec; the data is copied by default

§ Mat() [20/24]

template<typename _Tp , int m, int n>
cv::Mat::Mat ( const Matx< _Tp, m, n > &  mtx,
bool  copyData = true 
)
inlineexplicit

builds matrix from cv::Matx; the data is copied by default

§ Mat() [21/24]

template<typename _Tp >
cv::Mat::Mat ( const Point_< _Tp > &  pt,
bool  copyData = true 
)
inlineexplicit

builds matrix from a 2D point

§ Mat() [22/24]

template<typename _Tp >
cv::Mat::Mat ( const Point3_< _Tp > &  pt,
bool  copyData = true 
)
inlineexplicit

builds matrix from a 3D point

§ Mat() [23/24]

template<typename _Tp >
cv::Mat::Mat ( const MatCommaInitializer_< _Tp > &  commaInitializer)
inlineexplicit

builds matrix from comma initializer

§ Mat() [24/24]

cv::Mat::Mat ( const gpu::GpuMat m)
explicit

download data from GpuMat

§ ~Mat()

cv::Mat::~Mat ( )
inline

destructor - calls release()

Member Function Documentation

§ addref()

void cv::Mat::addref ( )
inline

increases the reference counter; use with care to avoid memleaks

§ adjustROI()

Mat& cv::Mat::adjustROI ( int  dtop,
int  dbottom,
int  dleft,
int  dright 
)

moves/resizes the current matrix ROI inside the parent matrix.

§ assignTo()

void cv::Mat::assignTo ( Mat m,
int  type = -1 
) const
inline

§ at() [1/12]

template<typename _Tp >
_Tp & cv::Mat::at ( int  i0 = 0)
inline

the same as above, with the pointer dereferencing

§ at() [2/12]

template<typename _Tp >
const _Tp & cv::Mat::at ( int  i0 = 0) const
inline

§ at() [3/12]

template<typename _Tp >
_Tp & cv::Mat::at ( int  i0,
int  i1 
)
inline

§ at() [4/12]

template<typename _Tp >
const _Tp & cv::Mat::at ( int  i0,
int  i1 
) const
inline

§ at() [5/12]

template<typename _Tp >
_Tp & cv::Mat::at ( int  i0,
int  i1,
int  i2 
)
inline

§ at() [6/12]

template<typename _Tp >
const _Tp & cv::Mat::at ( int  i0,
int  i1,
int  i2 
) const
inline

§ at() [7/12]

template<typename _Tp >
_Tp & cv::Mat::at ( const int idx)
inline

§ at() [8/12]

template<typename _Tp >
const _Tp & cv::Mat::at ( const int idx) const
inline

§ at() [9/12]

template<typename _Tp , int n>
_Tp & cv::Mat::at ( const Vec< int, n > &  idx)

§ at() [10/12]

template<typename _Tp , int n>
const _Tp & cv::Mat::at ( const Vec< int, n > &  idx) const
inline

§ at() [11/12]

template<typename _Tp >
_Tp & cv::Mat::at ( Point  pt)
inline

special versions for 2D arrays (especially convenient for referencing image pixels)

§ at() [12/12]

template<typename _Tp >
const _Tp & cv::Mat::at ( Point  pt) const
inline

§ begin() [1/2]

template<typename _Tp >
MatIterator_< _Tp > cv::Mat::begin ( )
inline

template methods for iteration over matrix elements.

§ begin() [2/2]

template<typename _Tp >
MatConstIterator_< _Tp > cv::Mat::begin ( ) const
inline

§ channels()

int cv::Mat::channels ( ) const
inline

returns element type, similar to CV_MAT_CN(cvmat->type)

§ checkVector()

int cv::Mat::checkVector ( int  elemChannels,
int  depth = -1,
bool  requireContinuous = true 
) const

returns N if the matrix is 1-channel (N x ptdim) or ptdim-channel (1 x N) or (N x 1); negative number otherwise

§ clone()

Mat cv::Mat::clone ( ) const
inline

returns deep copy of the matrix, i.e. the data is copied

§ col()

Mat cv::Mat::col ( int  x) const
inline

returns a new matrix header for the specified column

§ colRange() [1/2]

Mat cv::Mat::colRange ( int  startcol,
int  endcol 
) const
inline

... for the specified column span

§ colRange() [2/2]

Mat cv::Mat::colRange ( const Range r) const
inline

§ convertTo()

void cv::Mat::convertTo ( OutputArray  m,
int  rtype,
double  alpha = 1,
double  beta = 0 
) const

converts matrix to another datatype with optional scalng. See cvConvertScale.

§ copySize()

void cv::Mat::copySize ( const Mat m)

internal use function; properly re-allocates _size, _step arrays

§ copyTo() [1/2]

void cv::Mat::copyTo ( OutputArray  m) const

copies the matrix content to "m".

§ copyTo() [2/2]

void cv::Mat::copyTo ( OutputArray  m,
InputArray  mask 
) const

copies those matrix elements to "m" that are marked with non-zero mask elements.

§ create() [1/3]

void cv::Mat::create ( int  rows,
int  cols,
int  type 
)
inline

allocates new matrix data unless the matrix already has specified size and type.

§ create() [2/3]

void cv::Mat::create ( Size  size,
int  type 
)
inline

§ create() [3/3]

void cv::Mat::create ( int  ndims,
const int sizes,
int  type 
)

§ cross()

Mat cv::Mat::cross ( InputArray  m) const

computes cross-product of 2 3D vectors

§ deallocate()

void cv::Mat::deallocate ( )

deallocates the matrix data

§ depth()

int cv::Mat::depth ( ) const
inline

returns element type, similar to CV_MAT_DEPTH(cvmat->type)

§ diag() [1/2]

Mat cv::Mat::diag ( int  d = 0) const

... for the specified diagonal

§ diag() [2/2]

Mat cv::Mat::diag ( const Mat d)
inlinestatic

constructs a square diagonal matrix which main diagonal is vector "d"

§ dot()

double cv::Mat::dot ( InputArray  m) const

computes dot-product

§ elemSize()

size_t cv::Mat::elemSize ( ) const
inline

returns element size in bytes,

§ elemSize1()

size_t cv::Mat::elemSize1 ( ) const
inline

returns the size of element channel in bytes.

§ empty()

bool cv::Mat::empty ( ) const
inline

returns true if matrix data is NULL

§ end() [1/2]

template<typename _Tp >
MatIterator_< _Tp > cv::Mat::end ( )
inline

§ end() [2/2]

template<typename _Tp >
MatConstIterator_< _Tp > cv::Mat::end ( ) const
inline

§ eye() [1/2]

static MatExpr cv::Mat::eye ( int  rows,
int  cols,
int  type 
)
static

§ eye() [2/2]

static MatExpr cv::Mat::eye ( Size  size,
int  type 
)
static

§ initEmpty()

void cv::Mat::initEmpty ( )
inlineprotected

§ inv()

MatExpr cv::Mat::inv ( int  method = DECOMP_LU) const

matrix inversion by means of matrix expressions

§ isContinuous()

bool cv::Mat::isContinuous ( ) const
inline

returns true iff the matrix data is continuous

§ isSubmatrix()

bool cv::Mat::isSubmatrix ( ) const
inline

returns true if the matrix is a submatrix of another matrix

§ locateROI()

void cv::Mat::locateROI ( Size wholeSize,
Point ofs 
) const

locates matrix header within a parent matrix. See below

§ mul()

MatExpr cv::Mat::mul ( InputArray  m,
double  scale = 1 
) const

per-element matrix multiplication by means of matrix expressions

§ ones() [1/3]

static MatExpr cv::Mat::ones ( int  rows,
int  cols,
int  type 
)
static

§ ones() [2/3]

static MatExpr cv::Mat::ones ( Size  size,
int  type 
)
static

§ ones() [3/3]

static MatExpr cv::Mat::ones ( int  ndims,
const int sz,
int  type 
)
static

§ operator CvMat()

cv::Mat::operator CvMat ( ) const
inline

converts header to CvMat; no data is copied

§ operator CvMatND()

cv::Mat::operator CvMatND ( ) const

converts header to CvMatND; no data is copied

§ operator IplImage()

cv::Mat::operator IplImage ( ) const

converts header to IplImage; no data is copied

§ operator Matx< _Tp, m, n >()

template<typename _Tp , int m, int n>
cv::Mat::operator Matx< _Tp, m, n > ( ) const
inline

§ operator Vec< _Tp, n >()

template<typename _Tp , int n>
cv::Mat::operator Vec< _Tp, n > ( ) const
inline

§ operator vector< _Tp >()

template<typename _Tp >
cv::Mat::operator vector< _Tp > ( ) const
inline

§ operator()() [1/3]

Mat cv::Mat::operator() ( Range  rowRange,
Range  colRange 
) const
inline

extracts a rectangular sub-matrix

§ operator()() [2/3]

Mat cv::Mat::operator() ( const Rect roi) const
inline

§ operator()() [3/3]

Mat cv::Mat::operator() ( const Range ranges) const
inline

§ operator=() [1/3]

Mat & cv::Mat::operator= ( const Mat m)
inline

assignment operators

§ operator=() [2/3]

Mat & cv::Mat::operator= ( const MatExpr expr)
inline

§ operator=() [3/3]

Mat& cv::Mat::operator= ( const Scalar s)

sets every matrix element to s

§ pop_back()

void cv::Mat::pop_back ( size_t  nelems = 1)

removes several hyper-planes from bottom of the matrix

§ ptr() [1/20]

uchar * cv::Mat::ptr ( int  i0 = 0)
inline

returns pointer to i0-th submatrix along the dimension #0

§ ptr() [2/20]

const uchar * cv::Mat::ptr ( int  i0 = 0) const
inline

§ ptr() [3/20]

uchar * cv::Mat::ptr ( int  i0,
int  i1 
)
inline

returns pointer to (i0,i1) submatrix along the dimensions #0 and #1

§ ptr() [4/20]

const uchar * cv::Mat::ptr ( int  i0,
int  i1 
) const
inline

§ ptr() [5/20]

uchar * cv::Mat::ptr ( int  i0,
int  i1,
int  i2 
)
inline

returns pointer to (i0,i1,i3) submatrix along the dimensions #0, #1, #2

§ ptr() [6/20]

const uchar * cv::Mat::ptr ( int  i0,
int  i1,
int  i2 
) const
inline

§ ptr() [7/20]

uchar * cv::Mat::ptr ( const int idx)
inline

returns pointer to the matrix element

§ ptr() [8/20]

const uchar * cv::Mat::ptr ( const int idx) const
inline

returns read-only pointer to the matrix element

§ ptr() [9/20]

template<int n>
uchar* cv::Mat::ptr ( const Vec< int, n > &  idx)

§ ptr() [10/20]

template<int n>
const uchar* cv::Mat::ptr ( const Vec< int, n > &  idx) const

§ ptr() [11/20]

template<typename _Tp>
_Tp * cv::Mat::ptr ( int  i0 = 0)
inline

template version of the above method

§ ptr() [12/20]

template<typename _Tp>
const _Tp * cv::Mat::ptr ( int  i0 = 0) const
inline

§ ptr() [13/20]

template<typename _Tp>
_Tp * cv::Mat::ptr ( int  i0,
int  i1 
)
inline

§ ptr() [14/20]

template<typename _Tp>
const _Tp * cv::Mat::ptr ( int  i0,
int  i1 
) const
inline

§ ptr() [15/20]

template<typename _Tp>
_Tp * cv::Mat::ptr ( int  i0,
int  i1,
int  i2 
)
inline

§ ptr() [16/20]

template<typename _Tp>
const _Tp * cv::Mat::ptr ( int  i0,
int  i1,
int  i2 
) const
inline

§ ptr() [17/20]

template<typename _Tp >
_Tp* cv::Mat::ptr ( const int idx)

§ ptr() [18/20]

template<typename _Tp >
const _Tp* cv::Mat::ptr ( const int idx) const

§ ptr() [19/20]

template<typename _Tp , int n>
_Tp* cv::Mat::ptr ( const Vec< int, n > &  idx)

§ ptr() [20/20]

template<typename _Tp , int n>
const _Tp* cv::Mat::ptr ( const Vec< int, n > &  idx) const

§ push_back() [1/3]

template<typename _Tp >
void cv::Mat::push_back ( const _Tp &  elem)
inline

adds element to the end of 1d matrix (or possibly multiple elements when _Tp=Mat)

§ push_back() [2/3]

template<typename _Tp >
void cv::Mat::push_back ( const Mat_< _Tp > &  elem)
inline

§ push_back() [3/3]

void cv::Mat::push_back ( const Mat m)

§ push_back_()

void cv::Mat::push_back_ ( const void elem)

internal function

§ release()

void cv::Mat::release ( )
inline

decreases reference counter;

§ reserve()

void cv::Mat::reserve ( size_t  sz)

reserves enough space to fit sz hyper-planes

§ reshape() [1/2]

Mat cv::Mat::reshape ( int  cn,
int  rows = 0 
) const

creates alternative matrix header for the same data, with different

§ reshape() [2/2]

Mat cv::Mat::reshape ( int  cn,
int  newndims,
const int newsz 
) const

§ resize() [1/2]

void cv::Mat::resize ( size_t  sz)

resizes matrix to the specified number of hyper-planes

§ resize() [2/2]

void cv::Mat::resize ( size_t  sz,
const Scalar s 
)

resizes matrix to the specified number of hyper-planes; initializes the newly added elements

§ row()

Mat cv::Mat::row ( int  y) const
inline

returns a new matrix header for the specified row

§ rowRange() [1/2]

Mat cv::Mat::rowRange ( int  startrow,
int  endrow 
) const
inline

... for the specified row span

§ rowRange() [2/2]

Mat cv::Mat::rowRange ( const Range r) const
inline

§ setTo()

Mat& cv::Mat::setTo ( InputArray  value,
InputArray  mask = noArray() 
)

sets some of the matrix elements to s, according to the mask

§ step1()

size_t cv::Mat::step1 ( int  i = 0) const
inline

returns step/elemSize1()

§ t()

MatExpr cv::Mat::t ( ) const

matrix transposition by means of matrix expressions

§ total()

size_t cv::Mat::total ( ) const
inline

returns the total number of matrix elements

§ type()

int cv::Mat::type ( ) const
inline

returns element type, similar to CV_MAT_TYPE(cvmat->type)

§ zeros() [1/3]

static MatExpr cv::Mat::zeros ( int  rows,
int  cols,
int  type 
)
static

Matlab-style matrix initialization.

§ zeros() [2/3]

static MatExpr cv::Mat::zeros ( Size  size,
int  type 
)
static

§ zeros() [3/3]

static MatExpr cv::Mat::zeros ( int  ndims,
const int sz,
int  type 
)
static

Member Data Documentation

§ allocator

MatAllocator* cv::Mat::allocator

custom allocator

§ cols

int cv::Mat::cols

§ data

uchar* cv::Mat::data

pointer to the data

§ dataend

uchar* cv::Mat::dataend

§ datalimit

uchar* cv::Mat::datalimit

§ datastart

uchar* cv::Mat::datastart

helper fields used in locateROI and adjustROI

§ dims

int cv::Mat::dims

the matrix dimensionality, >= 2

§ flags

int cv::Mat::flags

includes several bit-fields:

  • the magic signature
  • continuity flag
  • depth
  • number of channels

§ refcount

int* cv::Mat::refcount

pointer to the reference counter;

§ rows

int cv::Mat::rows

the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions

§ size

MSize cv::Mat::size

§ step

MStep cv::Mat::step

The documentation for this class was generated from the following files: