include/OpenCV/cxcore.hpp File Reference

Go to the source code of this file.

Classes

class  cv::Exception
class  cv::Allocator< _Tp >
class  cv::Allocator< _Tp >::rebind< U >
class  cv::DataDepth< _Tp >
class  cv::DataDepth< bool >
class  cv::DataDepth< uchar >
class  cv::DataDepth< schar >
class  cv::DataDepth< ushort >
class  cv::DataDepth< short >
class  cv::DataDepth< int >
class  cv::DataDepth< float >
class  cv::DataDepth< double >
class  cv::DataDepth< _Tp * >
class  cv::Vec< _Tp, cn >
class  cv::Complex< _Tp >
class  cv::Point_< _Tp >
class  cv::Point3_< _Tp >
class  cv::Size_< _Tp >
class  cv::Rect_< _Tp >
class  cv::RotatedRect
class  cv::Scalar_< _Tp >
class  cv::Range
class  cv::DataType< _Tp >
class  cv::DataType< bool >
class  cv::DataType< uchar >
class  cv::DataType< schar >
class  cv::DataType< ushort >
class  cv::DataType< short >
class  cv::DataType< int >
class  cv::DataType< float >
class  cv::DataType< double >
class  cv::DataType< Vec< _Tp, cn > >
class  cv::DataType< std::complex< _Tp > >
class  cv::DataType< Complex< _Tp > >
class  cv::DataType< Point_< _Tp > >
class  cv::DataType< Point3_< _Tp > >
class  cv::DataType< Size_< _Tp > >
class  cv::DataType< Rect_< _Tp > >
class  cv::DataType< Scalar_< _Tp > >
class  cv::DataType< Range >
class  cv::Ptr< _Tp >
class  cv::Mat
class  cv::RNG
class  cv::TermCriteria
class  cv::PCA
class  cv::SVD
class  cv::LineIterator
class  cv::Mat_< _Tp >
class  cv::MatConstIterator_< _Tp >
class  cv::MatIterator_< _Tp >
class  cv::MatCommaInitializer_< _Tp >
class  cv::VectorCommaInitializer_< _Tp >
class  cv::AutoBuffer< _Tp, fixed_size >
class  cv::MatND
class  cv::NAryMatNDIterator
class  cv::MatND_< _Tp >
class  cv::SparseMat
struct  cv::SparseMat::Hdr
struct  cv::SparseMat::Node
class  cv::SparseMatConstIterator
class  cv::SparseMatIterator
class  cv::SparseMat_< _Tp >
class  cv::SparseMatConstIterator_< _Tp >
class  cv::SparseMatIterator_< _Tp >
class  cv::KDTree
struct  cv::KDTree::Node
class  cv::FileStorage
class  cv::FileNode
class  cv::FileNodeIterator
class  cv::Seq< _Tp >
class  cv::SeqIterator< _Tp >

Namespaces

namespace  cv

Typedefs

typedef std::string cv::String
typedef std::basic_string
< wchar_t > 
cv::WString
typedef Vec< uchar, 2 > cv::Vec2b
typedef Vec< uchar, 3 > cv::Vec3b
typedef Vec< uchar, 4 > cv::Vec4b
typedef Vec< short, 2 > cv::Vec2s
typedef Vec< short, 3 > cv::Vec3s
typedef Vec< short, 4 > cv::Vec4s
typedef Vec< ushort, 2 > cv::Vec2w
typedef Vec< ushort, 3 > cv::Vec3w
typedef Vec< ushort, 4 > cv::Vec4w
typedef Vec< int, 2 > cv::Vec2i
typedef Vec< int, 3 > cv::Vec3i
typedef Vec< int, 4 > cv::Vec4i
typedef Vec< float, 2 > cv::Vec2f
typedef Vec< float, 3 > cv::Vec3f
typedef Vec< float, 4 > cv::Vec4f
typedef Vec< float, 6 > cv::Vec6f
typedef Vec< double, 2 > cv::Vec2d
typedef Vec< double, 3 > cv::Vec3d
typedef Vec< double, 4 > cv::Vec4d
typedef Vec< double, 6 > cv::Vec6d
typedef Complex< float > cv::Complexf
typedef Complex< double > cv::Complexd
typedef Point_< int > cv::Point2i
typedef Point2i cv::Point
typedef Size_< int > cv::Size2i
typedef Size2i cv::Size
typedef Rect_< int > cv::Rect
typedef Point_< float > cv::Point2f
typedef Point_< double > cv::Point2d
typedef Size_< float > cv::Size2f
typedef Point3_< int > cv::Point3i
typedef Point3_< float > cv::Point3f
typedef Point3_< double > cv::Point3d
typedef Scalar_< double > cv::Scalar
typedef MatExpr_Base_< Mat > cv::MatExpr_Base
typedef MatExpr_< MatExpr_Op4_
< Size, int, Scalar, int, Mat,
MatOp_Set_< Mat > >, Mat > 
cv::MatExpr_Initializer
typedef Mat_< ucharcv::Mat1b
typedef Mat_< Vec2b > cv::Mat2b
typedef Mat_< Vec3b > cv::Mat3b
typedef Mat_< Vec4b > cv::Mat4b
typedef Mat_< short > cv::Mat1s
typedef Mat_< Vec2s > cv::Mat2s
typedef Mat_< Vec3s > cv::Mat3s
typedef Mat_< Vec4s > cv::Mat4s
typedef Mat_< ushortcv::Mat1w
typedef Mat_< Vec2w > cv::Mat2w
typedef Mat_< Vec3w > cv::Mat3w
typedef Mat_< Vec4w > cv::Mat4w
typedef Mat_< int > cv::Mat1i
typedef Mat_< Vec2icv::Mat2i
typedef Mat_< Vec3i > cv::Mat3i
typedef Mat_< Vec4i > cv::Mat4i
typedef Mat_< float > cv::Mat1f
typedef Mat_< Vec2fcv::Mat2f
typedef Mat_< Vec3fcv::Mat3f
typedef Mat_< Vec4fcv::Mat4f
typedef Mat_< double > cv::Mat1d
typedef Mat_< Vec2dcv::Mat2d
typedef Mat_< Vec3dcv::Mat3d
typedef Mat_< Vec4dcv::Mat4d
typedef void(* cv::ConvertData )(const void *from, void *to, int cn)
typedef void(* cv::ConvertScaleData )(const void *from, void *to, int cn, double alpha, double beta)
typedef Ptr< CvMemStoragecv::MemStorage

Enumerations

enum  { cv::MAGIC_MASK = 0xFFFF0000, cv::TYPE_MASK = 0x00000FFF, cv::DEPTH_MASK = 7 }
enum  {
  cv::DECOMP_LU = 0, cv::DECOMP_SVD = 1, cv::DECOMP_EIG = 2, cv::DECOMP_CHOLESKY = 3,
  cv::DECOMP_QR = 4, cv::DECOMP_NORMAL = 16
}
enum  {
  cv::NORM_INF = 1, cv::NORM_L1 = 2, cv::NORM_L2 = 4, cv::NORM_TYPE_MASK = 7,
  cv::NORM_RELATIVE = 8, cv::NORM_MINMAX = 32
}
enum  {
  cv::CMP_EQ = 0, cv::CMP_GT = 1, cv::CMP_GE = 2, cv::CMP_LT = 3,
  cv::CMP_LE = 4, cv::CMP_NE = 5
}
enum  { cv::GEMM_1_T = 1, cv::GEMM_2_T = 2, cv::GEMM_3_T = 4 }
enum  {
  cv::DFT_INVERSE = 1, cv::DFT_SCALE = 2, cv::DFT_ROWS = 4, cv::DFT_COMPLEX_OUTPUT = 16,
  cv::DFT_REAL_OUTPUT = 32, cv::DCT_INVERSE = DFT_INVERSE, cv::DCT_ROWS = DFT_ROWS
}
enum  { cv::KMEANS_RANDOM_CENTERS = 0, cv::KMEANS_PP_CENTERS = 2, cv::KMEANS_USE_INITIAL_LABELS = 1 }
enum  {
  cv::FONT_HERSHEY_SIMPLEX = 0, cv::FONT_HERSHEY_PLAIN = 1, cv::FONT_HERSHEY_DUPLEX = 2, cv::FONT_HERSHEY_COMPLEX = 3,
  cv::FONT_HERSHEY_TRIPLEX = 4, cv::FONT_HERSHEY_COMPLEX_SMALL = 5, cv::FONT_HERSHEY_SCRIPT_SIMPLEX = 6, cv::FONT_HERSHEY_SCRIPT_COMPLEX = 7,
  cv::FONT_ITALIC = 16
}

Functions

CV_EXPORTS string cv::fromUtf16 (const WString &str)
CV_EXPORTS WString cv::toUtf16 (const string &str)
CV_EXPORTS string cv::format (const char *fmt,...)
CV_EXPORTS void cv::error (const Exception &exc)
CV_EXPORTS bool cv::setBreakOnError (bool value)
CV_EXPORTS CvErrorCallback cv::redirectError (CvErrorCallback errCallback, void *userdata=0, void **prevUserdata=0)
CV_EXPORTS void cv::setNumThreads (int)
CV_EXPORTS int cv::getNumThreads ()
CV_EXPORTS int cv::getThreadNum ()
CV_EXPORTS int64 cv::getTickCount ()
CV_EXPORTS double cv::getTickFrequency ()
CV_EXPORTS int64 cv::getCPUTickCount ()
CV_EXPORTS bool cv::checkHardwareSupport (int feature)
CV_EXPORTS void * cv::fastMalloc (size_t)
CV_EXPORTS void cv::fastFree (void *ptr)
CV_EXPORTS void cv::setUseOptimized (bool)
CV_EXPORTS bool cv::useOptimized ()
CV_EXPORTS void cv::extractImageCOI (const CvArr *arr, Mat &coiimg, int coi=-1)
CV_EXPORTS void cv::insertImageCOI (const Mat &coiimg, CvArr *arr, int coi=-1)
CV_EXPORTS void cv::add (const Mat &a, const Mat &b, Mat &c, const Mat &mask)
CV_EXPORTS void cv::subtract (const Mat &a, const Mat &b, Mat &c, const Mat &mask)
CV_EXPORTS void cv::add (const Mat &a, const Mat &b, Mat &c)
CV_EXPORTS void cv::subtract (const Mat &a, const Mat &b, Mat &c)
CV_EXPORTS void cv::add (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::subtract (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::multiply (const Mat &a, const Mat &b, Mat &c, double scale=1)
CV_EXPORTS void cv::divide (const Mat &a, const Mat &b, Mat &c, double scale=1)
CV_EXPORTS void cv::divide (double scale, const Mat &b, Mat &c)
CV_EXPORTS void cv::subtract (const Scalar &s, const Mat &a, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::scaleAdd (const Mat &a, double alpha, const Mat &b, Mat &c)
CV_EXPORTS void cv::addWeighted (const Mat &a, double alpha, const Mat &b, double beta, double gamma, Mat &c)
CV_EXPORTS void cv::convertScaleAbs (const Mat &a, Mat &c, double alpha=1, double beta=0)
CV_EXPORTS void cv::LUT (const Mat &a, const Mat &lut, Mat &b)
CV_EXPORTS Scalar cv::sum (const Mat &m)
CV_EXPORTS int cv::countNonZero (const Mat &m)
CV_EXPORTS Scalar cv::mean (const Mat &m)
CV_EXPORTS Scalar cv::mean (const Mat &m, const Mat &mask)
CV_EXPORTS void cv::meanStdDev (const Mat &m, Scalar &mean, Scalar &stddev, const Mat &mask=Mat())
CV_EXPORTS double cv::norm (const Mat &a, int normType=NORM_L2)
CV_EXPORTS double cv::norm (const Mat &a, const Mat &b, int normType=NORM_L2)
CV_EXPORTS double cv::norm (const Mat &a, int normType, const Mat &mask)
CV_EXPORTS double cv::norm (const Mat &a, const Mat &b, int normType, const Mat &mask)
CV_EXPORTS void cv::normalize (const Mat &a, Mat &b, double alpha=1, double beta=0, int norm_type=NORM_L2, int rtype=-1, const Mat &mask=Mat())
CV_EXPORTS void cv::minMaxLoc (const Mat &a, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, const Mat &mask=Mat())
CV_EXPORTS void cv::reduce (const Mat &m, Mat &dst, int dim, int rtype, int dtype=-1)
CV_EXPORTS void cv::merge (const Mat *mv, size_t count, Mat &dst)
CV_EXPORTS void cv::split (const Mat &m, Mat *mvbegin)
CV_EXPORTS void cv::mixChannels (const Mat *src, int nsrcs, Mat *dst, int ndsts, const int *fromTo, size_t npairs)
CV_EXPORTS void cv::flip (const Mat &a, Mat &b, int flipCode)
CV_EXPORTS void cv::repeat (const Mat &a, int ny, int nx, Mat &b)
CV_EXPORTS void cv::bitwise_and (const Mat &a, const Mat &b, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::bitwise_or (const Mat &a, const Mat &b, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::bitwise_xor (const Mat &a, const Mat &b, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::bitwise_and (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::bitwise_or (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::bitwise_xor (const Mat &a, const Scalar &s, Mat &c, const Mat &mask=Mat())
CV_EXPORTS void cv::bitwise_not (const Mat &a, Mat &c)
CV_EXPORTS void cv::absdiff (const Mat &a, const Mat &b, Mat &c)
CV_EXPORTS void cv::absdiff (const Mat &a, const Scalar &s, Mat &c)
CV_EXPORTS void cv::inRange (const Mat &src, const Mat &lowerb, const Mat &upperb, Mat &dst)
CV_EXPORTS void cv::inRange (const Mat &src, const Scalar &lowerb, const Scalar &upperb, Mat &dst)
CV_EXPORTS void cv::compare (const Mat &a, const Mat &b, Mat &c, int cmpop)
CV_EXPORTS void cv::compare (const Mat &a, double s, Mat &c, int cmpop)
CV_EXPORTS void cv::min (const Mat &a, const Mat &b, Mat &c)
CV_EXPORTS void cv::min (const Mat &a, double alpha, Mat &c)
CV_EXPORTS void cv::max (const Mat &a, const Mat &b, Mat &c)
CV_EXPORTS void cv::max (const Mat &a, double alpha, Mat &c)
CV_EXPORTS void cv::sqrt (const Mat &a, Mat &b)
CV_EXPORTS void cv::pow (const Mat &a, double power, Mat &b)
CV_EXPORTS void cv::exp (const Mat &a, Mat &b)
CV_EXPORTS void cv::log (const Mat &a, Mat &b)
CV_EXPORTS float cv::cubeRoot (float val)
CV_EXPORTS float cv::fastAtan2 (float y, float x)
CV_EXPORTS void cv::polarToCart (const Mat &magnitude, const Mat &angle, Mat &x, Mat &y, bool angleInDegrees=false)
CV_EXPORTS void cv::cartToPolar (const Mat &x, const Mat &y, Mat &magnitude, Mat &angle, bool angleInDegrees=false)
CV_EXPORTS void cv::phase (const Mat &x, const Mat &y, Mat &angle, bool angleInDegrees=false)
CV_EXPORTS void cv::magnitude (const Mat &x, const Mat &y, Mat &magnitude)
CV_EXPORTS bool cv::checkRange (const Mat &a, bool quiet=true, Point *pt=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX)
CV_EXPORTS void cv::gemm (const Mat &a, const Mat &b, double alpha, const Mat &c, double gamma, Mat &d, int flags=0)
CV_EXPORTS void cv::mulTransposed (const Mat &a, Mat &c, bool aTa, const Mat &delta=Mat(), double scale=1, int rtype=-1)
CV_EXPORTS void cv::transpose (const Mat &a, Mat &b)
CV_EXPORTS void cv::transform (const Mat &src, Mat &dst, const Mat &m)
CV_EXPORTS void cv::perspectiveTransform (const Mat &src, Mat &dst, const Mat &m)
CV_EXPORTS void cv::completeSymm (Mat &a, bool lowerToUpper=false)
CV_EXPORTS void cv::setIdentity (Mat &c, const Scalar &s=Scalar(1))
CV_EXPORTS double cv::determinant (const Mat &m)
CV_EXPORTS Scalar cv::trace (const Mat &m)
CV_EXPORTS double cv::invert (const Mat &a, Mat &c, int flags=DECOMP_LU)
CV_EXPORTS bool cv::solve (const Mat &a, const Mat &b, Mat &x, int flags=DECOMP_LU)
CV_EXPORTS void cv::sort (const Mat &a, Mat &b, int flags)
CV_EXPORTS void cv::sortIdx (const Mat &a, Mat &b, int flags)
CV_EXPORTS int cv::solveCubic (const Mat &coeffs, Mat &roots)
CV_EXPORTS double cv::solvePoly (const Mat &coeffs, Mat &roots, int maxIters=300)
CV_EXPORTS bool cv::eigen (const Mat &a, Mat &eigenvalues, int lowindex=-1, int highindex=-1)
CV_EXPORTS bool cv::eigen (const Mat &a, Mat &eigenvalues, Mat &eigenvectors, int lowindex=-1, int highindex=-1)
CV_EXPORTS void cv::calcCovarMatrix (const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F)
CV_EXPORTS void cv::calcCovarMatrix (const Mat &samples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F)
CV_EXPORTS double cv::Mahalanobis (const Mat &v1, const Mat &v2, const Mat &icovar)
CV_EXPORTS void cv::dft (const Mat &src, Mat &dst, int flags=0, int nonzeroRows=0)
CV_EXPORTS void cv::idft (const Mat &src, Mat &dst, int flags=0, int nonzeroRows=0)
CV_EXPORTS void cv::dct (const Mat &src, Mat &dst, int flags=0)
CV_EXPORTS void cv::idct (const Mat &src, Mat &dst, int flags=0)
CV_EXPORTS void cv::mulSpectrums (const Mat &a, const Mat &b, Mat &c, int flags, bool conjB=false)
CV_EXPORTS int cv::getOptimalDFTSize (int vecsize)
CV_EXPORTS double cv::kmeans (const Mat &data, int K, Mat &best_labels, TermCriteria criteria, int attempts, int flags, Mat *centers)
CV_EXPORTS RNG & cv::theRNG ()
CV_EXPORTS void cv::randShuffle (Mat &dst, double iterFactor=1., RNG *rng=0)
CV_EXPORTS void cv::line (Mat &img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
CV_EXPORTS void cv::rectangle (Mat &img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
CV_EXPORTS void cv::rectangle (Mat &img, Rect rec, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
CV_EXPORTS void cv::circle (Mat &img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
CV_EXPORTS void cv::ellipse (Mat &img, Point center, Size axes, double angle, double startAngle, double endAngle, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
CV_EXPORTS void cv::ellipse (Mat &img, const RotatedRect &box, const Scalar &color, int thickness=1, int lineType=8)
CV_EXPORTS void cv::fillConvexPoly (Mat &img, const Point *pts, int npts, const Scalar &color, int lineType=8, int shift=0)
CV_EXPORTS void cv::fillPoly (Mat &img, const Point **pts, const int *npts, int ncontours, const Scalar &color, int lineType=8, int shift=0, Point offset=Point())
CV_EXPORTS void cv::polylines (Mat &img, const Point **pts, const int *npts, int ncontours, bool isClosed, const Scalar &color, int thickness=1, int lineType=8, int shift=0)
CV_EXPORTS bool cv::clipLine (Size imgSize, Point &pt1, Point &pt2)
CV_EXPORTS bool cv::clipLine (Rect img_rect, Point &pt1, Point &pt2)
CV_EXPORTS void cv::ellipse2Poly (Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, vector< Point > &pts)
CV_EXPORTS void cv::putText (Mat &img, const string &text, Point org, int fontFace, double fontScale, Scalar color, int thickness=1, int linetype=8, bool bottomLeftOrigin=false)
CV_EXPORTS Size cv::getTextSize (const string &text, int fontFace, double fontScale, int thickness, int *baseLine)
CV_EXPORTS void cv::add (const MatND &a, const MatND &b, MatND &c, const MatND &mask)
CV_EXPORTS void cv::subtract (const MatND &a, const MatND &b, MatND &c, const MatND &mask)
CV_EXPORTS void cv::add (const MatND &a, const MatND &b, MatND &c)
CV_EXPORTS void cv::subtract (const MatND &a, const MatND &b, MatND &c)
CV_EXPORTS void cv::add (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::multiply (const MatND &a, const MatND &b, MatND &c, double scale=1)
CV_EXPORTS void cv::divide (const MatND &a, const MatND &b, MatND &c, double scale=1)
CV_EXPORTS void cv::divide (double scale, const MatND &b, MatND &c)
CV_EXPORTS void cv::subtract (const Scalar &s, const MatND &a, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::scaleAdd (const MatND &a, double alpha, const MatND &b, MatND &c)
CV_EXPORTS void cv::addWeighted (const MatND &a, double alpha, const MatND &b, double beta, double gamma, MatND &c)
CV_EXPORTS Scalar cv::sum (const MatND &m)
CV_EXPORTS int cv::countNonZero (const MatND &m)
CV_EXPORTS Scalar cv::mean (const MatND &m)
CV_EXPORTS Scalar cv::mean (const MatND &m, const MatND &mask)
CV_EXPORTS void cv::meanStdDev (const MatND &m, Scalar &mean, Scalar &stddev, const MatND &mask=MatND())
CV_EXPORTS double cv::norm (const MatND &a, int normType=NORM_L2, const MatND &mask=MatND())
CV_EXPORTS double cv::norm (const MatND &a, const MatND &b, int normType=NORM_L2, const MatND &mask=MatND())
CV_EXPORTS void cv::normalize (const MatND &a, MatND &b, double alpha=1, double beta=0, int norm_type=NORM_L2, int rtype=-1, const MatND &mask=MatND())
CV_EXPORTS void cv::minMaxLoc (const MatND &a, double *minVal, double *maxVal, int *minIdx=0, int *maxIdx=0, const MatND &mask=MatND())
CV_EXPORTS void cv::merge (const MatND *mvbegin, size_t count, MatND &dst)
CV_EXPORTS void cv::split (const MatND &m, MatND *mv)
CV_EXPORTS void cv::mixChannels (const MatND *src, int nsrcs, MatND *dst, int ndsts, const int *fromTo, size_t npairs)
CV_EXPORTS void cv::bitwise_and (const MatND &a, const MatND &b, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::bitwise_or (const MatND &a, const MatND &b, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::bitwise_xor (const MatND &a, const MatND &b, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::bitwise_and (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::bitwise_or (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::bitwise_xor (const MatND &a, const Scalar &s, MatND &c, const MatND &mask=MatND())
CV_EXPORTS void cv::bitwise_not (const MatND &a, MatND &c)
CV_EXPORTS void cv::absdiff (const MatND &a, const MatND &b, MatND &c)
CV_EXPORTS void cv::absdiff (const MatND &a, const Scalar &s, MatND &c)
CV_EXPORTS void cv::inRange (const MatND &src, const MatND &lowerb, const MatND &upperb, MatND &dst)
CV_EXPORTS void cv::inRange (const MatND &src, const Scalar &lowerb, const Scalar &upperb, MatND &dst)
CV_EXPORTS void cv::compare (const MatND &a, const MatND &b, MatND &c, int cmpop)
CV_EXPORTS void cv::compare (const MatND &a, double s, MatND &c, int cmpop)
CV_EXPORTS void cv::min (const MatND &a, const MatND &b, MatND &c)
CV_EXPORTS void cv::min (const MatND &a, double alpha, MatND &c)
CV_EXPORTS void cv::max (const MatND &a, const MatND &b, MatND &c)
CV_EXPORTS void cv::max (const MatND &a, double alpha, MatND &c)
CV_EXPORTS void cv::sqrt (const MatND &a, MatND &b)
CV_EXPORTS void cv::pow (const MatND &a, double power, MatND &b)
CV_EXPORTS void cv::exp (const MatND &a, MatND &b)
CV_EXPORTS void cv::log (const MatND &a, MatND &b)
CV_EXPORTS bool cv::checkRange (const MatND &a, bool quiet=true, int *idx=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX)
CV_EXPORTS ConvertData cv::getConvertElem (int fromType, int toType)
CV_EXPORTS ConvertScaleData cv::getConvertScaleElem (int fromType, int toType)
CV_EXPORTS void cv::minMaxLoc (const SparseMat &a, double *minVal, double *maxVal, int *minIdx=0, int *maxIdx=0)
CV_EXPORTS double cv::norm (const SparseMat &src, int normType)
CV_EXPORTS void cv::normalize (const SparseMat &src, SparseMat &dst, double alpha, int normType)

Variables

class CV_EXPORTS cv::Size_
class CV_EXPORTS cv::Point_
class CV_EXPORTS cv::Rect_
class CV_EXPORTS cv::MatExpr_Base_
class CV_EXPORTS cv::MatOp_DivRS_
class CV_EXPORTS cv::MatOp_Inv_
class CV_EXPORTS cv::MatOp_MulDiv_
class CV_EXPORTS cv::MatOp_Repeat_
class CV_EXPORTS cv::MatOp_Set_
class CV_EXPORTS cv::MatOp_Scale_
class CV_EXPORTS cv::MatOp_T_
class CV_EXPORTS cv::MatOp_Iter_
class CV_EXPORTS cv::FileNode
class CV_EXPORTS cv::FileNodeIterator