OpenCV  3.2.0
Open Source Computer Vision
Classes | Namespaces | Functions
aruco.hpp File Reference
#include <opencv2/core.hpp>
#include <vector>
#include "opencv2/aruco/dictionary.hpp"

Classes

class  cv::aruco::Board
 Board of markers. More...
 
struct  cv::aruco::DetectorParameters
 Parameters for the detectMarker process: More...
 
class  cv::aruco::GridBoard
 Planar board with grid arrangement of markers More common type of board. All markers are placed in the same plane in a grid arrangment. The board can be drawn using drawPlanarBoard() function (. More...
 

Namespaces

 cv
 
 cv::aruco
 

Functions

void cv::aruco::_drawPlanarBoardImpl (Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
 Implementation of drawPlanarBoard that accepts a raw Board pointer. More...
 
double cv::aruco::calibrateCameraAruco (InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
 Calibrate a camera using aruco markers. More...
 
double cv::aruco::calibrateCameraAruco (InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs=noArray(), OutputArrayOfArrays tvecs=noArray(), int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
 It's the same function as calibrateCameraAruco but without calibration error estimation. More...
 
void cv::aruco::detectMarkers (InputArray image, const Ptr< Dictionary > &dictionary, OutputArrayOfArrays corners, OutputArray ids, const Ptr< DetectorParameters > &parameters=DetectorParameters::create(), OutputArrayOfArrays rejectedImgPoints=noArray())
 Basic marker detection. More...
 
void cv::aruco::drawAxis (InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length)
 Draw coordinate system axis from pose estimation. More...
 
void cv::aruco::drawDetectedMarkers (InputOutputArray image, InputArrayOfArrays corners, InputArray ids=noArray(), Scalar borderColor=Scalar(0, 255, 0))
 Draw detected markers in image. More...
 
void cv::aruco::drawMarker (const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1)
 Draw a canonical marker image. More...
 
void cv::aruco::drawPlanarBoard (const Ptr< Board > &board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
 Draw a planar board. More...
 
int cv::aruco::estimatePoseBoard (InputArrayOfArrays corners, InputArray ids, const Ptr< Board > &board, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec)
 Pose estimation for a board of markers. More...
 
void cv::aruco::estimatePoseSingleMarkers (InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs)
 Pose estimation for single markers. More...
 
void cv::aruco::refineDetectedMarkers (InputArray image, const Ptr< Board > &board, InputOutputArrayOfArrays detectedCorners, InputOutputArray detectedIds, InputOutputArrayOfArrays rejectedCorners, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), float minRepDistance=10.f, float errorCorrectionRate=3.f, bool checkAllOrders=true, OutputArray recoveredIdxs=noArray(), const Ptr< DetectorParameters > &parameters=DetectorParameters::create())
 Refind not detected markers based on the already detected and the board layout. More...
 
cv::Feature2D::read
virtual void read(const FileNode &)
Reads algorithm parameters from a file storage.
cv::FileNode::STR
@ STR
text string in UTF-8 encoding
Definition: persistence.hpp:495
cv::hpp::toHppType
int toHppType(const int cvType)
convert OpenCV data type to hppDataType
Definition: ippasync.hpp:69
cv::MatOp::assign
virtual void assign(const MatExpr &expr, Mat &m, int type=-1) const =0
cv::Mat_::operator()
Mat_ operator()(const Rect &roi) const
cv::_OutputArray::_OutputArray
_OutputArray(const ogl::Buffer &buf)
cv::cudev::PtrTraitsBase
Definition: traits.hpp:57
cv::TrackerFeatureFeature2d::selection
void selection(Mat &response, int npoints)
Identify most effective features.
CvTrackbarCallback
void(* CvTrackbarCallback)(int pos)
Definition: highgui_c.h:158
cv::Mat2w
Mat_< Vec2w > Mat2w
Definition: mat.hpp:2204
tinyxml2::XMLElement::QueryAttribute
int QueryAttribute(const char *name, int *value) const
Definition: tinyxml2.h:1285
modelConvert
function modelConvert(model, outname) %% script for converting Piotr 's matlab model into YAML format outfile
cv::dnn::BlobShape::canonicalAxis
int canonicalAxis(int axis) const
Converts axis index to canonical format (where 0 <= axis < dims()).
cv::FONT_HERSHEY_SCRIPT_COMPLEX
@ FONT_HERSHEY_SCRIPT_COMPLEX
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: core.hpp:231
clCreateProgramWithBinary
#define clCreateProgramWithBinary
Definition: opencl_core_wrappers.hpp:43
cv::flann::GenericIndex::DistanceType
Distance::ResultType DistanceType
Definition: flann.hpp:112
cv::TrackerSampler::TrackerSampler
TrackerSampler()
Constructor.
cv::detail::BestOf2NearestRangeMatcher::BestOf2NearestRangeMatcher
BestOf2NearestRangeMatcher(int range_width=5, bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6, int num_matches_thresh2=6)
cv::RNG::uniform
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
cvflann::L2::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:142
cv_vrecp_f32
float32x2_t cv_vrecp_f32(float32x2_t val)
Definition: neon_utils.hpp:90
cv::datasets::TR_icdar::load
virtual void load(const std::string &path)=0
cv::sfm::normalizedEightPointSolver
void normalizedEightPointSolver(InputArray x1, InputArray x2, OutputArray F)
Estimate the fundamental matrix between two dataset of 2D point (image coords space).
cv::CAP_PROP_XI_AEAG
@ CAP_PROP_XI_AEAG
Automatic exposure/gain.
Definition: videoio.hpp:341
cv::_InputArray::_InputArray
_InputArray(const std::vector< bool > &vec)
cv::MatIterator_
Matrix read-write iterator.
Definition: mat.hpp:2981
cv::ml::DTrees::Node::defaultDir
int defaultDir
Definition: ml.hpp:1060
cv::ocl::Device::nativeVectorWidthLong
int nativeVectorWidthLong() const
cvflann::L2_Simple::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:105
cvSetSeqBlockSize
void cvSetSeqBlockSize(CvSeq *seq, int delta_elems)
CvNArrayIterator::hdr
CvMatND * hdr[10]
Definition: core_c.h:573
cv::TonemapMantiuk::getScale
virtual float getScale() const =0
matlab::MxArray::Matrix
static MxArray Matrix(size_t m, size_t n)
explicit matrix constructor
Definition: mxarray.hpp:308
CV_CAP_PROP_XI_GAIN_SELECTOR
@ CV_CAP_PROP_XI_GAIN_SELECTOR
Definition: videoio_c.h:284
cv::cudev::ResizePtrSz
Definition: resize.hpp:78
cv::cuda::GpuMat::type
int type() const
returns element type
cv::superres::FarnebackOpticalFlow::setPolyN
virtual void setPolyN(int val)=0
cvflann::FLANN_DIST_MAX
@ FLANN_DIST_MAX
Definition: defines.h:134
cv::instr::TYPE_GENERAL
@ TYPE_GENERAL
Definition: utility.hpp:1092
cv::FlannBasedMatcher::clear
virtual void clear()
Clears the train descriptor collections.
cv::cudev::AffineMapPtrSz::rows
int rows
Definition: warping.hpp:79
cv::detail::PaniniPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::detail::StereographicProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cvEndWriteSeq
CvSeq * cvEndWriteSeq(CvSeqWriter *writer)
tinyxml2::XMLPrinter::PushAttribute
void PushAttribute(const char *name, unsigned value)
cv::datasets::cameraParam::mat3
Matx33d mat3
Definition: msm_epfl.hpp:64
cv::optflow::VariationalRefinement::getOmega
virtual float getOmega() const =0
Relaxation factor in SOR.
cv::xphoto::WhiteBalancer::balanceWhite
virtual void balanceWhite(InputArray src, OutputArray dst)=0
Applies white balancing to the input image.
cv::datasets::PD_inriaObj::depth
int depth
Definition: pd_inria.hpp:77
cv::CAP_PROP_IOS_DEVICE_EXPOSURE
@ CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio.hpp:487
cv::floodFill
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
clAmdBlasSetup
#define clAmdBlasSetup
Definition: opencl_clamdblas.hpp:373
cv::ft::MULTI_STEP
@ MULTI_STEP
Definition: types.hpp:62
CvMemBlock::next
struct CvMemBlock * next
Definition: types_c.h:1183
cv::AgastFeatureDetector_Impl::AgastFeatureDetector_Impl
AgastFeatureDetector_Impl(int _threshold, bool _nonmaxSuppression, int _type)
Definition: agast.txt:7484
cv::cudev::BrdWrap::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
cv::cudev::bit_rshift
Definition: functional.hpp:270
cv::SeqIterator::operator-=
SeqIterator & operator-=(int)
moves iterator backward by the specified offset (possibly negative)
Definition: core_c.h:3152
cvflann::abs
T abs(T x)
Definition: dist.h:58
cv::MatConstIterator_::pos
Point pos() const
returns the current iterator position
cv::Vec3b
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:364
cv::ClfOnlineStump::classifyF
float classifyF(const Mat &x, int i)
cvflann::anyimpl::typed_base_any_policy
Definition: any.h:56
cv::viz::Color::orange
static Color orange()
clCreateFromGLRenderbuffer
#define clCreateFromGLRenderbuffer
Definition: opencl_gl.hpp:26
cv::viz::Color::bluberry
static Color bluberry()
cv::Mat::reshape
Mat reshape(int cn, int rows=0) const
Changes the shape and/or the number of channels of a 2D matrix without copying the data.
cv::cuda::StereoConstantSpaceBP
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:218
cv::TrackerMIL::Params::samplerInitInRadius
float samplerInitInRadius
radius for gathering positive instances during init
Definition: tracker.hpp:1093
matlab::MxArray::isNumeric
bool isNumeric() const
Definition: mxarray.hpp:428
cv::saliency::StaticSaliencySpectralResidual::write
void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
cv::detail::Blender::dst_mask_
UMat dst_mask_
Definition: blenders.hpp:93
NCVMatrix::ptr
T * ptr() const
Definition: NCV.hpp:823
cv::Matx::t
Matx< _Tp, n, m > t() const
transpose the matrix
cv::SORT_DESCENDING
@ SORT_DESCENDING
Definition: core.hpp:154
cv::detail::PlaneProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::TrackerStateEstimatorAdaBoosting::setCurrentConfidenceMap
void setCurrentConfidenceMap(ConfidenceMap &confidenceMap)
Set the current confidenceMap.
cv::cudev::atomicAdd
__device__ __forceinline__ int atomicAdd(int *address, int val)
Definition: atomic.hpp:58
cv::cudev::MakeVec< schar, 2 >::type
char2 type
Definition: vec_traits.hpp:77
cv::linemod::Detector::pyramidLevels
int pyramidLevels() const
Get number of pyramid levels used by this detector.
Definition: linemod.hpp:392
CV_CAP_PROP_PREVIEW_FORMAT
@ CV_CAP_PROP_PREVIEW_FORMAT
Definition: videoio_c.h:213
cv::Feature2D::descriptorSize
virtual int descriptorSize() const
CvGraph
Definition: types_c.h:1370
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::setTargetResponses
void setTargetResponses(const Mat &responses)
Set the features extracted from TrackerFeatureSet.
copy.hpp
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< std::vector< _Tp > > &vec)
resize.hpp
cv::ocl::haveSVM
bool haveSVM()
NCV_NOIMPL_HAAR_TILTED_FEATURES
@ NCV_NOIMPL_HAAR_TILTED_FEATURES
Definition: NCV.hpp:349
cv::TrackerStateEstimatorMILBoosting::estimateImpl
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)
tinyxml2::MemPoolT::~MemPoolT
~MemPoolT()
Definition: tinyxml2.h:331
cv::cudacodec::Uncompressed_YV12
@ Uncompressed_YV12
Y,V,U (4:2:0)
Definition: cudacodec.hpp:255
CV_GRAY2BGR565
@ CV_GRAY2BGR565
Definition: types_c.h:139
cv::StereoMatcher::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
cv::Affine3::cast
Affine3< Y > cast() const
CV_CAP_PROP_XI_AEAG_ROI_OFFSET_X
@ CV_CAP_PROP_XI_AEAG_ROI_OFFSET_X
Definition: videoio_c.h:300
cv::CAP_PROP_DC1394_MODE_AUTO
@ CAP_PROP_DC1394_MODE_AUTO
Definition: videoio.hpp:200
cv::AGAST_5_8
static void AGAST_5_8(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:55
cv::hal::cvtThreePlaneYUVtoBGR
void cvtThreePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
cv::ximgproc::HoughOp
HoughOp
Specifies binary operations.
Definition: fast_hough_transform.hpp:89
IplImage::imageDataOrigin
char * imageDataOrigin
Definition: types_c.h:329
cv::cuda::FEATURE_SET_COMPUTE_10
@ FEATURE_SET_COMPUTE_10
Definition: cuda.hpp:594
cv::Moments::mu03
double mu03
Definition: types.hpp:867
cv::cuda::HOG::getL2HysThreshold
virtual double getL2HysThreshold() const =0
cv::ml::SVM::setGamma
virtual void setGamma(double val)=0
cv::flann::KDTreeIndexParams::KDTreeIndexParams
KDTreeIndexParams(int trees=4)
tinyxml2::MemPool::SetTracked
virtual void SetTracked()=0
CV_IMWRITE_JPEG_PROGRESSIVE
@ CV_IMWRITE_JPEG_PROGRESSIVE
Definition: imgcodecs_c.h:83
cvflann::FLANN_INDEX_AUTOTUNED
@ FLANN_INDEX_AUTOTUNED
Definition: defines.h:91
cvUseOptimized
int cvUseOptimized(int on_off)
cv::WeakClassifierHaarFeature
Definition: onlineBoosting.hpp:174
cv::stereo::StereoBinaryBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::detail::BundleAdjusterBase::edges_
std::vector< std::pair< int, int > > edges_
Definition: motion_estimators.hpp:209
cv::accumulateProduct
void accumulateProduct(InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray())
Adds the per-element product of two input images to the accumulator.
cv::TrackerFeatureLBP
TrackerFeature based on LBP.
Definition: tracker.hpp:1061
CvHaarClassifierCascade::hid_cascade
CvHidHaarClassifierCascade * hid_cascade
Definition: objdetect_c.h:114
cv::cuda::FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback’s algorithm.
Definition: cudaoptflow.hpp:216
cv::CAP_OPENNI_POINT_CLOUD_MAP
@ CAP_OPENNI_POINT_CLOUD_MAP
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:249
cv::hal::sub8s
void sub8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::ml::DTrees::getSplits
virtual const std::vector< Split > & getSplits() const =0
Returns all the splits.
cv::Mat::diag
static Mat diag(const Mat &d)
creates a diagonal matrix
CV_GRAPH_ALL_ITEMS
#define CV_GRAPH_ALL_ITEMS
Definition: core_c.h:1849
cv::Error::StsBadSize
@ StsBadSize
the input/output structure size is incorrect
Definition: base.hpp:101
cv::ml::LogisticRegression::getMiniBatchSize
virtual int getMiniBatchSize() const =0
cv::aruco::estimatePoseCharucoBoard
bool estimatePoseCharucoBoard(InputArray charucoCorners, InputArray charucoIds, const Ptr< CharucoBoard > &board, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec)
Pose estimation for a ChArUco board given some of their corners.
CvMatND::fl
float * fl
Definition: types_c.h:637
cv::rgbd::Odometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
cv::FONT_HERSHEY_COMPLEX_SMALL
@ FONT_HERSHEY_COMPLEX_SMALL
smaller version of FONT_HERSHEY_COMPLEX
Definition: core.hpp:229
tinyxml2::XMLElement::QueryDoubleText
XMLError QueryDoubleText(double *dval) const
See QueryIntText()
CV_CAP_PROP_AUTOFOCUS
@ CV_CAP_PROP_AUTOFOCUS
Definition: videoio_c.h:207
cv::COLOR_YUV2GRAY_Y422
@ COLOR_YUV2GRAY_Y422
Definition: imgproc.hpp:709
cvReadReal
double cvReadReal(const CvFileNode *node, double default_value=0.)
Retrieves a floating-point value from a file node.
Definition: core_c.h:2379
cv::WImageBufferC::WImageBufferC
WImageBufferC(IplImage *img)
Definition: wimage.hpp:366
cv::cudev::GpuMat_::colRange
__host__ GpuMat_ colRange(Range r) const
NPPST_INVALID_STEP
@ NPPST_INVALID_STEP
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
cv::Matx44f
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:228
clFlush
#define clFlush
Definition: opencl_core.hpp:190
cv::CvHaarEvaluator::isIntegral
bool isIntegral
Definition: feature.hpp:277
cv::dnn::Blob::matRef
Mat & matRef(bool writeOnly=true)
Returns reference to cv::Mat, containing blob data.
cvSetNumThreads
void cvSetNumThreads(int threads=0)
cv::ClfMilBoost::Params::Params
Params()
cvFloodFill
void cvFloodFill(CvArr *image, CvPoint seed_point, CvScalar new_val, CvScalar lo_diff=cvScalarAll(0), CvScalar up_diff=cvScalarAll(0), CvConnectedComp *comp=NULL, int flags=4, CvArr *mask=NULL)
Fills the connected component until the color difference gets large enough.
cv::cudev::atomicMax
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
cvflann::ensureSquareDistance
Distance::ResultType ensureSquareDistance(typename Distance::ResultType dist)
Definition: dist.h:835
cv::cudev::Block::blockSize
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
CvSeq::elem_size
int elem_size
Definition: types_c.h:1267
cv::omnidir::internal::initializeStereoCalibration
void initializeStereoCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, const Size &size1, const Size &size2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray K1, OutputArray D1, OutputArray K2, OutputArray D2, double &xi1, double &xi2, int flags, OutputArray idx)
cv::directx::ocl::initializeContextFromD3D11Device
Context & initializeContextFromD3D11Device(ID3D11Device *pD3D11Device)
Creates OpenCL context from D3D11 device.
cv::Subdiv2D::Vertex::isfree
bool isfree() const
NCVBroxOpticalFlowDescriptor
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:70
cv::sfm::BaseSFM::run
virtual void run(InputArrayOfArrays points2d)=0
tinyxml2::XMLDocument::ToDocument
virtual const XMLDocument * ToDocument() const
Definition: tinyxml2.h:1515
cv::MIXED_CLONE
@ MIXED_CLONE
Definition: photo.hpp:80
cv::sfm::libmv_ReconstructionOptions
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:135
cv::BackgroundSubtractorMOG2::getNMixtures
virtual int getNMixtures() const =0
Returns the number of gaussian components in the background model.
cv::DenseOpticalFlow::collectGarbage
virtual void collectGarbage()=0
Releases all inner buffers.
cv::detail::TimelapserCrop::initialize
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes)
cv::Param
Definition: core.hpp:3115
cuda_stream_accessor.hpp
cv::CAP_PROP_FRAME_WIDTH
@ CAP_PROP_FRAME_WIDTH
Width of the frames in the video stream.
Definition: videoio.hpp:127
cv::cudev::Sum
Definition: reduce_to_vec.hpp:66
HaarFeature64::_ui2
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
cv::ocl::Device::name
String name() const
cv::cuda::Event::queryIfComplete
bool queryIfComplete() const
queries an event's status
cv::superres::BroxOpticalFlow::getInnerIterations
virtual int getInnerIterations() const =0
Number of lagged non-linearity iterations (inner loop)
cv::AgastFeatureDetector_Impl::type
int type
Definition: agast.txt:7534
cv::sfm::SFM_IO_OPENMVG
@ SFM_IO_OPENMVG
Definition: io.hpp:61
cv::ml::DTrees::setMaxDepth
virtual void setMaxDepth(int val)=0
cv::Complex::re
_Tp re
Definition: types.hpp:87
cv::cuda::GpuMat::Allocator::~Allocator
virtual ~Allocator()
Definition: cuda.hpp:102
cv::MatConstIterator_::reference
const _Tp & reference
Definition: mat.hpp:2931
hal_ni_min32f
int hal_ni_min32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:116
CV_ADAPTIVE_THRESH_MEAN_C
@ CV_ADAPTIVE_THRESH_MEAN_C
Definition: types_c.h:587
cv::ximgproc::createSuperpixelLSC
Ptr< SuperpixelLSC > createSuperpixelLSC(InputArray image, int region_size=10, float ratio=0.075f)
Class implementing the LSC (Linear Spectral Clustering) superpixels.
cv::detail::NoBundleAdjuster::NoBundleAdjuster
NoBundleAdjuster()
Definition: motion_estimators.hpp:218
cv::hal::cvtBGR5x5toBGR
void cvtBGR5x5toBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int greenBits)
cv::AffineTransformer::getFullAffine
virtual bool getFullAffine() const =0
onlineMIL.hpp
cv::videostab::WeightingDeblurer::setSensitivity
void setSensitivity(float val)
Definition: deblurring.hpp:101
cv::rgbd::RgbdNormals::setRows
void setRows(int val)
Definition: rgbd.hpp:157
cv::ml::SVM::C
@ C
Definition: ml.hpp:632
cv::cudev::cast_fp16< float, short >
__device__ __forceinline__ short cast_fp16< float, short >(float v)
Definition: saturate_cast.hpp:280
CV_BGR5552BGR
@ CV_BGR5552BGR
Definition: types_c.h:144
CvLevMarq::update
bool update(const CvMat *&param, CvMat *&J, CvMat *&err)
cvflann::lsh::LshStats::n_buckets_
size_t n_buckets_
Definition: lsh_table.h:85
cvflann::DynamicBitset
Definition: dynamic_bitset.h:58
CV_SET_ELEM_FIELDS
#define CV_SET_ELEM_FIELDS(elem_type)
Set Order is not preserved. There can be gaps between sequence elements. After the element has been i...
Definition: types_c.h:1280
cv::reg::Map::warp
virtual void warp(const cv::Mat &img1, cv::Mat &img2) const
cv::superres::SuperResolution::reset
void reset()
cv::cuda::createDerivFilter
Ptr< Filter > createDerivFilter(int srcType, int dstType, int dx, int dy, int ksize, bool normalize=false, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a generalized Deriv operator.
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategySize
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
cv::bridge::Bridge::toPtrLineSegmentDetector
Ptr_LineSegmentDetector toPtrLineSegmentDetector()
Definition: bridge.hpp:453
cv::FM_8POINT
@ FM_8POINT
8-point algorithm
Definition: calib3d.hpp:281
cv::String::String
String(Iterator first, Iterator last)
cv::Vec::Vec
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_SubOp)
cv::Mat2f
Mat_< Vec2f > Mat2f
Definition: mat.hpp:2214
cv::Mat::rows
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:1959
cv::VideoWriter::release
virtual void release()
Closes the video writer.
cv::ml::DTrees::Node::left
int left
Index of the left child node.
Definition: ml.hpp:1058
cvflann::LinearIndex::buildIndex
void buildIndex()
Builds the index.
Definition: linear_index.h:88
cv::cuda::BackgroundSubtractorGMG::getSmoothingRadius
virtual int getSmoothingRadius() const =0
cv::ACCESS_READ
@ ACCESS_READ
Definition: mat.hpp:62
hal_ni_QR32f
int hal_ni_QR32f(float *src1, size_t src1_step, int m, int n, int k, float *src2, size_t src2_step, float *dst, int *info)
Definition: hal_replacement.hpp:654
cv::datasets::GR_skig
Definition: gr_skig.hpp:106
cv::cuda::resize
void resize(InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR, Stream &stream=Stream::Null())
Resizes an image.
CvModuleInfo::name
const char * name
Definition: types_c.h:1856
cv::UMat::ones
static UMat ones(Size size, int type)
cv::datasets::FR_adienceObj::fiducial_score
int fiducial_score
Definition: fr_adience.hpp:80
cv::cudev::multiplies
Definition: functional.hpp:96
cv::CAP_PROP_POS_AVI_RATIO
@ CAP_PROP_POS_AVI_RATIO
Relative position of the video file: 0=start of the film, 1=end of the film.
Definition: videoio.hpp:126
cv::optflow::DISOpticalFlow::getUseMeanNormalization
virtual bool getUseMeanNormalization() const =0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
cv::HOGDescriptor::read
virtual bool read(FileNode &fn)
CvPoint3D32f::CvPoint3D32f
CvPoint3D32f(const cv::Point3_< _Tp > &pt)
Definition: types_c.h:945
cv::SphericalWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:93
cv::cudev::TexturePtr
Definition: texture.hpp:186
cv::cuda::HostMem::AllocType
AllocType
Definition: cuda.hpp:356
clEnqueueWriteBufferRect
#define clEnqueueWriteBufferRect
Definition: opencl_core_wrappers.hpp:133
cv::ocl::Device::type
int type() const
NCV_HAAR_TOO_LARGE_FEATURES
@ NCV_HAAR_TOO_LARGE_FEATURES
Definition: NCV.hpp:346
cv::Mat::copySize
void copySize(const Mat &m)
internal use function; properly re-allocates _size, _step arrays
cvMinS
void cvMinS(const CvArr *src, double value, CvArr *dst)
cv::cudev::SelectIf::type
ThenType type
Definition: type_traits.hpp:98
cv::ml::KNearest
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:407
cv::CAP_PROP_XI_AEAG_LEVEL
@ CAP_PROP_XI_AEAG_LEVEL
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:345
hal_ni_cvtGraytoBGR
int hal_ni_cvtGraytoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn)
hal_cvtGraytoBGR
Definition: hal_replacement.hpp:358
cv::ximgproc::RFFeatureGetter::getFeatures
virtual void getFeatures(const Mat &src, Mat &features, const int gnrmRad, const int gsmthRad, const int shrink, const int outNum, const int gradNum) const =0
cv::datasets::TRACK_alov::load
virtual void load(const std::string &path)=0
cvflann::load_saved_index
NNIndex< Distance > * load_saved_index(const Matrix< typename Distance::ElementType > &dataset, const cv::String &filename, Distance distance)
Definition: flann_base.hpp:73
cv::Vec::value_type
_Tp value_type
Definition: matx.hpp:308
simple_pipeline.hpp
linear_index.h
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3)
Definition: ocl.hpp:434
cv::omnidir::internal::checkFixed
void checkFixed(Mat &G, int flags, int n)
cv::ocl::Device::image3DMaxDepth
size_t image3DMaxDepth() const
cv::dnn::BlobShape::dims
int dims() const
Returns number of dimensions.
CvStereoBMState::textureThreshold
int textureThreshold
Definition: calib3d_c.h:336
cvflann::RadiusUniqueResultSet
Definition: result_set.h:449
cv::Seq::channels
int channels() const
returns the number of channels in each sequence element
Definition: core_c.h:3005
cv::videostab::OnePassStabilizer::estimateMotion
virtual Mat estimateMotion()
cv::WImage::Channels
int Channels() const
Definition: wimage.hpp:194
cv::MatConstIterator::lpos
ptrdiff_t lpos() const
cv::linemod::Detector::addTemplate
int addTemplate(const std::vector< Mat > &sources, const String &class_id, const Mat &object_mask, Rect *bounding_box=NULL)
Add new object template.
cv::videostab::MotionEstimatorRansacL2::estimate
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)
Estimates global motion between two 2D point clouds.
cvflann::search_with_ground_truth
float search_with_ground_truth(NNIndex< Distance > &index, const Matrix< typename Distance::ElementType > &inputData, const Matrix< typename Distance::ElementType > &testData, const Matrix< int > &matches, int nn, int checks, float &time, typename Distance::ResultType &dist, const Distance &distance, int skipMatches)
Definition: index_testing.h:86
tinyxml2::StrPair::ATTRIBUTE_VALUE
@ ATTRIBUTE_VALUE
Definition: tinyxml2.h:157
cv::superres::BroxOpticalFlow::setInnerIterations
virtual void setInnerIterations(int val)=0
Number of lagged non-linearity iterations (inner loop)
cv::MatConstIterator::pos
void pos(int *_idx) const
returns the current iterator position
CV_CAP_FFMPEG
@ CV_CAP_FFMPEG
Definition: videoio_c.h:124
cv::MARKER_STAR
@ MARKER_STAR
A star marker shape, combination of cross and tilted cross.
Definition: imgproc.hpp:4234
cv::cudev::FindMinValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:91
cvDecRefData
void cvDecRefData(CvArr *arr)
Decrements an array data reference counter.
Definition: core_c.h:298
cv::stereo::StereoBinaryBM::getPreFilterCap
virtual int getPreFilterCap() const =0
omnidir.hpp
cv::AGAST
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: agast.txt:7475
cv::cudev::Texture
Definition: texture.hpp:206
clGetProgramInfo
#define clGetProgramInfo
Definition: opencl_core_wrappers.hpp:193
tinyxml2::DynArray::operator[]
const T & operator[](int i) const
Definition: tinyxml2.h:259
cv::ximgproc::THINNING_GUOHALL
@ THINNING_GUOHALL
Definition: ximgproc.hpp:79
cv::text::BaseOCR
Definition: ocr.hpp:66
cv::NORM_L2
@ NORM_L2
Definition: base.hpp:190
cv::ximgproc::EdgeAwareInterpolator::getK
virtual int getK()=0
cv::dnn::RNNLayer
Classical recurrent layer.
Definition: all_layers.hpp:168
cv::Mat::ptr
const _Tp * ptr(int i0=0) const
CV_BadNumChannels
@ CV_BadNumChannels
Definition: types_c.h:135
cv::videostab::StabilizerBase::nextStabilizedFrame
Mat nextStabilizedFrame()
CvTypeInfo::type_name
const char * type_name
Definition: types_c.h:1831
cv::v_setzero_s64
v_int64x2 v_setzero_s64()
Definition: intrin_cpp.hpp:1527
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple::addStrategy
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > g, float weight)=0
Add a new sub-strategy.
cv::LDA::load
void load(const String &filename)
cv::linemod::Detector::write
void write(FileStorage &fs) const
cv::AgastFeatureDetector_Impl::setThreshold
void setThreshold(int threshold_)
Definition: agast.txt:7523
cv::cuda::gammaCorrection
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
clGetProgramBuildInfo
#define clGetProgramBuildInfo
Definition: opencl_core_wrappers.hpp:190
cv::dpm::DPMDetector::create
static cv::Ptr< DPMDetector > create(std::vector< std::string > const &filenames, std::vector< std::string > const &classNames=std::vector< std::string >())
Load the trained models from given .xml files and return cv::Ptr<DPMDetector>.
CV_CAP_PROP_XI_LENS_APERTURE_VALUE
@ CV_CAP_PROP_XI_LENS_APERTURE_VALUE
Definition: videoio_c.h:356
CvMouseCallback
void(* CvMouseCallback)(int event, int x, int y, int flags, void *param)
Definition: highgui_c.h:205
cv::MatExpr::flags
int flags
Definition: mat.hpp:3400
inpainting.hpp
cv::AgastFeatureDetector_Impl::detect
void detect(InputArray _image, std::vector< KeyPoint > &keypoints, InputArray _mask)
Detects keypoints in an image (first variant) or image set (second variant).
Definition: agast.txt:7488
cv::datasets::TR_icdar::create
static Ptr< TR_icdar > create()
cv::operator+=
v_reg< _Tp, n > & operator+=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:396
cv::dnn::LSTMLayer::setOutShape
virtual void setOutShape(const BlobShape &outTailShape=BlobShape::empty())=0
Specifies shape of output blob which will be [[T], N] + outTailShape.
CV_CAP_PROP_XI_TRG_DELAY
@ CV_CAP_PROP_XI_TRG_DELAY
Definition: videoio_c.h:380
hal_ni_recip8u
int hal_ni_recip8u(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:275
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const cuda::HostMem &cuda_mem)
cv::sfm::SFM_IO_OPENSFM
@ SFM_IO_OPENSFM
Definition: io.hpp:60
cv::KeyPointsFilter::runByKeypointSize
static void runByKeypointSize(std::vector< KeyPoint > &keypoints, float minSize, float maxSize=FLT_MAX)
tinyxml2::XMLDocument::HasBOM
bool HasBOM() const
Definition: tinyxml2.h:1573
cv::MatConstIterator
Definition: mat.hpp:2859
cv::randpattern::RandomPatternCornerFinder::computeObjectImagePointsForSingle
std::vector< cv::Mat > computeObjectImagePointsForSingle(cv::Mat inputImage)
cvflann::KL_Divergence::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:704
CV_FONT_NORMAL
@ CV_FONT_NORMAL
Definition: highgui_c.h:69
CvFileNodeHash
struct CvGenericHash CvFileNodeHash
Definition: types_c.h:1783
cv::InputArray
const _InputArray & InputArray
Definition: mat.hpp:379
tinyxml2::MemPoolT::Untracked
int Untracked() const
Definition: tinyxml2.h:389
cv::datasets::PD_inriaObj::bndboxes
std::vector< Rect > bndboxes
Definition: pd_inria.hpp:80
optical_flow.hpp
cv::flann::Index_::radiusSearch
int radiusSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, DistanceType radius, const ::cvflann::SearchParams &searchParams)
Definition: flann.hpp:404
cv::dnn::DictValue::pi
AutoBuffer< int64, 1 > * pi
Definition: dict.hpp:97
cv::dnn::DictValue::DictValue
DictValue(const DictValue &r)
filter.hpp
cv::cudev::SobelXPtrSz::rows
int rows
Definition: deriv.hpp:163
cv::saliency::StaticSaliencySpectralResidual::setImageHeight
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:104
cv::WINDOW_FULLSCREEN
@ WINDOW_FULLSCREEN
change the window to fullscreen.
Definition: highgui.hpp:187
cv::structured_light::SinusoidalPattern::create
static Ptr< SinusoidalPattern > create(const SinusoidalPattern::Params &parameters=SinusoidalPattern::Params())
Constructor.
cv::COLOR_BayerBG2BGR_EA
@ COLOR_BayerBG2BGR_EA
Edge-Aware Demosaicing.
Definition: imgproc.hpp:762
cv::face::StandardCollector::init
void init(size_t size)
overloaded interface method
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyFill
Ptr< SelectiveSearchSegmentationStrategyFill > createSelectiveSearchSegmentationStrategyFill()
Create a new fill-based strategy.
cv::fastNlMeansDenoising
void fastNlMeansDenoising(InputArray src, OutputArray dst, float h=3, int templateWindowSize=7, int searchWindowSize=21)
Perform image denoising using Non-local Means Denoising algorithm http://www.ipol....
cv::GFTTDetector::setHarrisDetector
virtual void setHarrisDetector(bool val)=0
utility.hpp
cv::randpattern::RandomPatternGenerator::getPattern
cv::Mat getPattern()
CV_IMWRITE_JPEG_QUALITY
@ CV_IMWRITE_JPEG_QUALITY
Definition: imgcodecs_c.h:82
cv::cudev::vseteq2
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
cv::cudev::logical_and
Definition: functional.hpp:195
NCVMemPtr::memtype
NCVMemoryType memtype
Definition: NCV.hpp:442
cvflann::IndexParams
std::map< cv::String, any > IndexParams
Definition: params.h:42
cvReadInt
int cvReadInt(const CvFileNode *node, int default_value=0)
Retrieves an integer value from a file node.
Definition: core_c.h:2348
cv::datasets::HPE_parse::create
static Ptr< HPE_parse > create()
cv::flann::IndexParams::getAll
void getAll(std::vector< String > &names, std::vector< int > &types, std::vector< String > &strValues, std::vector< double > &numValues) const
NcvRect32s::width
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
cv::HOGDescriptor::write
virtual void write(FileStorage &fs, const String &objname) const
Cv16suf
Definition: cvdef.h:314
cv::cuda::GpuMat::GpuMat
GpuMat(const GpuMat &m)
copy constructor
cv::linemod::getDefaultLINEMOD
Ptr< Detector > getDefaultLINEMOD()
Factory function for detector using LINE-MOD algorithm with color gradients and depth normals.
cv::bridge::Bridge::toVectorFloat
vector_float toVectorFloat()
Definition: bridge.hpp:386
cv::ogl::Texture2D::cols
int cols() const
cv::ml::SVM::getType
virtual int getType() const =0
cv::cudev::blockScanInclusive
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:58
cv::CvFeatureEvaluator::npos
int npos
Definition: feature.hpp:191
tinyxml2::XMLAttribute::Name
const char * Name() const
The name of the attribute.
matlab::Traits< bool >::ToString
static std::string ToString()
Definition: mxarray.hpp:127
cvflann::KL_Divergence::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:730
clGetSamplerInfo
#define clGetSamplerInfo
Definition: opencl_core_wrappers.hpp:196
CvGraphScanner::stack
CvSeq * stack
Definition: core_c.h:1867
matlab::MxArray
A thin wrapper around Matlab's mxArray types.
Definition: mxarray.hpp:224
cvflann::Index::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Method that searches for nearest-neighbours.
Definition: flann_base.hpp:236
cv::cuda::createMorphologyFilter
Ptr< Filter > createMorphologyFilter(int op, int srcType, InputArray kernel, Point anchor=Point(-1, -1), int iterations=1)
Creates a 2D morphological filter.
cv::REDUCE_SUM
@ REDUCE_SUM
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:235
cv::sfm::normalizePoints
void normalizePoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points (non isotropic).
CV_MaskIsTiled
@ CV_MaskIsTiled
Definition: types_c.h:146
cv::CAP_PROP_FRAME_COUNT
@ CAP_PROP_FRAME_COUNT
Number of frames in the video file.
Definition: videoio.hpp:131
flann.hpp
cv::ml::SVM::setClassWeights
virtual void setClassWeights(const cv::Mat &val)=0
cv::cuda::GpuMat::Allocator::free
virtual void free(GpuMat *mat)=0
white_balance.hpp
cv::UMat::assignTo
void assignTo(UMat &m, int type=-1) const
cv::Affine3::rvec
Vec3 rvec() const
Rodrigues vector.
cv::_InputArray::depth
int depth(int i=-1) const
cvReleasePOSITObject
void cvReleasePOSITObject(CvPOSITObject **posit_object)
CV_CAP_PROP_GUID
@ CV_CAP_PROP_GUID
Definition: videoio_c.h:197
cv::cudev::less_equal::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:185
cv::face::StandardCollector::PredictResult::distance
double distance
Definition: predict_collector.hpp:88
cv::datasets::PD_caltechObj::name
std::string name
Definition: pd_caltech.hpp:64
cv::datasets::FR_lfw::create
static Ptr< FR_lfw > create()
cv::Mat::u
UMatData * u
interaction with UMat
Definition: mat.hpp:1976
cv::gemm
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
Performs generalized matrix multiplication.
cv::rgbd::RgbdNormals::setMethod
void setMethod(int val)
Definition: rgbd.hpp:197
cv::videostab::TranslationBasedLocalOutlierRejector::ransacParams
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
clCreateProgramWithSource
#define clCreateProgramWithSource
Definition: opencl_core.hpp:128
cv::String::find_first_of
size_t find_first_of(const String &str, size_t pos=0) const
cv::UPDATE_IMAGE_ELEMENT
@ UPDATE_IMAGE_ELEMENT
Definition: cap_winrt.hpp:42
cvflann::lsh::LshStats::bucket_size_median_
size_t bucket_size_median_
Definition: lsh_table.h:87
cv::videostab::at
T & at(int idx, std::vector< T > &items)
Definition: ring_buffer.hpp:57
CV_CAP_GPHOTO2
@ CV_CAP_GPHOTO2
Definition: videoio_c.h:122
cv::cv_abs
_Tp cv_abs(_Tp x)
Definition: base.hpp:446
cv::videostab::RansacParams::niters
int niters() const
Definition: motion_core.hpp:92
cvflann::KDTREE
@ KDTREE
Definition: defines.h:95
cv::datasets::woodenBoard
@ woodenBoard
Definition: gr_skig.hpp:89
cvv::finalShow
void finalShow()
Passes the control to the debug-window for a last time.
Definition: final_show.hpp:23
cvRetrieveFrame
IplImage * cvRetrieveFrame(CvCapture *capture, int streamIdx=0)
get the frame grabbed with cvGrabFrame(..)
cv::cudev::SobelXPtr::src
SrcPtr src
Definition: deriv.hpp:146
cv::ParamType< Mat >::const_param_type
const Mat & const_param_type
Definition: core.hpp:3156
cv::MatStep::p
size_t * p
Definition: mat.hpp:541
tinyxml2::XMLPrinter::PushAttribute
void PushAttribute(const char *name, const char *value)
If streaming, add an attribute to an open element.
CV_BGR5652BGRA
@ CV_BGR5652BGRA
Definition: types_c.h:136
cv::cudev::exp2
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
cv::videostab::NullOutlierRejector
Definition: outlier_rejection.hpp:68
cv::Mat::flags
int flags
Definition: mat.hpp:1955
cvSum
CvScalar cvSum(const CvArr *arr)
cv::noArray
InputOutputArray noArray()
cvGetNormalizedCentralMoment
double cvGetNormalizedCentralMoment(CvMoments *moments, int x_order, int y_order)
Retrieve normalized central moments.
NCVMemNativeAllocator::dealloc
virtual NCVStatus dealloc(NCVMemSegment &seg)
cv::Detector::classifySmooth
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
cv::cuda::GpuMat::GpuMat
GpuMat(Size size, int type, Allocator *allocator=defaultAllocator())
UINT64
uint64_t UINT64
Definition: descriptor.hpp:66
cv::ml::SVMSGD::getStepDecreasingPower
virtual float getStepDecreasingPower() const =0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
cv::viz::WCloudCollection::addCloud
void addCloud(InputArray cloud, const Color &color=Color::white(), const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
cv::_OutputArray::_OutputArray
_OutputArray(const _Tp *vec, int n)
cv::Complex
A complex number class.
Definition: types.hpp:75
CV_BGR2Luv
@ CV_BGR2Luv
Definition: types_c.h:180
cv::cuda::DeviceInfo::memoryBusWidth
int memoryBusWidth() const
global memory bus width in bits
cv::cuda::createSeparableLinearFilter
Ptr< Filter > createSeparableLinearFilter(int srcType, int dstType, InputArray rowKernel, InputArray columnKernel, Point anchor=Point(-1,-1), int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a separable linear filter.
cv::MatAllocator::unmap
virtual void unmap(UMatData *data) const
cv::dnn::PoolingLayer::MAX
@ MAX
Definition: all_layers.hpp:256
cv::QT_CHECKBOX
@ QT_CHECKBOX
Checkbox button.
Definition: highgui.hpp:248
cv::cudev::WithOutMask::operator()
__device__ __forceinline__ bool operator()(int, int) const
Definition: mask.hpp:62
cv::TrackerSamplerCSC::Params::initMaxNegNum
int initMaxNegNum
Definition: tracker.hpp:810
cv::saliency::StaticSaliencyFineGrained::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:133
cv::cudev::GpuMat_::type
__host__ int type() const
CV_BGRA2GRAY
@ CV_BGRA2GRAY
Definition: types_c.h:127
cv::THRESH_OTSU
@ THRESH_OTSU
flag, use Otsu algorithm to choose the optimal threshold value
Definition: imgproc.hpp:335
cv::DescriptorMatcher::DescriptorCollection::getDescriptor
const Mat getDescriptor(int imgIdx, int localDescIdx) const
cv::cuda::DeviceInfo::totalMemory
size_t totalMemory() const
cv::VideoCaptureAPIs
VideoCaptureAPIs
VideoCapture API backends identifier.
Definition: videoio.hpp:88
cv::DescriptorMatcher::DescriptorCollection::getLocalIdx
void getLocalIdx(int globalDescIdx, int &imgIdx, int &localDescIdx) const
CV_CAP_PROP_GIGA_FRAME_OFFSET_Y
@ CV_CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio_c.h:435
CV_CAP_PROP_XI_TS_RST_MODE
@ CV_CAP_PROP_XI_TS_RST_MODE
Definition: videoio_c.h:381
cvGetWindowHandle
void * cvGetWindowHandle(const char *name)
cv::detail::RotationWarper::warp
virtual Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)=0
Projects the image.
cvflann::ResultSet::addPoint
virtual void addPoint(DistanceType dist, int index)=0
cv::cuda::FastFeatureDetector::create
static Ptr< FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=FastFeatureDetector::TYPE_9_16, int max_npoints=5000)
cvflann::lsh::LshStats::bucket_size_std_dev
size_t bucket_size_std_dev
Definition: lsh_table.h:90
cv::cuda::DeviceInfo::maxSurfaceCubemap
int maxSurfaceCubemap() const
maximum Cubemap surface dimensions
cv::ocl::KernelArg::flags
int flags
Definition: ocl.hpp:384
cv::saliency::MotionSaliencyBinWangApr2014::~MotionSaliencyBinWangApr2014
virtual ~MotionSaliencyBinWangApr2014()
cvflann::any::empty
bool empty() const
Returns true if the any contains no value.
Definition: any.h:283
cv::stereo::CV_QUADRATIC_INTERPOLATION
@ CV_QUADRATIC_INTERPOLATION
Definition: stereo.hpp:122
cv::aruco::DICT_7X7_50
@ DICT_7X7_50
Definition: dictionary.hpp:154
cv::evaluateFeatureDetector
void evaluateFeatureDetector(const Mat &img1, const Mat &img2, const Mat &H1to2, std::vector< KeyPoint > *keypoints1, std::vector< KeyPoint > *keypoints2, float &repeatability, int &correspCount, const Ptr< FeatureDetector > &fdetector=Ptr< FeatureDetector >())
hal_ni_recip32f
int hal_ni_recip32f(const float *src_data, size_t src_step, float *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:280
cv::hal::SepFilter2D::~SepFilter2D
virtual ~SepFilter2D()
Definition: hal.hpp:42
cv::Mat_::forEach
void forEach(const Functor &operation) const
cv::cuda::Stream::queryIfComplete
bool queryIfComplete() const
Returns true if the current stream queue is finished. Otherwise, it returns false.
cv::cudev::HistogramBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
cv::cudev::vadd2
__device__ __forceinline__ uint vadd2(uint a, uint b)
Definition: simd_functions.hpp:136
cv::ximgproc::SuperpixelLSC::getNumberOfSuperpixels
virtual int getNumberOfSuperpixels() const =0
Calculates the actual amount of superpixels on a given segmentation computed and stored in Superpixel...
cv::CAP_PROP_OPENNI_BASELINE
@ CAP_PROP_OPENNI_BASELINE
In mm.
Definition: videoio.hpp:221
CV_MAT_DEPTH
#define CV_MAT_DEPTH(flags)
Definition: interface.h:77
tinyxml2::XMLAttribute::UnsignedValue
unsigned UnsignedValue() const
Query as an unsigned integer. See IntValue()
Definition: tinyxml2.h:1058
cv::WARP_FILL_OUTLIERS
@ WARP_FILL_OUTLIERS
Definition: imgproc.hpp:284
cvReleaseStereoBMState
void cvReleaseStereoBMState(CvStereoBMState **state)
calib3d.hpp
tinyxml2::XMLUnknown::XMLUnknown
XMLUnknown(XMLDocument *doc)
CvSparseMatIterator::mat
CvSparseMat * mat
Definition: types_c.h:719
cv::ShapeContextDistanceExtractor::getBendingEnergyWeight
virtual float getBendingEnergyWeight() const =0
cl_command_queue_info
CL_RUNTIME_EXPORT cl_command_queue_info
Definition: opencl_core.hpp:324
cv::rgbd::RgbdPlane::setSensorErrorC
void setSensorErrorC(double val)
Definition: rgbd.hpp:448
cv::_OutputArray::_OutputArray
_OutputArray(cuda::HostMem &cuda_mem)
cv::ximgproc::StructuredEdgeDetection::detectEdges
virtual void detectEdges(const Mat &src, Mat &dst) const =0
The function detects edges in src and draw them to dst.
cv::cudev::brdReplicate
__host__ BrdBase< BrdReplicate, typename PtrTraits< SrcPtr >::ptr_type > brdReplicate(const SrcPtr &src)
Definition: extrapolation.hpp:134
cv::cudev::unaryTupleAdapter
__host__ __device__ UnaryTupleAdapter< Op, n > unaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:71
cv::cudev::ThreshTruncFunc::thresh
T thresh
Definition: functional.hpp:736
cv::ppf_match_3d::PPF3DDetector::hash_table
hashtable_int * hash_table
Definition: ppf_match_3d.hpp:152
CvPOSITObject
struct CvPOSITObject CvPOSITObject
Definition: calib3d_c.h:61
cv::Mat::Mat
Mat(Size size, int type, void *data, size_t step=AUTO_STEP)
cv::COLOR_BGR5652RGBA
@ COLOR_BGR5652RGBA
Definition: imgproc.hpp:554
cv::meanShift
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
ncvHaarLoadFromFile_host
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
cv::viz::MouseEvent::button
MouseButton button
Definition: types.hpp:265
CV_CUDEV_IMPLEMENT_VEC_BINARY_OP
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:397
cv::Error::OpenGlApiCallError
@ OpenGlApiCallError
Definition: base.hpp:119
cv::OutputArrayOfArrays
OutputArray OutputArrayOfArrays
Definition: mat.hpp:382
cv::Subdiv2D::clearVoronoi
void clearVoronoi()
cv::dnn::DictValue::size
int size() const
cv::cudacodec::EncoderCallBack::acquireBitStream
virtual uchar * acquireBitStream(int *bufferSize)=0
Callback function to signal the start of bitstream that is to be encoded.
cv::ocl::Device::getDefault
static const Device & getDefault()
cv::SparseMat::Hdr::refcount
int refcount
Definition: mat.hpp:2522
cv::detail::TransverseMercatorProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::rgbd::RgbdOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: rgbd.hpp:698
cv::aruco::DICT_7X7_1000
@ DICT_7X7_1000
Definition: dictionary.hpp:157
CV_YUV420sp2BGRA
@ CV_YUV420sp2BGRA
Definition: types_c.h:248
cv::CAP_PROP_XI_KNEEPOINT2
@ CAP_PROP_XI_KNEEPOINT2
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:464
cv::viz::Viz3d::setFullScreen
void setFullScreen(bool mode=true)
Sets or unsets full-screen rendering mode.
cv::TrackerSampler
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracker.hpp:265
cv::detail::waveCorrect
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
cv::viz::WCone
This 3D Widget defines a cone. :
Definition: widgets.hpp:331
cv::cuda::DescriptorMatcher::radiusMatchConvert
virtual void radiusMatchConvert(InputArray gpu_matches, std::vector< std::vector< DMatch > > &matches, bool compactResult=false)=0
Converts matches array from internal representation to standard matches vector.
cv::hal::mul32f
void mul32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
cvflann::LshIndex::usedMemory
int usedMemory() const
Definition: lsh_index.h:171
cvflann::CompositeIndexParams::CompositeIndexParams
CompositeIndexParams(int trees=4, int branching=32, int iterations=11, flann_centers_init_t centers_init=FLANN_CENTERS_RANDOM, float cb_index=0.2)
Definition: composite_index.h:47
cv::cuda::SparseOpticalFlow
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:86
cv::cudev::thresh_binary_inv_func
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
cv::ogl::Buffer::Buffer
Buffer(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::ogl::Buffer::cols
int cols() const
cv::datasets::IS_bsdsObj::name
std::string name
Definition: is_bsds.hpp:62
cv::randn
void randn(InputOutputArray dst, InputArray mean, InputArray stddev)
Fills the array with normally distributed random numbers.
cv::stereo::MeanKernelIntegralImage
Definition: descriptor.hpp:250
cv::BaseCascadeClassifier::load
virtual bool load(const String &filename)=0
cv::cuda::BroxOpticalFlow::setOuterIterations
virtual void setOuterIterations(int outer_iterations)=0
cv::_InputArray::isContinuous
bool isContinuous(int i=-1) const
cv::datasets::word
Definition: tr_icdar.hpp:61
cv::omnidir::internal::estimateUncertainties
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
cv::Mat::CONTINUOUS_FLAG
@ CONTINUOUS_FLAG
Definition: mat.hpp:1946
IplImage::imageId
void * imageId
Definition: types_c.h:320
cvGetSubRect
CvMat * cvGetSubRect(const CvArr *arr, CvMat *submat, CvRect rect)
Returns matrix header corresponding to the rectangular sub-array of input image or matrix.
cv::UMat::mul
UMat mul(InputArray m, double scale=1) const
per-element matrix multiplication by means of matrix expressions
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
cv::AutoBuffer::AutoBuffer
AutoBuffer(size_t _size)
constructor taking the real buffer size
cv::cudacodec::EncoderParams::ProfileLevel
int ProfileLevel
NVVE_PROFILE_LEVEL,.
Definition: cudacodec.hpp:95
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(Size _winSize, Size _blockSize, Size _blockStride, Size _cellSize, int _nbins, int _derivAperture=1, double _winSigma=-1, int _histogramNormType=HOGDescriptor::L2Hys, double _L2HysThreshold=0.2, bool _gammaCorrection=false, int _nlevels=HOGDescriptor::DEFAULT_NLEVELS, bool _signedGradient=false)
Definition: objdetect.hpp:351
cv::cudev::vavg2
__device__ __forceinline__ uint vavg2(uint a, uint b)
Definition: simd_functions.hpp:205
cvflann::ChiSquareDistance::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:650
kdtree_single_index.h
cvGraphRemoveVtxByPtr
int cvGraphRemoveVtxByPtr(CvGraph *graph, CvGraphVtx *vtx)
tinyxml2::XMLConstHandle::ToText
const XMLText * ToText() const
Definition: tinyxml2.h:1896
cv::setOpenGlContext
void setOpenGlContext(const String &winname)
Sets the specified window as current OpenGL context.
cv::sfm::SFMLibmvEuclideanReconstruction::create
static Ptr< SFMLibmvEuclideanReconstruction > create(const libmv_CameraIntrinsicsOptions &camera_instrinsic_options=libmv_CameraIntrinsicsOptions(), const libmv_ReconstructionOptions &reconstruction_options=libmv_ReconstructionOptions())
Creates an instance of the SFMLibmvEuclideanReconstruction class. Initializes Libmv.
cv::GeneralizedHoughGuil
Definition: imgproc.hpp:835
cv::Mat::ptr
const _Tp * ptr(int i0, int i1, int i2) const
cv::datasets::MSM_epfl
Definition: msm_epfl.hpp:78
cv::detail::BundleAdjusterBase::setTermCriteria
void setTermCriteria(const TermCriteria &term_criteria)
Definition: motion_estimators.hpp:143
hal_ni_add32f
int hal_ni_add32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:81
cv::cudev::DefaultCopyPolicy::block_size_y
@ block_size_y
Definition: copy.hpp:353
cv::detail::Graph::Graph
Graph(int num_vertices=0)
Definition: util.hpp:88
cv::Point_< int >
cv::cudev::SobelXPtr
Definition: deriv.hpp:142
cv::cuda::CascadeClassifier::getMaxNumObjects
virtual int getMaxNumObjects() const =0
cv::Vec4s
Vec< short, 4 > Vec4s
Definition: matx.hpp:369
tinyxml2::XMLNode::ToText
virtual const XMLText * ToText() const
Definition: tinyxml2.h:631
cv::ml::StatModel::isClassifier
virtual bool isClassifier() const =0
Returns true if the model is classifier.
CV_CUDEV_RGB2YUV_INST
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
cv::DIST_L2
@ DIST_L2
the simple euclidean distance
Definition: imgproc.hpp:311
cv::SparsePyrLKOpticalFlow::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
CV_CAP_PROP_XI_AVAILABLE_BANDWIDTH
@ CV_CAP_PROP_XI_AVAILABLE_BANDWIDTH
Definition: videoio_c.h:375
cv::CAP_PROP_XI_LENS_MODE
@ CAP_PROP_XI_LENS_MODE
Status of lens control interface. This shall be set to XI_ON before any Lens operations.
Definition: videoio.hpp:420
cv::CalibrateRobertson
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:605
cv::cuda::pyrDown
void pyrDown(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Smoothes an image and downsamples it.
cvv::showImage
static void showImage(cv::InputArray img, impl::CallMetaData metaData=impl::CallMetaData(), const char *description=nullptr, const char *view=nullptr)
Add a single image to debug GUI (similar to imshow <>).
Definition: show_image.hpp:38
cv::detail::calibrateRotatingCamera
bool calibrateRotatingCamera(const std::vector< Mat > &Hs, Mat &K)
cv::watershed
void watershed(InputArray image, InputOutputArray markers)
Performs a marker-based image segmentation using the watershed algorithm.
CvSlice::CvSlice
CvSlice(int start=0, int end=0)
Definition: types_c.h:1103
cv::CascadeClassifier::read
bool read(const FileNode &node)
Reads a classifier from a FileStorage node.
cv::cudev::maximum
Definition: functional.hpp:311
cv::_OutputArray::getHostMemRef
cuda::HostMem & getHostMemRef() const
cv::detail::RotationWarperBase::projector_
P projector_
Definition: warpers.hpp:168
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
1x4, 2x2 or 4x1 matrix
CV_CAP_PROP_XI_CC_MATRIX_01
@ CV_CAP_PROP_XI_CC_MATRIX_01
Definition: videoio_c.h:333
cv::cudev::MakeVec< bool, 4 >::type
uchar4 type
Definition: vec_traits.hpp:84
cv::stereo::CombinedDescriptor::CombinedDescriptor
CombinedDescriptor(int w, int h, int stride, int k2, int **distance, Kernel kernel, int k2Stop)
Definition: descriptor.hpp:207
cv::aruco::CharucoBoard
ChArUco board Specific class for ChArUco boards. A ChArUco board is a planar board where the markers ...
Definition: charuco.hpp:62
cv::videostab::DeblurerBase::radius_
int radius_
Definition: deblurring.hpp:84
cvflann::LinearIndexParams
Definition: linear_index.h:41
cv::Stitcher::workScale
double workScale() const
Definition: stitching.hpp:274
NppStInterpMode
NppStInterpMode
Definition: NPP_staging.hpp:101
clAmdFftGetTmpBufSize
#define clAmdFftGetTmpBufSize
Definition: opencl_clamdfft.hpp:80
cv::Mat4w
Mat_< Vec4w > Mat4w
Definition: mat.hpp:2206
cv::stereo::MeanKernelIntegralImage::MeanKernelIntegralImage
MeanKernelIntegralImage(const cv::Mat &image, int window, float scale, int *cost)
Definition: descriptor.hpp:257
cv::cudev::RemapPtr2::mapx
MapXPtr mapx
Definition: remap.hpp:81
cv::cuda::GpuMat::empty
bool empty() const
returns true if GpuMat data is NULL
CvLineIterator
Definition: types_c.h:1079
cv::BORDER_CONSTANT
@ BORDER_CONSTANT
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:254
clEnqueueMapBuffer_pfn
CL_RUNTIME_EXPORT const cl_event cl_event *CL_RUNTIME_EXPORT const cl_event cl_event *CL_RUNTIME_EXPORT const size_t const size_t const size_t const cl_event cl_event *CL_RUNTIME_EXPORT const size_t const size_t const cl_event cl_event *CL_RUNTIME_EXPORT const size_t const size_t const size_t const cl_event cl_event *CL_RUNTIME_EXPORT const size_t const size_t const cl_event cl_event *CL_RUNTIME_EXPORT const void const cl_event cl_event *CL_RUNTIME_EXPORT const void const size_t const size_t const cl_event cl_event *CL_RUNTIME_EXPORT void *CL_API_CALL * clEnqueueMapBuffer_pfn(cl_command_queue, cl_mem, cl_bool, cl_map_flags, size_t, size_t, cl_uint, const cl_event *, cl_event *, cl_int *)
Cv_iplAllocateImageData
void(CV_STDCALL * Cv_iplAllocateImageData)(IplImage *, int, int)
Definition: core_c.h:1938
cv::videostab::GaussianMotionFilter::setParams
void setParams(int radius, float stdev=-1.f)
cv::hal::max8u
void max8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::BackgroundSubtractorKNN::getHistory
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
cv::stereo::StereoBinarySGBM::setBinaryKernelType
virtual void setBinaryKernelType(int value)=0
cv::cudacodec::EncoderCallBack::releaseBitStream
virtual void releaseBitStream(unsigned char *data, int size)=0
Callback function to signal that the encoded bitstream is ready to be written to file.
cv::_InputArray::isMatx
bool isMatx() const
cv::MultiTracker::trackerList
std::vector< Ptr< Tracker > > trackerList
< storage for the tracker algorithms.
Definition: tracker.hpp:1360
cv::hdf::HDF5::dscreate
virtual void dscreate(const int n_dims, const int *sizes, const int type, String dslabel, const int compresslevel, const int *dims_chunks) const =0
Create and allocate storage for n-dimensional dataset, single or mutichannel type.
cv::cudev::warpPerspective_
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > > warpPerspective_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:101
cv::ogl::unmapGLBuffer
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
cv::MatIterator_::operator+=
MatIterator_ & operator+=(ptrdiff_t ofs)
shifts the iterator forward by the specified number of elements
cv::Vec::channels
@ channels
Definition: matx.hpp:310
cv::hal::addWeighted32f
void addWeighted32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scalars)
cv::cudev::BinaryTupleAdapter::op
Op op
Definition: tuple_adapter.hpp:82
cv::datasets::PascalObj::truncated
bool truncated
Definition: or_pascal.hpp:71
cv::CAP_PROP_IOS_DEVICE_FOCUS
@ CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio.hpp:486
cv::TonemapMantiuk::setScale
virtual void setScale(float scale)=0
cv::cuda::HOG::getNumLevels
virtual int getNumLevels() const =0
cv::WImageBuffer::SetIpl
void SetIpl(IplImage *img)
Definition: wimage.hpp:316
cv::ShapeContextDistanceExtractor::getIterations
virtual int getIterations() const =0
cvChangeSeqBlock
void cvChangeSeqBlock(void *reader, int direction)
cv::COLOR_RGB2HSV_FULL
@ COLOR_RGB2HSV_FULL
Definition: imgproc.hpp:603
cv::datasets::datasetType
datasetType
Definition: hpe_humaneva.hpp:72
cv::DMatch::DMatch
DMatch()
cv::TrackerBoosting::Params::Params
Params()
cv::ogl::Buffer::Buffer
Buffer(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::cuda::DeviceInfo::DeviceInfo
DeviceInfo()
creates DeviceInfo object for the current GPU
cv::stereo::Matching::costGathering
void costGathering(const Mat &hammingDistanceCost, Mat &cost)
Definition: matching.hpp:424
cv::videostab::IFrameSource::reset
virtual void reset()=0
cv::COLOR_YUV2GRAY_IYUV
@ COLOR_YUV2GRAY_IYUV
Definition: imgproc.hpp:664
cv::cuda::DisparityBilateralFilter
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:252
cv::hal::div32f
void div32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
CV_CUDEV_IMPLEMENT_VEC_UNARY_OP
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:138
cv::bgsegm::BackgroundSubtractorGMG::setSmoothingRadius
virtual void setSmoothingRadius(int radius)=0
Sets the kernel radius used for morphological operations.
cv::CALIB_FIX_PRINCIPAL_POINT
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:256
IplConvKernelFP::nRows
int nRows
Definition: types_c.h:366
cv::Subdiv2D::deleteEdge
void deleteEdge(int edge)
OPENCV_HAL_IMPL_BIT_OP
#define OPENCV_HAL_IMPL_BIT_OP(bit_op)
Helper macro.
Definition: intrin_cpp.hpp:415
MatToUIImage
UIImage * MatToUIImage(const cv::Mat &image)
CV_CAP_PROP_XI_AG_MAX_LIMIT
@ CV_CAP_PROP_XI_AG_MAX_LIMIT
Definition: videoio_c.h:279
cv::detail::CylindricalWarper::CylindricalWarper
CylindricalWarper(float scale)
Construct an instance of the cylindrical warper class.
Definition: warpers.hpp:282
cv::pyrMeanShiftFiltering
void pyrMeanShiftFiltering(InputArray src, OutputArray dst, double sp, double sr, int maxLevel=1, TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
Performs initial step of meanshift segmentation of an image.
cvflann::UntypedMatrix::type
flann_datatype_t type
Definition: matrix.h:93
CV_LRGB2Luv
@ CV_LRGB2Luv
Definition: types_c.h:218
CvMat::width
int width
Definition: types_c.h:451
cv::convertFp16
void convertFp16(InputArray src, OutputArray dst)
Converts an array to half precision floating number.
cv::dnn::AbsLayer::create
static Ptr< AbsLayer > create()
cv::viz::Widget::operator=
Widget & operator=(const Widget &other)
cv::CAP_PROP_XI_CC_MATRIX_30
@ CAP_PROP_XI_CC_MATRIX_30
Color Correction Matrix element [3][0].
Definition: videoio.hpp:409
cv::CASCADE_DO_ROUGH_SEARCH
@ CASCADE_DO_ROUGH_SEARCH
Definition: objdetect.hpp:171
cv::cudev::PtrTraitsBase::getRows
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
cv::text::OCRBeamSearchDecoder::ClassifierCallback::~ClassifierCallback
virtual ~ClassifierCallback()
Definition: ocr.hpp:356
cv::optflow::PCAPrior::fillConstraints
void fillConstraints(float *A1, float *A2, float *b1, float *b2) const
cv::CalibrateDebevec::getRandom
virtual bool getRandom() const =0
cv::v_pack_u_store
void v_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:1718
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_Point &)
Definition: bridge.hpp:405
cv::datasets::MSM_epflObj
Definition: msm_epfl.hpp:70
cv::optflow::GPC_DESCRIPTOR_DCT
@ GPC_DESCRIPTOR_DCT
Better quality but slow.
Definition: sparse_matching_gpc.hpp:93
cv::cuda::GpuMat::rows
int rows
the number of rows and columns
Definition: cuda.hpp:286
cv::stereoCalibrate
double stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, OutputArray R, OutputArray T, OutputArray E, OutputArray F, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6))
Calibrates the stereo camera.
cv::dnn::LSTMLayer::setUseTimstampsDim
virtual void setUseTimstampsDim(bool use=true)=0
Specifies either interpet first dimension of input blob as timestamp dimenion either as sample.
cv::datasets::PD_inriaObj::filename
std::string filename
Definition: pd_inria.hpp:69
cv::DataDepth::value
@ value
Definition: traits.hpp:267
cv::viz::KeyboardEvent::symbol
String symbol
Definition: types.hpp:240
tracking_c.h
cv::_OutputArray::create
void create(Size sz, int type, int i=-1, bool allowTransposed=false, int fixedDepthMask=0) const
cvflann::UniqueResultSet::DistIndex::operator<
bool operator<(const DistIndex dist_index) const
Definition: result_set.h:296
cv::operator|=
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:444
cv::COLOR_YUV2BGR_YV12
@ COLOR_YUV2BGR_YV12
Definition: imgproc.hpp:643
cv::cudev::Min::rebind
Definition: reduce_to_vec.hpp:110
cv::SparsePyrLKOpticalFlow::setMinEigThreshold
virtual void setMinEigThreshold(double minEigThreshold)=0
cv::hdf::HDF5::kpinsert
virtual void kpinsert(const vector< KeyPoint > keypoints, String kplabel, const int offset=H5_NONE, const int counts=H5_NONE) const =0
Insert or overwrite list of KeyPoint into specified dataset and autoexpand dataset size if unlimited ...
cv::ml::LogisticRegression::getRegularization
virtual int getRegularization() const =0
cv::UMatData::markDeviceCopyObsolete
void markDeviceCopyObsolete(bool flag)
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::hcellsSpatialConstant
float hcellsSpatialConstant
Definition: retina.hpp:162
cvflann::lsh::LshTable::add
void add(unsigned int value, const ElementType *feature)
Definition: lsh_table.h:168
cv::Vec::Vec
Vec(const Matx< _Tp, cn, 1 > &a, _T2 alpha, Matx_ScaleOp)
cv::cuda::DYNAMIC_PARALLELISM
@ DYNAMIC_PARALLELISM
Definition: cuda.hpp:609
cvflann::save_value
void save_value(FILE *stream, const T &value, size_t count=1)
Definition: saving.h:126
cv::UMatData::data
uchar * data
Definition: mat.hpp:498
cv::String::compare
int compare(const char *s) const
cv::setBreakOnError
bool setBreakOnError(bool flag)
Sets/resets the break-on-error mode.
cv::DescriptorMatcher::radiusMatch
void radiusMatch(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArray mask=noArray(), bool compactResult=false) const
For each query descriptor, finds the training descriptors not farther than the specified distance.
cv::hal::Filter2D::apply
virtual void apply(uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y)=0
cv::rgbd::RgbdNormals::getWindowSize
int getWindowSize() const
Definition: rgbd.hpp:169
cv::datasets::join::Wz
double Wz
Definition: gr_chalearn.hpp:67
cv::datasets::FR_adienceObj::age
std::string age
Definition: fr_adience.hpp:72
cv::CAP_PROP_OPENNI_OUTPUT_MODE
@ CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio.hpp:219
CV_EVENT_FLAG_LBUTTON
@ CV_EVENT_FLAG_LBUTTON
Definition: highgui_c.h:194
hal_ni_merge64s
int hal_ni_merge64s(const int64 **src_data, int64 *dst_data, int len, int cn)
Definition: hal_replacement.hpp:369
cv::Mat_::Mat_
Mat_(const Mat_ &m, const Rect &roi)
selects a submatrix
cv::LineIterator::LineIterator
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
intializes the iterator
cv::String::empty
bool empty() const
CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_NEAR
@ CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_NEAR
Definition: videoio_c.h:419
clCreateSampler
#define clCreateSampler
Definition: opencl_core.hpp:130
cv::instr::NodeData::getTotalMs
double getTotalMs() const
Definition: utility.hpp:1137
cvCompleteSymm
void cvCompleteSymm(CvMat *matrix, int LtoR=0)
cv::viz::Color::cyan
static Color cyan()
general.h
CvLineIterator::plus_step
int plus_step
Definition: types_c.h:1087
cv::aruco::DICT_5X5_1000
@ DICT_5X5_1000
Definition: dictionary.hpp:149
cv::cudev::VecTraits< char4 >::all
__host__ __device__ static __forceinline__ char4 all(schar v)
Definition: vec_traits.hpp:178
cv::CAP_PROP_XI_FRAMERATE
@ CAP_PROP_XI_FRAMERATE
Define framerate in Hz.
Definition: videoio.hpp:436
cv::cuda::GpuMat::GpuMat
GpuMat(Size size, int type, Scalar s, Allocator *allocator=defaultAllocator())
cv::Mat_::operator[]
_Tp * operator[](int y)
more convenient forms of row and element access operators
cv::TrackerSamplerCSC
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracker.hpp:793
cv::omnidir::initUndistortRectifyMap
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray xi, InputArray R, InputArray P, const cv::Size &size, int mltype, OutputArray map1, OutputArray map2, int flags)
Computes undistortion and rectification maps for omnidirectional camera image transform by a rotation...
cv::bioinspired::RetinaParameters::IplMagno
IplMagnoParameters IplMagno
Definition: retina.hpp:179
cv::cuda::StereoBeliefPropagation
Class computing stereo correspondence using the belief propagation algorithm. :
Definition: cudastereo.hpp:129
cv::TrackerSamplerPF::samplingImpl
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
cvSeqInsertSlice
void cvSeqInsertSlice(CvSeq *seq, int before_index, const CvArr *from_arr)
cv::structured_light::StructuredLightPattern::decode
virtual bool decode(InputArrayOfArrays patternImages, OutputArray disparityMap, InputArrayOfArrays blackImages=noArray(), InputArrayOfArrays whiteImages=noArray(), int flags=DECODE_3D_UNDERWORLD) const =0
Decodes the structured light pattern, generating a disparity map.
cv::ml::SVM::create
static Ptr< SVM > create()
cv::cudev::ConstantPtr::operator()
__device__ __forceinline__ T operator()(int, int) const
Definition: constant.hpp:64
cv::cudev::Avg::result
__device__ static __forceinline__ T result(T r, float sz)
Definition: reduce_to_vec.hpp:99
cv::viz::Camera::setWindowSize
void setWindowSize(const Size &window_size)
cv::rgbd::Odometry::DEFAULT_MIN_DEPTH
static float DEFAULT_MIN_DEPTH()
Definition: rgbd.hpp:538
cv::CAP_PROP_TEMPERATURE
@ CAP_PROP_TEMPERATURE
Definition: videoio.hpp:147
cv::superres::SuperResolution::setInput
void setInput(const Ptr< FrameSource > &frameSource)
Set input frame source for Super Resolution algorithm.
cv::cuda::BackgroundSubtractorMOG::getBackgroundRatio
virtual double getBackgroundRatio() const =0
cl_device_id
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_device_id
Definition: opencl_core.hpp:282
cv::randpattern::RandomPatternCornerFinder::getImagePoints
std::vector< cv::Mat > getImagePoints()
clGetKernelWorkGroupInfo
#define clGetKernelWorkGroupInfo
Definition: opencl_core.hpp:214
cv::MatExpr::operator*
MatExpr operator*(const Mat &a, const Mat &b)
cv::stereo::StereoBinaryBM::setTextureThreshold
virtual void setTextureThreshold(int textureThreshold)=0
cvflann::anyimpl::big_any_policy::move
virtual void move(void *const *src, void **dest)
Definition: any.h:93
cvflann::PooledAllocator::wastedMemory
int wastedMemory
Definition: allocator.h:90
CvLineIterator::minus_step
int minus_step
Definition: types_c.h:1088
cv::tracking::UnscentedKalmanFilter::getErrorCov
virtual Mat getErrorCov() const =0
cvv::impl::CallMetaData
Optional information about a location in Code.
Definition: call_meta_data.hpp:21
cv::cuda::BackgroundSubtractorFGD
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:145
cv::MSER::setPass2Only
virtual void setPass2Only(bool f)=0
cv::cudev::TypeTraits::is_pointer
@ is_pointer
Definition: type_traits.hpp:140
cvflann::rand_double
double rand_double(double high=1.0, double low=0)
Definition: random.h:61
cv::COLORMAP_OCEAN
@ COLORMAP_OCEAN
Definition: imgproc.hpp:4085
cv::SparseMat::begin
SparseMatConstIterator_< _Tp > begin() const
returns the read-only sparse matrix iterator at the matrix beginning
cv::EVENT_LBUTTONDBLCLK
@ EVENT_LBUTTONDBLCLK
indicates that left mouse button is double clicked.
Definition: highgui.hpp:212
clEnqueueNDRangeKernel
#define clEnqueueNDRangeKernel
Definition: opencl_core_wrappers.hpp:106
tinyxml2::XMLDeclaration::XMLDeclaration
XMLDeclaration(const XMLDeclaration &)
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState::TrackerMILTargetState
TrackerMILTargetState(const Point2f &position, int width, int height, bool foreground, const Mat &features)
Constructor.
cv::hdf::open
Ptr< HDF5 > open(String HDF5Filename)
Open or create hdf5 file.
cv::BackgroundSubtractorMOG2::getShadowThreshold
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
cv::AKAZE::setDescriptorType
virtual void setDescriptorType(int dtype)=0
CV_DIST_HUBER
@ CV_DIST_HUBER
Definition: types_c.h:564
cv::GeneralizedHoughGuil::setScaleStep
virtual void setScaleStep(double scaleStep)=0
Scale step.
zip.hpp
cv::superres::DualTVL1OpticalFlow::getEpsilon
virtual double getEpsilon() const =0
cv::flann::Index_::save
void save(String filename)
Definition: flann.hpp:432
cv::getNearestPoint
int getNearestPoint(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
cv::Matx::dot
_Tp dot(const Matx< _Tp, m, n > &v) const
dot product computed with the default precision
cv::viz::Color::yellow
static Color yellow()
cv::ocl::Device::executionCapabilities
int executionCapabilities() const
CvKalman::Temp1
float * Temp1
Definition: tracking_c.h:180
cv::Affine3
Affine transform.
Definition: affine.hpp:62
cv::cudacodec::RawVideoSource
Interface for video demultiplexing. :
Definition: cudacodec.hpp:309
cv::linemod::DepthNormal::DepthNormal
DepthNormal(int distance_threshold, int difference_threshold, size_t num_features, int extract_threshold)
Constructor.
cv::videostab::StabilizerBase::stabilizedFrames_
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:133
cv::detail::PairwiseSeamFinder::corners_
std::vector< Point > corners_
Definition: seam_finders.hpp:100
cv::cudev::gridTransformUnary_
__host__ void gridTransformUnary_(const SrcPtr &src, GpuMat_< DstType > &dst, const UnOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:64
cv::videostab::OnePassStabilizer::OnePassStabilizer
OnePassStabilizer()
cv::cuda::HostMem::size
Size size() const
cv::CAP_PROP_XI_TIMEOUT
@ CAP_PROP_XI_TIMEOUT
Image capture timeout in milliseconds.
Definition: videoio.hpp:346
cv::cuda::GpuMat::GpuMat
GpuMat(int rows, int cols, int type, Allocator *allocator=defaultAllocator())
constructs GpuMat of the specified size and type
cv::Mat::ptr
const _Tp * ptr(const Vec< int, n > &idx) const
cv::saliency::ObjectnessBING::setTrainingPath
void setTrainingPath(const String &trainingPath)
This is a utility function that allows to set the correct path from which the algorithm will load the...
CV_CAP_OPENNI_GRAY_IMAGE
@ CV_CAP_OPENNI_GRAY_IMAGE
Definition: videoio_c.h:476
cv::instr::FLAGS
FLAGS
Definition: utility.hpp:1154
cv::ximgproc::covarianceEstimation
void covarianceEstimation(InputArray src, OutputArray dst, int windowRows, int windowCols)
Computes the estimated covariance matrix of an image using the sliding window forumlation.
cv::rgbd::RgbdPlane::getSensorErrorB
double getSensorErrorB() const
Definition: rgbd.hpp:436
size_t
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT size_t
Definition: opencl_core.hpp:281
cv::ml::SVMSGD::SOFT_MARGIN
@ SOFT_MARGIN
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1599
cv::ml::DTrees::getTruncatePrunedTree
virtual bool getTruncatePrunedTree() const =0
CV_Lab2LBGR
@ CV_Lab2LBGR
Definition: types_c.h:220
cv::face::LBPHFaceRecognizer::setGridX
virtual void setGridX(int val)=0
cvXorS
void cvXorS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
cv::dnn::operator<<
std::ostream & operator<<(std::ostream &s, cv::Range &r)
Definition: shape_utils.hpp:54
tinyxml2::XMLComment::Accept
virtual bool Accept(XMLVisitor *visitor) const
CV_CAP_PROP_XI_DEBOUNCE_T1
@ CV_CAP_PROP_XI_DEBOUNCE_T1
Definition: videoio_c.h:353
cv::MatOp
Definition: mat.hpp:3284
cv::flann::Index_::getParameters
::cvflann::IndexParams getParameters()
Definition: flann.hpp:450
clAmdFftSetup
#define clAmdFftSetup
Definition: opencl_clamdfft.hpp:106
cv::MatExpr::mul
MatExpr mul(const MatExpr &e, double scale=1) const
cv::Scalar_< double >::all
static Scalar_< double > all(double v0)
returns a scalar with all elements set to v0
cv::cudev::CommonAreaInterPtr::area_height
float area_height
Definition: interpolation.hpp:300
cv::face::FaceRecognizer::predict
virtual void predict(InputArray src, Ptr< PredictCollector > collector) const =0
if implemented - send all result of prediction to collector that can be used for somehow custom resul...
cv::cudev::BrdWrap
Definition: extrapolation.hpp:198
clAmdFftBakePlan
#define clAmdFftBakePlan
Definition: opencl_clamdfft.hpp:46
CV_OpenGlApiCallError
@ CV_OpenGlApiCallError
Definition: types_c.h:170
cv::cudev::vsetle2
__device__ __forceinline__ uint vsetle2(uint a, uint b)
Definition: simd_functions.hpp:359
cvflann::FLANN_DIST_MINKOWSKI
@ FLANN_DIST_MINKOWSKI
Definition: defines.h:133
cv::v_min
v_reg< _Tp, n > v_min(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Choose min values for each pair.
Definition: intrin_cpp.hpp:545
cv::reg::Mapper::gradient
void gradient(const cv::Mat &img1, const cv::Mat &img2, cv::Mat &Ix, cv::Mat &Iy, cv::Mat &It) const
ovx.hpp
cv::ml::NormalBayesClassifier::predictProb
virtual float predictProb(InputArray inputs, OutputArray outputs, OutputArray outputProbs, int flags=0) const =0
Predicts the response for sample(s).
cv::bitwise_xor
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.
cv::cudev::logical_and::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:197
cv::cudev::exp10
__device__ __forceinline__ float1 exp10(const uchar1 &a)
Definition: vec_math.hpp:249
cv::cuda::GpuMat::clone
GpuMat clone() const
returns deep copy of the GpuMat, i.e. the data is copied
cv::TrackerSamplerCS::setMode
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCS.
cv::FlannBasedMatcher::knnMatchImpl
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)
clRetainEvent
#define clRetainEvent
Definition: opencl_core_wrappers.hpp:238
clGetDeviceInfo
#define clGetDeviceInfo
Definition: opencl_core_wrappers.hpp:154
cvSeqPopMulti
void cvSeqPopMulti(CvSeq *seq, void *elements, int count, int in_front=0)
cv::sfm::SFMLibmvEuclideanReconstruction::getCameras
virtual void getCameras(OutputArray Rs, OutputArray Ts)=0
Returns the estimated camera extrinsic parameters.
cv::line_descriptor::KeyLine::getStartPointInOctave
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:159
cl_event_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_device_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_event_info
Definition: opencl_core.hpp:328
cv::linemod::ColorGradient
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:204
cv::optflow::GPCTrainingSamples::create
static Ptr< GPCTrainingSamples > create(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, int descriptorType)
tinyxml2::XMLDeclaration::~XMLDeclaration
virtual ~XMLDeclaration()
cv::CAP_DSHOW
@ CAP_DSHOW
DirectShow (via videoInput)
Definition: videoio.hpp:100
cvflann::anyimpl::base_any_policy::get_value
virtual const void * get_value(void *const *src)=0
cv::cuda::HoughCirclesDetector::getMaxRadius
virtual int getMaxRadius() const =0
cvGraphRemoveEdge
void cvGraphRemoveEdge(CvGraph *graph, int start_idx, int end_idx)
cvRandReal
double cvRandReal(CvRNG *rng)
Returns a floating-point random number and updates RNG.
Definition: types_c.h:242
cv::cudev::LOG_WARP_SIZE
@ LOG_WARP_SIZE
Definition: warp.hpp:58
cv::DescriptorMatcher::read
void read(const String &fileName)
Definition: features2d.hpp:936
cv::v_mul_expand
void v_mul_expand(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &c, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &d)
Multiply and expand.
Definition: intrin_cpp.hpp:803
cv::videostab::InpainterBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
cv::dnn::BlobShape::BlobShape
BlobShape(int s0, int s1)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::Stitcher::waveCorrectKind
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:184
cvflann::log_verbosity
void log_verbosity(int level)
Definition: flann_base.hpp:52
cv::PaniniWarper
Definition: warpers.hpp:131
cv::phaseCorrelate
Point2d phaseCorrelate(InputArray src1, InputArray src2, InputArray window=noArray(), double *response=0)
The function is used to detect translational shifts that occur between two images.
CvTrackbarCallback2
void(* CvTrackbarCallback2)(int pos, void *userdata)
Definition: highgui_c.h:164
CV_BayerBG2RGB
@ CV_BayerBG2RGB
Definition: types_c.h:175
cv::_InputArray::isVector
bool isVector() const
cv::cudev::saturate_cast< ushort >
__device__ __forceinline__ ushort saturate_cast< ushort >(schar v)
Definition: saturate_cast.hpp:153
cvRANSACUpdateNumIters
int cvRANSACUpdateNumIters(double p, double err_prob, int model_points, int max_iters)
cv::AlignExposures::process
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response)=0
Aligns images.
cv::COLOR_RGBA2BGR565
@ COLOR_RGBA2BGR565
Definition: imgproc.hpp:552
cv::viz::WText::getText
String getText() const
Returns the current text content of the widget.
cv::cudev::UnaryNegate
Definition: functional.hpp:792
cv::cuda::DenseOpticalFlow::calc
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow, Stream &stream=Stream::Null())=0
Calculates a dense optical flow.
cv::superres::FrameSource::reset
virtual void reset()=0
CvReleaseFunc
void(* CvReleaseFunc)(void **struct_dblptr)
Definition: types_c.h:1806
cvCreateMemStorage
CvMemStorage * cvCreateMemStorage(int block_size=0)
tinyxml2::XMLDocument::Error
bool Error() const
Return true if there was an error parsing the document.
Definition: tinyxml2.h:1657
cv::structured_light::SinusoidalPattern::computePhaseMap
virtual void computePhaseMap(InputArrayOfArrays patternImages, OutputArray wrappedPhaseMap, OutputArray shadowMask=noArray(), InputArray fundamental=noArray())=0
Compute a wrapped phase map from sinusoidal patterns.
CV_CAP_PROP_GIGA_FRAME_OFFSET_X
@ CV_CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio_c.h:434
cv::BaseCascadeClassifier::MaskGenerator
Definition: objdetect.hpp:208
cv::HoughLines
void HoughLines(InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0, double min_theta=0, double max_theta=CV_PI)
Finds lines in a binary image using the standard Hough transform.
cv::sfm::SFMLibmvEuclideanReconstruction::getPoints
virtual void getPoints(OutputArray points3d)=0
Returns the estimated 3d points.
cv::TrackerModel::confidenceMaps
std::vector< ConfidenceMap > confidenceMaps
Definition: tracker.hpp:515
cv::cuda::FastFeatureDetector::ROWS_COUNT
@ ROWS_COUNT
Definition: cudafeatures2d.hpp:433
cv::dnn::Net::~Net
~Net()
Destructor frees the net only if there aren't references to the net anymore.
cv::dnn::CropLayer::create
static Ptr< CropLayer > create(int start_axis, const std::vector< int > &offset)
cv::datasets::FR_adienceObj::dy
int dy
Definition: fr_adience.hpp:77
cv::EVENT_FLAG_RBUTTON
@ EVENT_FLAG_RBUTTON
indicates that the right mouse button is down.
Definition: highgui.hpp:222
CV_CAP_PROP_SPEED
@ CV_CAP_PROP_SPEED
Definition: videoio_c.h:511
matlab::MxArray::MxArray
MxArray(const mxArray *ptr)
inheriting constructor
Definition: mxarray.hpp:271
CV_CAP_PROP_XI_GPO_SELECTOR
@ CV_CAP_PROP_XI_GPO_SELECTOR
Definition: videoio_c.h:270
cv::GEMM_3_T
@ GEMM_3_T
transposes src3
Definition: base.hpp:211
mask.hpp
cv::face::BIF::compute
virtual void compute(InputArray image, OutputArray features) const =0
cv::WImageBuffer::ReleaseImage
void ReleaseImage()
Definition: wimage.hpp:332
dnn.hpp
cvflann::HierarchicalClusteringIndex::~HierarchicalClusteringIndex
virtual ~HierarchicalClusteringIndex()
Definition: hierarchical_clustering_index.h:405
cv::cudev::VecTraits< schar >::elem_type
schar elem_type
Definition: vec_traits.hpp:144
cv::COLOR_RGBA2YUV_IYUV
@ COLOR_RGBA2YUV_IYUV
Definition: imgproc.hpp:727
cv::Vec2i
Vec< int, 2 > Vec2i
Definition: matx.hpp:375
CvGraphScanner::index
int index
Definition: core_c.h:1868
CV_CAP_OPENNI
@ CV_CAP_OPENNI
Definition: videoio_c.h:106
cv::CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio.hpp:518
cv::cuda::BroxOpticalFlow::getPyramidScaleFactor
virtual double getPyramidScaleFactor() const =0
cv::MatAllocator::allocate
virtual bool allocate(UMatData *data, int accessflags, UMatUsageFlags usageFlags) const =0
cvflann::any::operator<<
friend std::ostream & operator<<(std::ostream &out, const any &any_val)
Definition: any.h:316
cv::cuda::StereoConstantSpaceBP::getNrPlane
virtual int getNrPlane() const =0
number of active disparity on the first level
cv::cuda::calcSqrSum
void calcSqrSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::cudev::PtrTraits< Expr< Body > >::getCols
static __host__ int getCols(const Expr< Body > &expr)
Definition: expr.hpp:87
cv::ogl::Arrays::release
void release()
Releases all inner buffers.
cv::cuda::DescriptorMatcher::match
virtual void match(InputArray queryDescriptors, std::vector< DMatch > &matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >())=0
cv::Size_::value_type
_Tp value_type
Definition: types.hpp:293
cv::ocl::checkOptimalVectorWidth
int checkOptimalVectorWidth(const int *vectorWidths, InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray(), OclVectorStrategy strat=OCL_VECTOR_DEFAULT)
cv::ppf_match_3d::transPCCoeff
Mat transPCCoeff(Mat pc, float scale, float Cx, float Cy, float Cz, float MinVal, float MaxVal)
cv::v_signmask
int v_signmask(const v_reg< _Tp, n > &a)
Get negative values mask.
Definition: intrin_cpp.hpp:872
cv::FarnebackOpticalFlow::setFlags
virtual void setFlags(int flags)=0
cv::optflow::GPCMatchingParams::GPCMatchingParams
GPCMatchingParams(const GPCMatchingParams &params)
Definition: sparse_matching_gpc.hpp:157
cv::bgsegm::BackgroundSubtractorMOG::setNMixtures
virtual void setNMixtures(int nmix)=0
cv::illuminationChange
void illuminationChange(InputArray src, InputArray mask, OutputArray dst, float alpha=0.2f, float beta=0.4f)
Applying an appropriate non-linear transformation to the gradient field inside the selection and then...
cv::COLOR_RGBA2GRAY
@ COLOR_RGBA2GRAY
Definition: imgproc.hpp:545
cv::UMatData::origdata
uchar * origdata
Definition: mat.hpp:499
cv::viz::WImageOverlay::setImage
void setImage(InputArray image)
Sets the image content of the widget.
cv::cudev::tan
__device__ __forceinline__ float1 tan(const uchar1 &a)
Definition: vec_math.hpp:303
cv::reg::MapProjec::normalize
void normalize(void)
Definition: mapprojec.hpp:91
cv::datasets::TRACK_vot::load
virtual void load(const std::string &path)=0
cv::cuda::DescriptorMatcher::radiusMatchAsync
virtual void radiusMatchAsync(InputArray queryDescriptors, InputArray trainDescriptors, OutputArray matches, float maxDistance, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
For each query descriptor, finds the training descriptors not farther than the specified distance (as...
cvReadString
const char * cvReadString(const CvFileNode *node, const char *default_value=NULL)
Retrieves a text string from a file node.
Definition: core_c.h:2409
cv::BaseCascadeClassifier::MaskGenerator::generateMask
virtual Mat generateMask(const Mat &src)=0
cv::text::OCRBeamSearchDecoder::classifier
Ptr< OCRBeamSearchDecoder::ClassifierCallback > classifier
Definition: ocr.hpp:446
cv::String::size
size_t size() const
cv::reg::MapperGradProj::~MapperGradProj
~MapperGradProj(void)
cv::dnn::createCaffeImporter
Ptr< Importer > createCaffeImporter(const String &prototxt, const String &caffeModel=String())
Creates the importer of Caffe framework network.
cl_bool
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT const cl_device_id const size_t const unsigned char cl_int cl_int *CL_RUNTIME_EXPORT const cl_device_id const char cl_int *CL_RUNTIME_EXPORT const char const size_t cl_int *CL_RUNTIME_EXPORT cl_bool
Definition: opencl_core.hpp:293
CV_BadStep
@ CV_BadStep
Definition: types_c.h:133
cv::detail::SphericalWarper::SphericalWarper
SphericalWarper(float scale)
Construct an instance of the spherical warper class.
Definition: warpers.hpp:257
cv::SparseMat::copyTo
void copyTo(SparseMat &m) const
copies all the data to the destination matrix. All the previous content of m is erased
cv::saliency::StaticSaliencySpectralResidual::getImageWidth
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
cvflann::Index::size
size_t size() const
Definition: flann_base.hpp:176
cvGetTickCount
int64 cvGetTickCount(void)
cv::cuda::StereoBeliefPropagation::getMaxDiscTerm
virtual double getMaxDiscTerm() const =0
truncation of discontinuity cost
cv::cuda::FarnebackOpticalFlow::getFlags
virtual int getFlags() const =0
cv::cuda::createLaplacianFilter
Ptr< Filter > createLaplacianFilter(int srcType, int dstType, int ksize=1, double scale=1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a Laplacian operator.
cv::NAryMatIterator::NAryMatIterator
NAryMatIterator(const Mat **arrays, Mat *planes, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
cv::ppf_match_3d::Pose3D::Pose3D
Pose3D()
Definition: pose_3d.hpp:73
cv::reg::MapAffine::inverseMap
cv::Ptr< Map > inverseMap(void) const
cv::detail::CylindricalWarper
Warper that maps an image onto the x*x + z*z = 1 cylinder.
Definition: warpers.hpp:276
cv::CAP_PROP_XI_AUTO_WB
@ CAP_PROP_XI_AUTO_WB
Automatic white balance.
Definition: videoio.hpp:340
cvflann::Hamming2::is_vector_space_distance
False is_vector_space_distance
Definition: dist.h:478
clEnqueueReadBufferRect
#define clEnqueueReadBufferRect
Definition: opencl_core.hpp:172
CvPoint
Definition: types_c.h:867
cv::Subdiv2D::insert
void insert(const std::vector< Point2f > &ptvec)
Insert multiple points into a Delaunay triangulation.
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< Mat > &vec)
cv::stereo::Matching::puss
Mat puss
Definition: matching.hpp:371
cvApproxPoly
CvSeq * cvApproxPoly(const void *src_seq, int header_size, CvMemStorage *storage, int method, double eps, int recursive=0)
Approximates a single polygonal curve (contour) or a tree of polygonal curves (contours)
cv::IMWRITE_JPEG_PROGRESSIVE
@ IMWRITE_JPEG_PROGRESSIVE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:83
cv::viz::WCloudCollection::addCloud
void addCloud(InputArray cloud, InputArray colors, const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
cv::cuda::findMinMax
void findMinMax(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::ximgproc::DTFilter
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:67
cv::BackgroundSubtractorKNN::getDetectShadows
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
cv::detail::BlocksGainCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
cv::FileNode::FLOW
@ FLOW
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:501
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Point &)
Definition: bridge.hpp:309
cv::CAP_PROP_XI_HW_REVISION
@ CAP_PROP_XI_HW_REVISION
Returns hardware revision number.
Definition: videoio.hpp:466
cv::WND_PROP_AUTOSIZE
@ WND_PROP_AUTOSIZE
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:197
cv::cuda::Stream::enqueueHostCallback
void enqueueHostCallback(StreamCallback callback, void *userData)
Adds a callback to be called on the host after all currently enqueued items in the stream have comple...
cv::cuda::HOG::getBlockHistogramSize
virtual size_t getBlockHistogramSize() const =0
Returns the block histogram size.
hal_ni_absdiff8s
int hal_ni_absdiff8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:131
tinyxml2::XMLVisitor::Visit
virtual bool Visit(const XMLComment &)
Visit a comment node.
Definition: tinyxml2.h:474
cvComputeCorrespondEpilines
void cvComputeCorrespondEpilines(const CvMat *points, int which_image, const CvMat *fundamental_matrix, CvMat *correspondent_lines)
cv::face::createLBPHFaceRecognizer
Ptr< LBPHFaceRecognizer > createLBPHFaceRecognizer(int radius=1, int neighbors=8, int grid_x=8, int grid_y=8, double threshold=DBL_MAX)
cv::cudev::FindMinValExprBody
Definition: reduction.hpp:87
cv::cuda::GpuMat::reshape
GpuMat reshape(int cn, int rows=0) const
cv::Mat::end
MatIterator_< _Tp > end()
Returns the matrix iterator and sets it to the after-last matrix element.
cv::Allocator::construct
void construct(pointer p, const _Tp &v)
Definition: cvstd.hpp:152
cv::ml::VAR_CATEGORICAL
@ VAR_CATEGORICAL
categorical variables
Definition: ml.hpp:85
cv::GFTTDetector::getBlockSize
virtual int getBlockSize() const =0
cv::cuda::ORB::getBlurForDescriptor
virtual bool getBlurForDescriptor() const =0
cv::_OutputArray::_OutputArray
_OutputArray(ogl::Buffer &buf)
cv::ClfOnlineStump
Definition: onlineMIL.hpp:91
cvflann::UniqueRandom::UniqueRandom
UniqueRandom(int n)
Definition: random.h:93
cv::va_intel::convertToVASurface
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
cv::stereo::MCTKernel
Definition: descriptor.hpp:102
cv::cuda::COLOR_BayerRG2RGB_MHT
@ COLOR_BayerRG2RGB_MHT
Definition: cudaimgproc.hpp:102
tuple_adapter.hpp
cv::Moments::m00
double m00
Definition: types.hpp:862
cv::cudev::EnableIf
Definition: type_traits.hpp:107
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat_ &m, Rect roi)
cv::RotatedRect::RotatedRect
RotatedRect()
various constructors
cv::cudev::DerivXPtr::index_type
int index_type
Definition: deriv.hpp:64
cv::linemod::DepthNormal::difference_threshold
int difference_threshold
Definition: linemod.hpp:265
nppiStTranspose_128_C1R_host
NCVStatus nppiStTranspose_128_C1R_host(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_FeatureDetector &)
Definition: bridge.hpp:442
cv::ppf_match_3d::PPF3DDetector::sampled_pc
Mat sampled_pc
Definition: ppf_match_3d.hpp:150
matlab::MxArray::swap
friend void swap(MxArray &first, MxArray &second)
swap all members of this and other
Definition: mxarray.hpp:235
hal_ni_add16u
int hal_ni_add16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:78
CvChainPtReader::code
char code
Definition: types_c.h:474
imgproc.hpp
cv::videostab::LpMotionStabilizer::frameSize
Size frameSize() const
Definition: motion_stabilizing.hpp:126
CV_YUV2RGB_YUNV
@ CV_YUV2RGB_YUNV
Definition: types_c.h:302
cv::displayStatusBar
void displayStatusBar(const String &winname, const String &text, int delayms=0)
Displays a text on the window statusbar during the specified period of time.
cvInitMatHeader
CvMat * cvInitMatHeader(CvMat *mat, int rows, int cols, int type, void *data=NULL, int step=0x7fffffff)
Initializes a pre-allocated matrix header.
cv::LDA::subspaceReconstruct
static Mat subspaceReconstruct(InputArray W, InputArray mean, InputArray src)
CvFont::cyrillic
const int * cyrillic
Definition: imgproc_c.h:1125
cv::cudev::AffineMapPtr::value_type
float2 value_type
Definition: warping.hpp:63
cv::ml::EM::trainM
virtual bool trainM(InputArray samples, InputArray probs0, OutputArray logLikelihoods=noArray(), OutputArray labels=noArray(), OutputArray probs=noArray())=0
Estimate the Gaussian mixture parameters from a samples set.
cv::EVENT_FLAG_CTRLKEY
@ EVENT_FLAG_CTRLKEY
indicates that CTRL Key is pressed.
Definition: highgui.hpp:224
cv::hpp::getHpp
hppiMatrix * getHpp(const Mat &src, hppAccel accel)
Create hppiMatrix from Mat.
Definition: ippasync.hpp:168
cv::TrackerModel
Abstract class that represents the model of the target. It must be instantiated by specialized tracke...
Definition: tracker.hpp:453
cv::reg::MapShift::getShift
const cv::Vec< double, 2 > & getShift() const
Definition: mapshift.hpp:84
cv::ml::SVM::getTermCriteria
virtual cv::TermCriteria getTermCriteria() const =0
cv::cudev::BrdReplicate::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:127
cv::Subdiv2D::symEdge
int symEdge(int edge) const
cv::MatExpr::MatExpr
MatExpr(const MatOp *_op, int _flags, const Mat &_a=Mat(), const Mat &_b=Mat(), const Mat &_c=Mat(), double _alpha=1, double _beta=1, const Scalar &_s=Scalar())
printToYML
printToYML(outfile, model.child', 0)
cv::MSER::create
static Ptr< MSER > create(int _delta=5, int _min_area=60, int _max_area=14400, double _max_variation=0.25, double _min_diversity=.2, int _max_evolution=200, double _area_threshold=1.01, double _min_margin=0.003, int _edge_blur_size=5)
Full consturctor for MSER detector.
tinyxml2::XML_NO_TEXT_NODE
@ XML_NO_TEXT_NODE
Definition: tinyxml2.h:1023
cvSmooth
void cvSmooth(const CvArr *src, CvArr *dst, int smoothtype=CV_GAUSSIAN, int size1=3, int size2=0, double sigma1=0, double sigma2=0)
Smooths the image in one of several ways.
cv::Mat::at
_Tp & at(int row, int col)
cv::FileNode::read
void read(const FileNode &node, double &value, double default_value)
cv::hal::add16u
void add16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::cudev::log
__device__ __forceinline__ float1 log(const uchar1 &a)
Definition: vec_math.hpp:258
cv::datasets::TR_svt::load
virtual void load(const std::string &path)=0
cv::viz::readMesh
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
CvKalman
Definition: tracking_c.h:164
cv::Mat_::elemSize1
size_t elemSize1() const
cv::cudev::DefaultTransformPolicy::block_size_x
@ block_size_x
Definition: transform.hpp:416
cv::DECOMP_SVD
@ DECOMP_SVD
Definition: base.hpp:138
cv::WImageBufferC::IsNull
bool IsNull() const
Definition: wimage.hpp:397
cv::optflow::OpticalFlowPCAFlow::collectGarbage
void collectGarbage()
Releases all inner buffers.
cv::ocl::Context
Definition: ocl.hpp:235
cv::optflow::DISOpticalFlow::getVariationalRefinementGamma
virtual float getVariationalRefinementGamma() const =0
Weight of the gradient constancy term.
CV_RGBA2YUV_I420
@ CV_RGBA2YUV_I420
Definition: types_c.h:332
StringSet
std::set< std::string > StringSet
Definition: mxarray.hpp:58
cv::COLOR_BGR2RGBA
@ COLOR_BGR2RGBA
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:526
cvflann::CS
@ CS
Definition: defines.h:150
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_DivOp)
cv::fisheye::stereoRectify
void stereoRectify(InputArray K1, InputArray D1, InputArray K2, InputArray D2, const Size &imageSize, InputArray R, InputArray tvec, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags, const Size &newImageSize=Size(), double balance=0.0, double fov_scale=1.0)
Stereo rectification for fisheye camera model.
cv::CvLBPEvaluator::operator()
virtual float operator()(int featureIdx, int sampleIdx)
Definition: feature.hpp:372
cv::detail::CylindricalProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::cudev::Sum::work_type
T work_type
Definition: reduce_to_vec.hpp:67
cv::linemod::Detector::getTemplates
const std::vector< Template > & getTemplates(const String &class_id, int template_id) const
Get the template pyramid identified by template_id.
cv::cudacodec::EncoderCallBack::~EncoderCallBack
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:138
cv::bridge::Bridge::toVectorString
vector_String toVectorString()
Definition: bridge.hpp:401
cv::detail::BundleAdjusterReproj::BundleAdjusterReproj
BundleAdjusterReproj()
Definition: motion_estimators.hpp:242
cv::TrackerTargetState::targetPosition
Point2f targetPosition
Definition: tracker.hpp:379
cv::datasets::Dataset::Dataset
Dataset()
Definition: dataset.hpp:520
CV_CAP_PROP_POS_MSEC
@ CV_CAP_PROP_POS_MSEC
Definition: videoio_c.h:166
cv::DMatch::operator<
bool operator<(const DMatch &m) const
cv::ml::DTrees::setUse1SERule
virtual void setUse1SERule(bool val)=0
cv::rgbd::RgbdNormals::RGBD_NORMALS_METHOD
RGBD_NORMALS_METHOD
Definition: rgbd.hpp:111
cv::BackgroundSubtractorMOG2::setShadowValue
virtual void setShadowValue(int value)=0
Sets the shadow value.
cvflann::LshIndex
Definition: lsh_index.h:79
cv::Matx::mat_type
Matx< _Tp, m, n > mat_type
Definition: matx.hpp:99
cv::rgbd::RgbdOdometry::cameraMatrix
Mat cameraMatrix
Definition: rgbd.hpp:748
cv::TermCriteria
The class defining termination criteria for iterative algorithms.
Definition: types.hpp:781
cv::TLSDataContainer::~TLSDataContainer
virtual ~TLSDataContainer()
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::TrackerAdaBoostingTargetState
TrackerAdaBoostingTargetState(const Point2f &position, int width, int height, bool foreground, const Mat &responses)
Constructor.
cv::cudev::GpuMat_::col
__host__ GpuMat_ col(int x) const
cv::hal::min8s
void min8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::CvHaarEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
CV_YCrCb2RGB
@ CV_YCrCb2RGB
Definition: types_c.h:162
CvSeqBlock
Definition: types_c.h:1216
CV_CAP_ANY
@ CV_CAP_ANY
Definition: videoio_c.h:76
cv::COLOR_BayerGR2RGB_VNG
@ COLOR_BayerGR2RGB_VNG
Definition: imgproc.hpp:759
hal_ni_min32s
int hal_ni_min32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:115
cv::RETR_CCOMP
@ RETR_CCOMP
Definition: imgproc.hpp:434
cv::cuda::HostMem::HostMem
HostMem(const HostMem &m)
cv::rgbd::Odometry::setCameraMatrix
virtual void setCameraMatrix(const cv::Mat &val)=0
cv::datasets::humaneva_1
@ humaneva_1
Definition: hpe_humaneva.hpp:73
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, String dslabel, const int *dims_offset) const =0
CV_BGR2BGR555
@ CV_BGR2BGR555
Definition: types_c.h:142
cl_int
CL_RUNTIME_EXPORT cl_int
Definition: opencl_core.hpp:360
cv::ClfMilBoost::~ClfMilBoost
~ClfMilBoost()
cv::Vec3w
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:372
matlab::Traits< int8_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:139
cv::dnn::Layer::setParamsFrom
void setParamsFrom(const LayerParams &params)
Initializes only name, type and blobs fields.
tinyxml2::XMLUtil
Definition: tinyxml2.h:488
cv::Matx::type
@ type
Definition: matx.hpp:94
cv::cudev::NormHamming::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:164
cv::detail::PaniniPortraitProjector::b
float b
Definition: warpers.hpp:387
cv::detail::StereographicProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::ml::SVM::getUncompressedSupportVectors
Mat getUncompressedSupportVectors() const
Retrieves all the uncompressed support vectors of a linear SVM.
hal_ni_cmp64f
int hal_ni_cmp64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:215
cv::hal::DFT2D::~DFT2D
virtual ~DFT2D()
Definition: hal.hpp:211
cv::hal::mul64f
void mul64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
cv::operator<
v_reg< _Tp, n > operator<(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Less-than comparison.
Definition: intrin_cpp.hpp:606
cv::detail::SphericalPortraitProjector
Definition: warpers.hpp:554
cv::ml::SVM::getCoef0
virtual double getCoef0() const =0
hal_ni_LU32f
int hal_ni_LU32f(float *src1, size_t src1_step, int m, float *src2, size_t src2_step, int n, int *info)
Definition: hal_replacement.hpp:595
cv::ocl::Device::image2DMaxHeight
size_t image2DMaxHeight() const
cv::HOUGH_STANDARD
@ HOUGH_STANDARD
Definition: imgproc.hpp:464
cvflann::AutotunedIndex::getParameters
IndexParams getParameters() const
Definition: autotuned_index.h:163
cv::Matx::diag_type
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:100
kmeans_index.h
cv::cudev::RemapPtr1Sz::rows
int rows
Definition: remap.hpp:94
cv::detail::SphericalWarperGpu::SphericalWarperGpu
SphericalWarperGpu(float scale)
Definition: warpers.hpp:492
cv::omnidir::internal::fillFixedStereo
void fillFixedStereo(Mat &G, int flags, int n)
cv::detail::BundleAdjusterBase::pairwise_matches_
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:197
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< bool > &vec)
CvHaarStageClassifier::threshold
float threshold
Definition: objdetect_c.h:96
cv::cudev::scharrX_
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
cv::ml::TrainData::getCatCount
virtual int getCatCount(int vi) const =0
NCV_NULL_PTR
@ NCV_NULL_PTR
Definition: NCV.hpp:323
CV_BGR5552GRAY
@ CV_BGR5552GRAY
Definition: types_c.h:152
cv::ogl::Buffer::type
int type() const
clRetainEvent
#define clRetainEvent
Definition: opencl_core.hpp:254
cv::Ptr::release
void release()
cv::Tracker::~Tracker
virtual ~Tracker()
cv::cuda::AlphaCompTypes
AlphaCompTypes
Definition: cudaimgproc.hpp:159
cvMoments
void cvMoments(const CvArr *arr, CvMoments *moments, int binary=0)
Calculates all spatial and central moments up to the 3rd order.
binary_op.hpp
cvReleaseHaarClassifierCascade
void cvReleaseHaarClassifierCascade(CvHaarClassifierCascade **cascade)
cv::setOpenGlDrawCallback
void setOpenGlDrawCallback(const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0)
Sets a callback function to be called to draw on top of displayed image.
CV_BayerBG2GRAY
@ CV_BayerBG2GRAY
Definition: types_c.h:230
cv::IMREAD_COLOR
@ IMREAD_COLOR
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:67
cv::cuda::HoughLinesDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::cuda::HostMem::HostMem
HostMem(InputArray arr, AllocType alloc_type=PAGE_LOCKED)
creates from host memory with coping data
cv::Accumulator::Type
T Type
Definition: features2d.hpp:711
cv::datasets::IR_affine::load
virtual void load(const std::string &path)=0
CvAvgComp
Definition: objdetect_c.h:118
cv::v_reg
Definition: intrin_cpp.hpp:240
cv::sqrt
void sqrt(InputArray src, OutputArray dst)
Calculates a square root of array elements.
cv::UMat::getStdAllocator
static MatAllocator * getStdAllocator()
and the standard allocator
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState::getFeatures
Mat getFeatures() const
Get the features extracted.
tinyxml2::StrPair::Empty
bool Empty() const
Definition: tinyxml2.h:174
cvNormalize
void cvNormalize(const CvArr *src, CvArr *dst, double a=1., double b=0., int norm_type=4, const CvArr *mask=NULL)
CV_CALIB_FIX_INTRINSIC
#define CV_CALIB_FIX_INTRINSIC
Definition: calib3d_c.h:277
cv::multicalib::MultiCameraCalibration::vertex::vertex
vertex(Mat po, int ts)
Definition: multicalib.hpp:105
cv::Cholesky
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::dnn::DictValue::DictValue
DictValue(int64 i=0)
Constructs integer scalar.
Definition: dict.hpp:62
cv::ximgproc::SuperpixelLSC
Class implementing the LSC (Linear Spectral Clustering) superpixels algorithm described in .
Definition: lsc.hpp:72
cv::text::OCRBeamSearchDecoder::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)
Recognize text using Beam Search.
cv::face::FaceRecognizer::predict
int predict(InputArray src) const
cv::WImage1_16u
WImageC< ushort, 1 > WImage1_16u
Definition: wimage.hpp:105
CvSparseMat::hashsize
int hashsize
Definition: types_c.h:686
cv::CALIB_FIX_K3
@ CALIB_FIX_K3
Definition: calib3d.hpp:261
CvMoments::m02
double m02
Definition: types_c.h:399
cv::cuda::Stream::Null
static Stream & Null()
return Stream object for default CUDA stream
cv::MOTION_AFFINE
@ MOTION_AFFINE
Definition: tracking.hpp:257
cv::stereo::StereoBinarySGBM::setMode
virtual void setMode(int mode)=0
cv::KalmanFilter::statePre
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:365
cv::Rect
Rect2i Rect
Definition: types.hpp:416
cv::aruco::Dictionary::markerSize
int markerSize
Definition: dictionary.hpp:65
cv::Allocator::reference
value_type & reference
Definition: cvstd.hpp:133
cv::ppf_match_3d::ICP::ICP
ICP()
Definition: icp.hpp:90
cv::optflow::writeOpticalFlow
bool writeOpticalFlow(const String &path, InputArray flow)
Write a .flo to disk.
cv::aruco::Board
Board of markers.
Definition: aruco.hpp:226
cv::TickMeter::stop
void stop()
Definition: utility.hpp:306
cv::viz::Color::rose
static Color rose()
cv::v_add_wrap
v_reg< _Tp, n > v_add_wrap(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Add values without saturation.
Definition: intrin_cpp.hpp:649
cv::VideoWriter::isOpened
virtual bool isOpened() const
Returns true if video writer has been successfully initialized.
cv::triangulatePoints
void triangulatePoints(InputArray projMatr1, InputArray projMatr2, InputArray projPoints1, InputArray projPoints2, OutputArray points4D)
Reconstructs points by triangulation.
CV_CAP_PROP_IOS_DEVICE_FLASH
@ CV_CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio_c.h:428
cv::FarnebackOpticalFlow::setPolyN
virtual void setPolyN(int polyN)=0
cv::datasets::GR_chalearnObj::fps
int fps
Definition: gr_chalearn.hpp:78
cv::BOWImgDescriptorExtractor::dmatcher
Ptr< DescriptorMatcher > dmatcher
Definition: features2d.hpp:1356
cv::ogl::Arrays::setVertexArray
void setVertexArray(InputArray vertex)
Sets an array of vertex coordinates.
cv::find4QuadCornerSubpix
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
cv::WImageC::WImageC
WImageC(const WImageC &)
cv::videostab::StabilizerBase::setCorrectionForInclusion
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:89
cv::detail::CompressedRectilinearPortraitWarper
Definition: warpers.hpp:353
cv::AKAZE::setNOctaves
virtual void setNOctaves(int octaves)=0
cv::cuda::DescriptorMatcher::matchConvert
virtual void matchConvert(InputArray gpu_matches, std::vector< DMatch > &matches)=0
Converts matches array from internal representation to standard matches vector.
cv::Node::findChild
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1030
clReleaseMemObject
#define clReleaseMemObject
Definition: opencl_core_wrappers.hpp:220
cv::videostab::TwoPassStabilizer::motionStabilizer_
Ptr< IMotionStabilizer > motionStabilizer_
Definition: stabilizer.hpp:184
cv::WImageView1_f
WImageViewC< float, 1 > WImageView1_f
Definition: wimage.hpp:80
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator(SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::cuda::FEATURE_SET_COMPUTE_35
@ FEATURE_SET_COMPUTE_35
Definition: cuda.hpp:602
cv::filter2D
void filter2D(InputArray src, OutputArray dst, int ddepth, InputArray kernel, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
Convolves an image with the kernel.
cvflann::AutotunedIndex::usedMemory
virtual int usedMemory() const
Definition: autotuned_index.h:198
CvHistogram::bins
CvArr * bins
Definition: types_c.h:751
NCVVector::copySolid
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
CV_CUDEV_BINARY_FUNCTION_INST
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
cv::viz::FONT_SIZE
@ FONT_SIZE
Definition: widgets.hpp:66
weighted_median_filter.hpp
cv::face::LBPHFaceRecognizer::setNeighbors
virtual void setNeighbors(int val)=0
cv::cudev::TypeTraits::is_float
@ is_float
Definition: type_traits.hpp:145
CV_CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
@ CV_CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Definition: videoio_c.h:388
cvCrossProduct
void cvCrossProduct(const CvArr *src1, const CvArr *src2, CvArr *dst)
Calculates the cross product of two 3D vectors.
CV_CPU_NEON
#define CV_CPU_NEON
Definition: cvdef.h:130
cv::Range::start
int start
Definition: types.hpp:549
cv::theRNG
RNG & theRNG()
Returns the default random number generator.
cv::cudev::Min
Definition: reduce_to_vec.hpp:106
cv::Vec::Vec
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_AddOp)
cv::CALIB_USE_INTRINSIC_GUESS
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:254
cv::CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
@ CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:380
cv::rgbd::RgbdICPOdometry::getTransformType
int getTransformType() const
Definition: rgbd.hpp:961
cv::CAP_OPENNI_QVGA_30HZ
@ CAP_OPENNI_QVGA_30HZ
Definition: videoio.hpp:264
cv::bgsegm::BackgroundSubtractorGMG::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
Sets total number of distinct colors to maintain in histogram.
cv::FileStorage::FileStorage
FileStorage(CvFileStorage *fs, bool owning=true)
cv::cnn_3dobj::descriptorExtractor::descriptorExtractor
descriptorExtractor(const String &device_type, int device_id=0)
Set the device for feature extraction, if the GPU is used, there should be a device_id.
cv::datasets::genderType
genderType
Definition: fr_adience.hpp:61
cv::bgsegm::createBackgroundSubtractorMOG
Ptr< BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
cv::LSD_REFINE_NONE
@ LSD_REFINE_NONE
No refinement applied.
Definition: imgproc.hpp:479
cv::cuda::cartToPolar
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts Cartesian coordinates into polar.
cvflann::KMeansIndex::KMeansDistanceComputer::operator()
void operator()(const cv::Range &range) const
Definition: kmeans_index.h:294
cv::Matx::operator*=
static Matx< _Tp, m, n > & operator*=(Matx< _Tp, m, n > &a, int alpha)
Definition: matx.hpp:1149
cv::TrackerGOTURN::Params::read
void read(const FileNode &)
cv::detail::PaniniProjector::a
float a
Definition: warpers.hpp:366
cv::AlignMTB::setMaxBits
virtual void setMaxBits(int max_bits)=0
cvflann::find_nearest
void find_nearest(const Matrix< typename Distance::ElementType > &dataset, typename Distance::ElementType *query, int *matches, int nn, int skip=0, Distance distance=Distance())
Definition: ground_truth.h:42
cvMat
CvMat cvMat(int rows, int cols, int type, void *data=NULL)
Definition: types_c.h:509
cv::INTER_MAX
@ INTER_MAX
Definition: imgproc.hpp:281
cv::ppf_match_3d::ICP
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:81
cv::stereo::StereoBinarySGBM::MODE_SGBM
@ MODE_SGBM
Definition: stereo.hpp:205
cv::CvHaarEvaluator::FeatureHaar::getInitMean
float getInitMean() const
cv::DescriptorMatcher::DescriptorCollection
Definition: features2d.hpp:975
ncvHaarStoreNVBIN_host
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
cv::text::OCRHMMDecoder::run
String run(InputArray image, InputArray mask, int min_confidence, int component_level=0)
cv::ORB::setPatchSize
virtual void setPatchSize(int patchSize)=0
cv::Point2i
Point_< int > Point2i
Definition: types.hpp:179
cv::Algorithm::loadFromString
static Ptr< _Tp > loadFromString(const String &strModel, const String &objname=String())
Loads algorithm from a String.
Definition: core.hpp:3094
CV_CAP_OPENNI_VALID_DEPTH_MASK
@ CV_CAP_OPENNI_VALID_DEPTH_MASK
Definition: videoio_c.h:472
cvflann::RadiusResultSet::worstDist
DistanceType worstDist() const
Definition: result_set.h:274
CV_YUV2BGR_NV12
@ CV_YUV2BGR_NV12
Definition: types_c.h:237
cv::SparseMat::copyTo
void copyTo(Mat &m) const
converts sparse matrix to dense matrix.
cv::dnn::BlobShape::empty
static BlobShape empty()
Returns empty shape [].
cv::videostab::MotionEstimatorL1::MotionEstimatorL1
MotionEstimatorL1(MotionModel model=MM_AFFINE)
cv::MergeMertens::setContrastWeight
virtual void setContrastWeight(float contrast_weiht)=0
cv::cudev::PyrUpBody::src
SrcPtr src
Definition: warping.hpp:132
cv::cnn_3dobj::icoSphere::icoSphere
icoSphere(float radius_in, int depth_in)
Generating a sphere by mean of a iteration based points selection process.
cv::ImwritePAMFlags
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:113
CV_BGR2HSV_FULL
@ CV_BGR2HSV_FULL
Definition: types_c.h:205
cv::ocl::KernelArg::sz
size_t sz
Definition: ocl.hpp:387
cv::Matx::rows
@ rows
Definition: matx.hpp:91
cv::SparseMat::Hdr::clear
void clear()
MorphShapes_c
MorphShapes_c
Definition: types_c.h:377
CvSparseMat::heap
struct CvSet * heap
Definition: types_c.h:684
cv::bitwise_and
void bitwise_and(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
computes bitwise conjunction of the two arrays (dst = src1 & src2) Calculates the per-element bit-wis...
cv::line_descriptor::LSDDetector::detect
void detect(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, int scale, int numOctaves, const std::vector< Mat > &masks=std::vector< Mat >()) const
cv::superres::SuperResolution::SuperResolution
SuperResolution()
cv::instr::FLAGS_EXPAND_SAME_NAMES
@ FLAGS_EXPAND_SAME_NAMES
Definition: utility.hpp:1157
cv::BufferPoolController::getReservedSize
virtual size_t getReservedSize() const =0
cv::Point3_
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:221
cv::superres::DualTVL1OpticalFlow::setTheta
virtual void setTheta(double val)=0
cv::stereo::Matching::hammingDistanceBlockMatching
void hammingDistanceBlockMatching(const Mat &leftImage, const Mat &rightImage, Mat &cost, const int kernelSize=9)
Definition: matching.hpp:412
cv::ocl::Image2D::canCreateAlias
static bool canCreateAlias(const UMat &u)
cv::cudev::maxVal_
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
cv::dnn::PoolingLayer::create
static Ptr< PoolingLayer > create(int type=PoolingLayer::MAX, Size kernel=Size(2, 2), Size stride=Size(1, 1), Size pad=Size(0, 0), const cv::String &padMode="")
cv::KalmanFilter::KalmanFilter
KalmanFilter(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
NCV.hpp
cv::Error::StsOk
@ StsOk
everithing is ok
Definition: base.hpp:69
cv::MatOp::augAssignSubtract
virtual void augAssignSubtract(const MatExpr &expr, Mat &m) const
cv::CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
@ CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Sensor output data bit depth.
Definition: videoio.hpp:378
cvflann::L1::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:203
cv::aruco::GridBoard::create
static Ptr< GridBoard > create(int markersX, int markersY, float markerLength, float markerSeparation, const Ptr< Dictionary > &dictionary, int firstMarker=0)
Create a GridBoard object.
CV_CAP_PROP_PVAPI_MULTICASTIP
@ CV_CAP_PROP_PVAPI_MULTICASTIP
Definition: videoio_c.h:252
cv::WImage1_f
WImageC< float, 1 > WImage1_f
Definition: wimage.hpp:79
CV_OpenCLDoubleNotSupported
@ CV_OpenCLDoubleNotSupported
Definition: types_c.h:172
cv::viz::WCircle
This 3D Widget defines a circle.
Definition: widgets.hpp:307
cv::detail::RotationWarper::buildMaps
virtual Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)=0
Builds the projection maps according to the given camera data.
cv::saliency::StaticSaliency
Definition: saliencyBaseClasses.hpp:97
cv::viz::Viz3d::setWindowPosition
void setWindowPosition(const Point &window_position)
Sets the position of the window in the screen.
cv::rgbd::RgbdFrame::image
Mat image
Definition: rgbd.hpp:478
cv::IMWRITE_PAM_FORMAT_NULL
@ IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs.hpp:114
cv::FileStorage::root
FileNode root(int streamidx=0) const
Returns the top-level mapping.
CV_CUDEV_IMPLEMENT_VEC_BINARY_FUNC
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:767
cv::NORM_MINMAX
@ NORM_MINMAX
flag
Definition: base.hpp:196
BOILERPLATE_CODE
#define BOILERPLATE_CODE(name, classname)
Definition: tracker.hpp:53
cv::cudev::asin
__device__ __forceinline__ float1 asin(const uchar1 &a)
Definition: vec_math.hpp:312
cv::ft::LINEAR
@ LINEAR
Definition: types.hpp:55
clGetGLTextureInfo
#define clGetGLTextureInfo
Definition: opencl_gl.hpp:42
cv::TrackerStateEstimatorMILBoosting::setCurrentConfidenceMap
void setCurrentConfidenceMap(ConfidenceMap &confidenceMap)
Set the current confidenceMap.
cvNextTreeNode
void * cvNextTreeNode(CvTreeNodeIterator *tree_iterator)
cv::videostab::InpainterBase::radius
virtual int radius() const
Definition: inpainting.hpp:71
cv::mulTransposed
void mulTransposed(InputArray src, OutputArray dst, bool aTa, InputArray delta=noArray(), double scale=1, int dtype=-1)
Calculates the product of a matrix and its transposition.
gzip
gzip(outname)
Cv32suf::_fp32Format::exponent
unsigned int exponent
Definition: cvdef.h:336
cv::detail::CylindricalWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_CalibrateDebevec &)
Definition: bridge.hpp:462
cv::saliency::StaticSaliencyFineGrained::create
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
cv::CommandLineParser::check
bool check() const
Check for parsing errors.
cv::cuda::GpuMat::ptr
_Tp * ptr(int y=0)
template version of the above method
cv::bgsegm::BackgroundSubtractorGMG::getMaxVal
virtual double getMaxVal() const =0
Returns the maximum value taken on by pixels in image sequence. e.g. 1.0 or 255.
cv::detail::MatchesInfo::src_img_idx
int src_img_idx
Definition: matchers.hpp:212
cv::detail::SphericalPortraitWarper::SphericalPortraitWarper
SphericalPortraitWarper(float scale)
Definition: warpers.hpp:565
cv::cudev::LutPtrSz
Definition: lut.hpp:76
cv::flann::SearchParams
Definition: miniflann.hpp:124
cv::cuda::GpuMat::GpuMat
GpuMat(int rows, int cols, int type, void *data, size_t step=Mat::AUTO_STEP)
constructor for GpuMat headers pointing to user-allocated data
Ncv32f
float Ncv32f
Definition: NCV.hpp:133
cv::UMatData::size
size_t size
Definition: mat.hpp:500
cv::cudev::atomicMax
__device__ __forceinline__ int atomicMax(int *address, int val)
Definition: atomic.hpp:152
hal_ni_cvtBGRtoHSV
int hal_ni_cvtBGRtoHSV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV)
hal_cvtBGRtoHSV
Definition: hal_replacement.hpp:444
cv::cudev::PtrTraits< Expr< Body > >::shrinkPtr
static __host__ ptr_type shrinkPtr(const Expr< Body > &expr)
Definition: expr.hpp:77
NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
@ NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
Definition: NCV.hpp:352
cv::ppf_match_3d::PPF3DDetector::PPF3DDetector
PPF3DDetector()
Empty constructor. Sets default arguments.
cv::Mat_::row
Mat_ row(int y) const
overridden forms of Mat::row() etc.
OPENCV_HAL_IMPL_C_PACK
#define OPENCV_HAL_IMPL_C_PACK(_Tpvec, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1630
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, String dslabel, const int compresslevel) const =0
CvChainPtReader::pt
CvPoint pt
Definition: types_c.h:475
CV_CAP_INTELPERC_UVDEPTH_MAP
@ CV_CAP_INTELPERC_UVDEPTH_MAP
Definition: videoio_c.h:495
cv::CAP_PROP_XI_CC_MATRIX_23
@ CAP_PROP_XI_CC_MATRIX_23
Color Correction Matrix element [2][3].
Definition: videoio.hpp:408
CV_BadDepth
@ CV_BadDepth
Definition: types_c.h:137
cv::abs
static uint64 abs(uint64 a)
Definition: cvstd.hpp:73
cv::rgbd::DepthCleaner::setWindowSize
void setWindowSize(int val)
Definition: rgbd.hpp:262
cv::ml::SVM::COEF
@ COEF
Definition: ml.hpp:636
cv::cudev::PyrUpBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
cv::dnn::Dict::operator<<
friend std::ostream & operator<<(std::ostream &stream, const Dict &dict)
cv::DualTVL1OpticalFlow::setInnerIterations
virtual void setInnerIterations(int val)=0
Inner iterations (between outlier filtering) used in the numerical scheme.
cv::ml::ANN_MLP::setRpropDWMinus
virtual void setRpropDWMinus(double val)=0
cv::videostab::WobbleSuppressorBase::frameCount
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
CvPoint::x
int x
Definition: types_c.h:868
cv::FileNode::read
static void read(const FileNode &node, std::vector< _Tp > &vec, const std::vector< _Tp > &default_value=std::vector< _Tp >())
Definition: persistence.hpp:1088
cv::hal::split32s
void split32s(const int *src, int **dst, int len, int cn)
cv::CvParams::printAttrs
virtual void printAttrs() const
cv::NAryMatIterator::size
size_t size
the size of each segment (in elements)
Definition: mat.hpp:3273
cv::TrackerBoosting::Params::featureSetNumFeatures
int featureSetNumFeatures
Definition: tracker.hpp:1126
cv::SparseMat::elemSize
size_t elemSize() const
converts sparse matrix to the old-style representation; all the elements are copied.
cvStartLoop
int cvStartLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
SMALL_POLICY
#define SMALL_POLICY(TYPE)
Specializations for small types.
Definition: any.h:141
NCVBroxOpticalFlow
NCVStatus NCVBroxOpticalFlow(const NCVBroxOpticalFlowDescriptor desc, INCVMemAllocator &gpu_mem_allocator, const NCVMatrix< Ncv32f > &frame0, const NCVMatrix< Ncv32f > &frame1, NCVMatrix< Ncv32f > &u, NCVMatrix< Ncv32f > &v, cudaStream_t stream)
Compute optical flow.
cvflann::L2_Simple::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:124
cv::ppf_match_3d::hashtableInsertHashed
int hashtableInsertHashed(hashtable_int *hashtbl, KeyType key, void *data)
cv::EMDL1HistogramCostExtractor
An EMD-L1 based cost extraction. :
Definition: hist_cost.hpp:103
cv::cudev::saturate_cast_func
Definition: functional.hpp:664
cv::datasets::TR_icdarObj::fileName
std::string fileName
Definition: tr_icdar.hpp:68
cv::detail::RotationWarperBase::setScale
void setScale(float val)
Definition: warpers.hpp:157
cv::Vec2b
Vec< uchar, 2 > Vec2b
Definition: matx.hpp:363
cv::cudev::RemapPtr1Sz::cols
int cols
Definition: remap.hpp:94
cv::cudev::LinearInterPtr
Definition: interpolation.hpp:98
cv::Mat_::create
void create(int _ndims, const int *_sizes)
equivalent to Mat::create(_ndims, _sizes, DatType<_Tp>::type)
cv::ConnectedComponentsAlgorithmsTypes
ConnectedComponentsAlgorithmsTypes
connected components algorithm
Definition: imgproc.hpp:417
cv::ClfMilBoost::Params
Definition: onlineMIL.hpp:63
cv::detail::CompressedRectilinearPortraitWarper::CompressedRectilinearPortraitWarper
CompressedRectilinearPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:355
tinyxml2::XMLText::CData
bool CData() const
Returns true if this is a CDATA text element.
Definition: tinyxml2.h:884
cv::stereo::Matching::Matching
Matching(int maxDisp, int scalling=4, int confidence=6)
Definition: matching.hpp:608
cv::viz::Viz3d::removeWidget
void removeWidget(const String &id)
Removes a widget from the window.
cv::CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
@ CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio.hpp:201
cv::clipLine
bool clipLine(Size imgSize, Point &pt1, Point &pt2)
Clips the line against the image rectangle.
cv::IMWRITE_PAM_FORMAT_RGB_ALPHA
@ IMWRITE_PAM_FORMAT_RGB_ALPHA
Definition: imgcodecs.hpp:119
cv::SOLVEPNP_EPNP
@ SOLVEPNP_EPNP
EPnP: Efficient Perspective-n-Point Camera Pose Estimation .
Definition: calib3d.hpp:236
cvflann::KDTreeIndex::~KDTreeIndex
~KDTreeIndex()
Definition: kdtree_index.h:111
cv::_OutputArray::setTo
void setTo(const _InputArray &value, const _InputArray &mask=_InputArray()) const
cv::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: calib3d.hpp:260
cv::BFMatcher::normType
int normType
Definition: features2d.hpp:1056
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyColor
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
IplROI::xOffset
int xOffset
Definition: types_c.h:345
cv::datasets::cameraParam::mat1
Matx33d mat1
Definition: msm_epfl.hpp:62
cv::TrackerTargetState::setTargetHeight
void setTargetHeight(int height)
Set the height of the target.
cv::cudacodec::EncoderParams
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:84
cv::ocl::Device::halfFPConfig
int halfFPConfig() const
cv::cuda::GpuMat::GpuMat
GpuMat(Size size, int type, void *data, size_t step=Mat::AUTO_STEP)
cv::detail::SphericalWarper
Warper that maps an image onto the unit sphere located at the origin.
Definition: warpers.hpp:250
cv::cuda::ORB::OCTAVE_ROW
@ OCTAVE_ROW
Definition: cudafeatures2d.hpp:464
cv::cudev::blockReduce
__device__ __forceinline__ void blockReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:63
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyFill
Fill-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:127
CvPoint::y
int y
Definition: types_c.h:869
cv::CvHOGEvaluator::Feature::rect
Rect rect[4]
Definition: feature.hpp:319
cv::line_descriptor::BinaryDescriptor::Params::reductionRatio
int reductionRatio
Definition: descriptor.hpp:203
cvClearHist
void cvClearHist(CvHistogram *hist)
Clears the histogram.
cv::cudev::acos
__device__ __forceinline__ float1 acos(const uchar1 &a)
Definition: vec_math.hpp:321
cv::structured_light::SinusoidalPattern::Params::nbrOfPixelsBetweenMarkers
int nbrOfPixelsBetweenMarkers
Definition: sinusoidalpattern.hpp:90
cv::MORPH_OPEN
@ MORPH_OPEN
Definition: imgproc.hpp:238
NCVVectorAlloc::NCVVectorAlloc
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
cv::MatExpr::op
const MatOp * op
Definition: mat.hpp:3399
split_merge.hpp
cv::MultiTracker::add
bool add(const Mat &image, const Rect2d &boundingBox)
Add a new object to be tracked. The defaultAlgorithm will be used the newly added tracker.
CV_CAP_PROP_XI_FFS_FILE_ID
@ CV_CAP_PROP_XI_FFS_FILE_ID
Definition: videoio_c.h:404
Ncv32f_a
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
cv::WImageView
Definition: wimage.hpp:409
cv::DescriptorMatcher::~DescriptorMatcher
virtual ~DescriptorMatcher()
cv::ogl::render
void render(const Texture2D &tex, Rect_< double > wndRect=Rect_< double >(0.0, 0.0, 1.0, 1.0), Rect_< double > texRect=Rect_< double >(0.0, 0.0, 1.0, 1.0))
Render OpenGL texture or primitives.
cv::COLOR_BGR2HSV
@ COLOR_BGR2HSV
convert RGB/BGR to HSV (hue saturation value), color conversions
Definition: imgproc.hpp:581
cv::reg::MapAffine::scale
void scale(double factor)
cv::BOWImgDescriptorExtractor::getVocabulary
const Mat & getVocabulary() const
Returns the set vocabulary.
cv::getAffineTransform
Mat getAffineTransform(const Point2f src[], const Point2f dst[])
Calculates an affine transform from three pairs of the corresponding points.
cv::AlignMTB::process
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response)=0
Aligns images.
cv::Point_::Point_
Point_(const Point_ &pt)
cv::patchNaNs
void patchNaNs(InputOutputArray a, double val=0)
converts NaN's to the given number
cv::plot::Plot2d::setPlotLineWidth
virtual void setPlotLineWidth(int _plotLineWidth)=0
CV_INPAINT_TELEA
@ CV_INPAINT_TELEA
Definition: photo_c.h:60
cvSaveImage
int cvSaveImage(const char *filename, const CvArr *image, const int *params=0)
cv::cuda::COLOR_BayerRG2GRAY_MHT
@ COLOR_BayerRG2GRAY_MHT
Definition: cudaimgproc.hpp:107
hal_ni_SVD32f
int hal_ni_SVD32f(float *src, size_t src_step, float *w, float *u, size_t u_step, float *vt, size_t vt_step, int m, int n, int flags)
Definition: hal_replacement.hpp:633
cv::ocl::Program::read
bool read(const String &buf, const String &buildflags)
cv::moveWindow
void moveWindow(const String &winname, int x, int y)
Moves window to the specified position.
CV_RNG_COEFF
#define CV_RNG_COEFF
Definition: types_c.h:205
cv::cudev::ScharrYPtrSz::cols
int cols
Definition: deriv.hpp:302
cv::cuda::FarnebackOpticalFlow::create
static Ptr< FarnebackOpticalFlow > create(int numLevels=5, double pyrScale=0.5, bool fastPyramids=false, int winSize=13, int numIters=10, int polyN=5, double polySigma=1.1, int flags=0)
NCVBroxOpticalFlowDescriptor::gamma
Ncv32f gamma
gradient constancy importance
Definition: NCVBroxOpticalFlow.hpp:74
cv::TM_SQDIFF
@ TM_SQDIFF
Definition: imgproc.hpp:3630
cvflann::LinearIndex
Definition: linear_index.h:50
cv::Mat::Mat
Mat(const Mat &m, const std::vector< Range > &ranges)
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::setPeriod
virtual void setPeriod(int val)
Definition: wobble_suppression.hpp:104
cv::videostab::StabilizerBase::processingStartTime_
clock_t processingStartTime_
Definition: stabilizer.hpp:136
cv::flann::CvType< unsigned short >::type
static int type()
Definition: flann.hpp:78
nppiStDecimate_32u_C1R
NCVStatus nppiStDecimate_32u_C1R(Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
tinyxml2::XMLNode::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *document) const =0
cvflann::Hamming2::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:502
cv::SimpleBlobDetector::Params::minCircularity
float minCircularity
Definition: features2d.hpp:572
cv::ml::LogisticRegression::setRegularization
virtual void setRegularization(int val)=0
cv::cuda::createCannyEdgeDetector
Ptr< CannyEdgeDetector > createCannyEdgeDetector(double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false)
Creates implementation for cuda::CannyEdgeDetector .
cv::createAlignMTB
Ptr< AlignMTB > createAlignMTB(int max_bits=6, int exclude_range=4, bool cut=true)
Creates AlignMTB object.
cv::ml::StatModel
Base class for statistical models in OpenCV ML.
Definition: ml.hpp:300
cvflann::KNNResultSet::full
bool full() const
Definition: result_set.h:179
cv::saliency::ObjectnessBING::setBBResDir
void setBBResDir(const String &resultsDir)
This is a utility function that allows to set an arbitrary path in which the algorithm will save the ...
cv::UMat::UMat
UMat(int ndims, const int *sizes, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::optflow::GPCTrainingSamples::size
size_t size() const
Definition: sparse_matching_gpc.hpp:115
cv::AgastFeatureDetector::getNonmaxSuppression
virtual bool getNonmaxSuppression() const =0
CvSparseMat::type
int type
Definition: types_c.h:679
cv::COLOR_BGR2HLS_FULL
@ COLOR_BGR2HLS_FULL
Definition: imgproc.hpp:604
NcvRect8u::height
Ncv8u height
Definition: NCV.hpp:142
cv::videostab::InpainterBase::setStabilizationMotions
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:90
cvflann::Datatype< char >::type
static flann_datatype_t type()
Definition: saving.h:49
cv::COLOR_YUV2RGBA_Y422
@ COLOR_YUV2RGBA_Y422
Definition: imgproc.hpp:683
cv::FileNode::real
double real() const
Simplified reading API to use with bindings.
cvflann::HistIntersectionDistance::ElementType
T ElementType
Definition: dist.h:539
cv::ppf_match_3d::ICP::registerModelToScene
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, double &residual, double pose[16])
Perform registration.
CV_CAP_TYZX
@ CV_CAP_TYZX
Definition: videoio_c.h:91
cv::cuda::HoughCirclesDetector::getMinDist
virtual float getMinDist() const =0
CV_WHOLE_SEQ
#define CV_WHOLE_SEQ
Definition: types_c.h:1096
THash::ppfInd
int ppfInd
Definition: ppf_match_3d.hpp:82
tinyxml2::XMLNode::_lastChild
XMLNode * _lastChild
Definition: tinyxml2.h:842
cv::Scalar_::Scalar_
Scalar_(_Tp v0, _Tp v1, _Tp v2=0, _Tp v3=0)
cv::optflow::GPCTrainingParams::printProgress
bool printProgress
Print progress to stdout.
Definition: sparse_matching_gpc.hpp:129
cvSize2D32f
CvSize2D32f cvSize2D32f(double width, double height)
Definition: types_c.h:1049
cv::bioinspired::Retina::createRetina
Ptr< Retina > createRetina(Size inputSize, const bool colorMode, int colorSamplingMethod=RETINA_COLOR_BAYER, const bool useRetinaLogSampling=false, const float reductionFactor=1.0f, const float samplingStrenght=10.0f)
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance.
cv::calcBackProject
void calcBackProject(const Mat *images, int nimages, const int *channels, InputArray hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true)
Calculates the back projection of a histogram.
cvflann::NNIndex::radiusSearch
virtual int radiusSearch(const Matrix< ElementType > &query, Matrix< int > &indices, Matrix< DistanceType > &dists, float radius, const SearchParams &params)
Perform radius search.
Definition: nn_index.h:102
nppStBicubic
@ nppStBicubic
Bicubic convolution filter, a = -0.5 (cubic Hermite spline)
Definition: NPP_staging.hpp:103
cv::cuda::calcAbsSum
void calcAbsSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::cudev::tanh
__device__ __forceinline__ float1 tanh(const uchar1 &a)
Definition: vec_math.hpp:357
cv::omnidir::internal::decodeParametersStereo
void decodeParametersStereo(InputArray parameters, OutputArray K1, OutputArray K2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray D1, OutputArray D2, double &xi1, double &xi2)
cv::detail::DpSeamFinder::CostFunction
CostFunction
Definition: seam_finders.hpp:121
cv::BOWTrainer
Abstract base class for training the bag of visual words vocabulary from a set of descriptors.
Definition: features2d.hpp:1214
cv::cudev::gridCountNonZero
__host__ void gridCountNonZero(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:365
cv::cudev::CommonAreaInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:302
cv::CvLBPEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
cv::Feature2D
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:133
cv::reg::MapperPyramid::numIterPerScale_
unsigned numIterPerScale_
Definition: mapperpyramid.hpp:67
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const String &prog)
IplConvKernel::anchorX
int anchorX
Definition: types_c.h:356
tinyxml2::XMLNode::ToDeclaration
virtual XMLDeclaration * ToDeclaration()
Safely cast to a Declaration, or null.
Definition: tinyxml2.h:620
cv::cuda::StereoConstantSpaceBP::getUseLocalInitDataCost
virtual bool getUseLocalInitDataCost() const =0
cv::WImage::CopyFrom
void CopyFrom(const WImage< T > &src)
Definition: wimage.hpp:225
cv::Error::BadOrigin
@ BadOrigin
Definition: base.hpp:89
cv::videostab::KeypointBasedMotionEstimator::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:227
cv::COLOR_YUV2BGRA_YUY2
@ COLOR_YUV2BGRA_YUY2
Definition: imgproc.hpp:698
cv::detail::NoBundleAdjuster
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:216
cv::aruco::drawAxis
void drawAxis(InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length)
Draw coordinate system axis from pose estimation.
cv::countNonZero
int countNonZero(InputArray src)
Counts non-zero array elements.
cv::saliency::ObjectnessBING::setW
void setW(int val)
Definition: saliencySpecializedClasses.hpp:337
cv::saliency::MotionSaliencyBinWangApr2014::init
bool init()
This function allows the correct initialization of all data structures that will be used by the algor...
cv::cudev::GpuMat_::clone
__host__ GpuMat_ clone() const
overridden forms of GpuMat::row() etc.
NCVMemNativeAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
cv::Seq::depth
int depth() const
returns the depth of sequence elements (CV_8U ... CV_64F)
Definition: core_c.h:3002
cv::ximgproc::ARO_315_45
@ ARO_315_45
Definition: fast_hough_transform.hpp:70
cvInitFont
void cvInitFont(CvFont *font, int font_face, double hscale, double vscale, double shear=0, int thickness=1, int line_type=8)
Initializes font structure (OpenCV 1.x API).
cv::CvHaarEvaluator::FeatureHaar::FeatureHaar
FeatureHaar(Size patchSize)
cv::cuda::OpticalFlowDual_TVL1::setTau
virtual void setTau(double tau)=0
cv::COLOR_YUV2BGR
@ COLOR_YUV2BGR
Definition: imgproc.hpp:624
cv::BackgroundSubtractorKNN::setDetectShadows
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
cv::MatIterator_::MatIterator_
MatIterator_()
the default constructor
hal_ni_min64f
int hal_ni_min64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:117
cv::cudev::SingleMaskChannels::operator()
__device__ __forceinline__ value_type operator()(index_type y, index_type x) const
Definition: mask.hpp:76
cvflann::MinkowskiDistance::order
int order
Definition: dist.h:266
CvPoint2D32f
Definition: types_c.h:894
hashnode_i::data
void * data
Definition: t_hash_int.hpp:63
final_show.hpp
cv::Tonemap::process
virtual void process(InputArray src, OutputArray dst)=0
Tonemaps image.
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m)
constructor that sets the iterator to the beginning of the matrix
cv::tracking::UnscentedKalmanFilter::getMeasurementNoiseCov
virtual Mat getMeasurementNoiseCov() const =0
cv::FileNode::read
void read(const FileNode &node, String &value, const String &default_value)
cv::cuda::registerPageLocked
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
tinyxml2::XMLElement::ToElement
virtual XMLElement * ToElement()
Safely cast to an Element, or null.
Definition: tinyxml2.h:1146
cv::dnn::Blob::updateUMat
void updateUMat(bool syncData=true) const
Actualizes data stored inside Mat of Blob; if syncData is false then only shape will be actualized.
cv::setUseOptimized
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
cvflann::HierarchicalClusteringIndex::veclen
size_t veclen() const
Definition: hierarchical_clustering_index.h:446
IplROI::yOffset
int yOffset
Definition: types_c.h:346
cv::UMat::adjustROI
UMat & adjustROI(int dtop, int dbottom, int dleft, int dright)
moves/resizes the current matrix ROI inside the parent matrix.
cv::ogl::Buffer::size
Size size() const
cv::Sobel
void Sobel(InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
cvStartNextStream
void cvStartNextStream(CvFileStorage *fs)
Starts the next stream.
cvSVBkSb
void cvSVBkSb(const CvArr *W, const CvArr *U, const CvArr *V, const CvArr *B, CvArr *X, int flags)
cv::ShapeContextDistanceExtractor::setBendingEnergyWeight
virtual void setBendingEnergyWeight(float bendingEnergyWeight)=0
Set the weight of the Bending Energy in the final value of the shape distance. The bending energy def...
cv::cuda::HOG::getGroupThreshold
virtual int getGroupThreshold() const =0
cv::hal::integral
void integral(int depth, int sdepth, int sqdepth, const uchar *src, size_t srcstep, uchar *sum, size_t sumstep, uchar *sqsum, size_t sqsumstep, uchar *tilted, size_t tstep, int width, int height, int cn)
cv::line_descriptor::KeyLine::angle
float angle
Definition: descriptor.hpp:109
cv::Affine3::Affine3
Affine3(const Mat3 &R, const Vec3 &t=Vec3::all(0))
Rotation matrix.
cv::sfm::preconditionerFromPoints
void preconditionerFromPoints(InputArray points, OutputArray T)
cv::ml::KNearest::setDefaultK
virtual void setDefaultK(int val)=0
cv::CAP_OPENNI_IMAGE_GENERATOR
@ CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio.hpp:213
CV_CUDEV_MAKE_VEC_INST
#define CV_CUDEV_MAKE_VEC_INST(elem_type)
Definition: vec_traits.hpp:60
cv::cuda::DeviceInfo::maxSurface2DLayered
Vec3i maxSurface2DLayered() const
maximum 2D layered surface dimensions
cv::xphoto::bm3dDenoising
void bm3dDenoising(InputArray src, InputOutputArray dstStep1, OutputArray dstStep2, float h=1, int templateWindowSize=4, int searchWindowSize=16, int blockMatchingStep1=2500, int blockMatchingStep2=400, int groupSize=8, int slidingStep=1, float beta=2.0f, int normType=cv::NORM_L2, int step=cv::xphoto::BM3D_STEPALL, int transformType=cv::xphoto::HAAR)
Performs image denoising using the Block-Matching and 3D-filtering algorithm http://www....
cv::Subdiv2D::isRightOf
int isRightOf(Point2f pt, int edge) const
cv::stereo::Matching::dispartyMapFormation
void dispartyMapFormation(const Mat &costVolume, Mat &mapFinal, int th)
Definition: matching.hpp:569
CV_CAP_PROP_XI_LUT_EN
@ CV_CAP_PROP_XI_LUT_EN
Definition: videoio_c.h:377
cv::COLOR_YUV2RGB_NV12
@ COLOR_YUV2RGB_NV12
YUV 4:2:0 family to RGB.
Definition: imgproc.hpp:628
cv::MatOp::type
virtual int type(const MatExpr &expr) const
cv::cuda::evenLevels
void evenLevels(OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Computes levels with even distribution.
CvHaarClassifierCascade::stage_classifier
CvHaarStageClassifier * stage_classifier
Definition: objdetect_c.h:113
cvflann::KDTreeIndex::getType
flann_algorithm_t getType() const
Definition: kdtree_index.h:134
sparse_match_interpolator.hpp
cv::dnn::BaseConvolutionLayer::stride
Size stride
Definition: all_layers.hpp:212
cv::instr::getFlags
FLAGS getFlags()
cv::viz::isNan
bool isNan(float x)
Checks float/double value for nan.
Definition: vizcore.hpp:111
cv::CAP_PROP_XI_LUT_VALUE
@ CAP_PROP_XI_LUT_VALUE
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:444
CvStereoBMState::preFilteredImg1
CvMat * preFilteredImg1
Definition: calib3d_c.h:351
cv::COLOR_BayerGR2RGB_EA
@ COLOR_BayerGR2RGB_EA
Definition: imgproc.hpp:770
cv::instr::TYPE
TYPE
Definition: utility.hpp:1091
cv::cudev::UnaryTransformPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: transform.hpp:80
cv::dnn::Net::getParam
Blob getParam(LayerId layer, int numParam=0)
Returns parameter blob of the layer.
cvflann::squareDistance< L2< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:808
cv::CASCADE_DO_CANNY_PRUNING
@ CASCADE_DO_CANNY_PRUNING
Definition: objdetect.hpp:168
CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP(op, input_type, scalar_type, output_type)
Definition: vec_math.hpp:548
cv::text::ERStat::pixel
int pixel
seed point and the threshold (max grey-level value)
Definition: erfilter.hpp:75
cv::stereo::Matching::speckleX
Mat speckleX
Definition: matching.hpp:370
cv::ximgproc::WMF_IV1
@ WMF_IV1
Definition: weighted_median_filter.hpp:67
cv::SHOW_TRACKBAR
@ SHOW_TRACKBAR
Definition: cap_winrt.hpp:43
cv::WImageBufferC::kChannels
@ kChannels
Definition: wimage.hpp:355
cv::viz::Color::navy
static Color navy()
tinyxml2::DynArray::Capacity
int Capacity() const
Definition: tinyxml2.h:273
CvHaarFeature::r
CvRect r
Definition: objdetect_c.h:78
cvflann::IndexHeader::cols
size_t cols
Definition: saving.h:76
cv::Vec4f
Vec< float, 4 > Vec4f
Definition: matx.hpp:383
cv::dnn::computeShapeByReshapeMask
BlobShape computeShapeByReshapeMask(const BlobShape &srcShape, const BlobShape &maskShape, Range srcRange=Range::all())
cv::datasets::GR_skigObj::type
actionType type
Definition: gr_skig.hpp:102
CV_CAP_PROP_IOS_DEVICE_TORCH
@ CV_CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio_c.h:430
cv::WImageBufferC::~WImageBufferC
~WImageBufferC()
Definition: wimage.hpp:384
cv::IMREAD_REDUCED_GRAYSCALE_4
@ IMREAD_REDUCED_GRAYSCALE_4
If set, always convert image to the single channel grayscale image and the image size reduced 1/4.
Definition: imgcodecs.hpp:73
cv::CAP_PROP_XI_IMAGE_BLACK_LEVEL
@ CAP_PROP_XI_IMAGE_BLACK_LEVEL
Last image black level counts. Can be used for Offline processing to recall it.
Definition: videoio.hpp:465
cv::cudev::brdReflect
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
cv::cudev::BrdBase::src
SrcPtr src
Definition: extrapolation.hpp:99
cvflann::anyimpl::big_any_policy::print
virtual void print(std::ostream &out, void *const *src)
Definition: any.h:100
cv::viz::Camera::Camera
Camera(double fx, double fy, double cx, double cy, const Size &window_size)
Constructs a Camera.
cv::Matx32d
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:218
cv::text::OCRHMMDecoder::run
String run(InputArray image, int min_confidence, int component_level=0)
cv::stereo::StereoBinarySGBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::Subdiv2D::checkSubdiv
void checkSubdiv() const
cv::cuda::DeviceInfo::sharedMemPerBlock
size_t sharedMemPerBlock() const
shared memory available per block in bytes
cv::Mat3d
Mat_< Vec3d > Mat3d
Definition: mat.hpp:2220
cv::instr::useInstrumentation
bool useInstrumentation()
CvMatND
Definition: types_c.h:627
cv::CAP_PROP_XI_DOWNSAMPLING
@ CAP_PROP_XI_DOWNSAMPLING
Change image resolution by binning or skipping.
Definition: videoio.hpp:326
CV_STDCALL
#define CV_STDCALL
Definition: types_c.h:73
cv::superres::SuperResolution::getIterations
virtual int getIterations() const =0
Iterations count.
cvflann::anyimpl::choose_policy
Definition: any.h:120
cv::INTER_BITS
@ INTER_BITS
Definition: imgproc.hpp:295
cv::cuda::buildWarpAffineMaps
void buildWarpAffineMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for affine transformation.
cv::FileNodeIterator::FileNodeIterator
FileNodeIterator()
The constructors.
cv::cuda::HostMem::flags
int flags
Definition: cuda.hpp:415
CV_CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
@ CV_CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio_c.h:244
cv::ml::RTrees::setTermCriteria
virtual void setTermCriteria(const TermCriteria &val)=0
cv::ml::RTrees::getActiveVarCount
virtual int getActiveVarCount() const =0
cv::THRESH_BINARY
@ THRESH_BINARY
Definition: imgproc.hpp:329
hal_ni_log32f
int hal_ni_log32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:456
cv::bioinspired::TransientAreasSegmentationModule::setup
virtual void setup(SegmentationParameters newParameters)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
CV_CAP_ANDROID
@ CV_CAP_ANDROID
Definition: videoio_c.h:109
cv::CalibrateDebevec::getSamples
virtual int getSamples() const =0
CV_StsError
@ CV_StsError
Definition: types_c.h:122
cv::String::difference_type
ptrdiff_t difference_type
Definition: cvstd.hpp:485
viz3d.hpp
cv::Size2f
Size_< float > Size2f
Definition: types.hpp:313
cv::cudev::numeric_limits< schar >::max
__device__ static __forceinline__ schar max()
Definition: limits.hpp:70
cv::flann::Index::Index
Index()
cv::_OutputArray::getUMatRef
UMat & getUMatRef(int i=-1) const
cv::cuda::DeviceInfo::maxSurface3D
Vec3i maxSurface3D() const
maximum 3D surface dimensions
cv::TrackerTLD::Params::Params
Params()
cv::omnidir::internal::computeJacobian
void computeJacobian(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
CV_CAP_PROP_IRIS
@ CV_CAP_PROP_IRIS
Definition: videoio_c.h:204
cv::MARKER_CROSS
@ MARKER_CROSS
A crosshair marker shape.
Definition: imgproc.hpp:4232
cv::cuda::transpose
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
cv::UMat::reshape
UMat reshape(int cn, int rows=0) const
creates alternative matrix header for the same data, with different
cv::cudev::vsub2
__device__ __forceinline__ uint vsub2(uint a, uint b)
Definition: simd_functions.hpp:157
cv::cuda::DeviceInfo::totalGlobalMem
size_t totalGlobalMem() const
global memory available on device in bytes
cv::ml::TrainData::getCatOfs
virtual Mat getCatOfs() const =0
cv::dnn::TanHLayer::create
static Ptr< TanHLayer > create()
cv::datasets::cameraParam::imageWidth
int imageWidth
Definition: msm_epfl.hpp:66
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::index_type
Ptr2D::index_type index_type
Definition: traits.hpp:62
cv::videostab::RansacParams::RansacParams
RansacParams()
Definition: motion_core.hpp:80
cv::FileStorage::write
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:864
cv::hal::Morph
Definition: hal.hpp:47
CV_CAP_PROP_XI_LENS_FEATURE_SELECTOR
@ CV_CAP_PROP_XI_LENS_FEATURE_SELECTOR
Definition: videoio_c.h:361
cv::cudev::BrdConstant::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:69
cv::_OutputArray::_OutputArray
_OutputArray()
cv::v_setall_u8
v_uint8x16 v_setall_u8(uchar val)
Definition: intrin_cpp.hpp:1538
cv::cudev::binary_function
Definition: functional.hpp:69
cv::detail::FeatherBlender::blend
void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
hal_ni_or8u
int hal_ni_or8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:152
cv::detail::StereographicProjector
Definition: warpers.hpp:309
cv::getBuildInformation
const String & getBuildInformation()
Returns full configuration time cmake output.
cv::Ptr::~Ptr
~Ptr()
cv::SparseMat::node
Node * node(size_t nidx)
cv::saliency::MotionSaliency
Definition: saliencyBaseClasses.hpp:123
tinyxml2::COLLAPSE_WHITESPACE
@ COLLAPSE_WHITESPACE
Definition: tinyxml2.h:1495
cv::extractImageCOI
void extractImageCOI(const CvArr *arr, OutputArray coiimg, int coi=-1)
extracts Channel of Interest from CvMat or IplImage and makes cv::Mat out of it.
CV_WINDOW_AUTOSIZE
@ CV_WINDOW_AUTOSIZE
Definition: highgui_c.h:118
cv::reg::MapperGradAffine
Definition: mappergradaffine.hpp:53
cvflann::LshIndex::knnSearch
virtual void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams &params)
Perform k-nearest neighbor search.
Definition: lsh_index.h:190
NCVMemStackAllocator::NCVMemStackAllocator
NCVMemStackAllocator(Ncv32u alignment)
cv::line_descriptor::BinaryDescriptorMatcher::clear
void clear()
Clear dataset and internal data.
integral.hpp
cv::ml::ANN_MLP::setBackpropWeightScale
virtual void setBackpropWeightScale(double val)=0
clEnqueueFillBuffer
#define clEnqueueFillBuffer
Definition: opencl_core_wrappers.hpp:85
clGetExtensionFunctionAddressForPlatform
#define clGetExtensionFunctionAddressForPlatform
Definition: opencl_core.hpp:206
cv::rgbd::RgbdICPOdometry::iterCounts
Mat iterCounts
Definition: rgbd.hpp:1004
cv::COLOR_YUV2BGRA_Y422
@ COLOR_YUV2BGRA_Y422
Definition: imgproc.hpp:684
flann_base.hpp
ml.hpp
cv::line_descriptor::BinaryDescriptor::Params::write
void write(FileStorage &fs) const
cv::instr::NodeData::m_fileName
const char * m_fileName
Definition: utility.hpp:1125
cv::FM_7POINT
@ FM_7POINT
7-point algorithm
Definition: calib3d.hpp:280
cv::ShapeContextDistanceExtractor
Implementation of the Shape Context descriptor and matching algorithm.
Definition: shape_distance.hpp:79
cv::dnn::DictValue::isString
bool isString() const
cvContourPerimeter
double cvContourPerimeter(const void *contour)
Definition: imgproc_c.h:530
cv::StrongClassifierDirectSelection::getSelectedWeakClassifier
std::vector< int > getSelectedWeakClassifier()
cvflann::RadiusUniqueResultSet::RadiusUniqueResultSet
RadiusUniqueResultSet(DistanceType radius)
Definition: result_set.h:454
cv::WImageViewC::BaseType
WImage< T >::BaseType BaseType
Definition: wimage.hpp:446
cv::TrackerSamplerAlgorithm::sampling
bool sampling(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
Computes the regions starting from a position in an image.
cv::Subdiv2D::Vertex::type
int type
Definition: imgproc.hpp:1135
cv::TrackerStateEstimator
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracker.hpp:407
cv::cuda::DeviceInfo::maxTexture2D
Vec2i maxTexture2D() const
maximum 2D texture dimensions
cv::cuda::DisparityBilateralFilter::setMaxDiscThreshold
virtual void setMaxDiscThreshold(double max_disc_threshold)=0
cv::rgbd::ICPOdometry::maxDepthDiff
double maxDepthDiff
Definition: rgbd.hpp:864
cv::multicalib::MultiCameraCalibration::edge::transform
Mat transform
Definition: multicalib.hpp:87
cv::cudacodec::VideoWriter::getEncoderParams
virtual EncoderParams getEncoderParams() const =0
cv::ppf_match_3d::PoseCluster3D::addPose
void addPose(Pose3DPtr newPose)
Adds a new pose to the cluster. The pose should be "close" to the mean poses in order to preserve the...
CV_CAP_PROP_XI_OUTPUT_DATA_PACKING
@ CV_CAP_PROP_XI_OUTPUT_DATA_PACKING
Definition: videoio_c.h:316
cv::GC_INIT_WITH_MASK
@ GC_INIT_WITH_MASK
Definition: imgproc.hpp:374
cv::cuda::DisparityBilateralFilter::getNumIters
virtual int getNumIters() const =0
cv::superres::SuperResolution::getOpticalFlow
virtual Ptr< cv::superres::DenseOpticalFlowExt > getOpticalFlow() const =0
Dense optical flow algorithm.
cv::UMat::depth
int depth() const
returns element type, similar to CV_MAT_DEPTH(cvmat->type)
cv::dnn::readNetFromCaffe
Net readNetFromCaffe(const String &prototxt, const String &caffeModel=String())
Reads a network model stored in Caffe model files.
HaarFeatureDescriptor32_Interpret_MaskFlagLeftNodeLeaf
#define HaarFeatureDescriptor32_Interpret_MaskFlagLeftNodeLeaf
Definition: NCVHaarObjectDetection.hpp:121
cv::cuda::createMedianFilter
Ptr< Filter > createMedianFilter(int srcType, int windowSize, int partition=128)
Performs median filtering for each point of the source image.
cv::datasets::IS_weizmannObj::humanSeg
std::string humanSeg
Definition: is_weizmann.hpp:65
cv::aruco::CharucoBoard::getMarkerLength
float getMarkerLength() const
Definition: charuco.hpp:116
cv::rgbd::ICPOdometry::maxPointsPart
double maxPointsPart
Definition: rgbd.hpp:866
cvflann::UntypedMatrix::UntypedMatrix
UntypedMatrix(void *data_, long rows_, long cols_)
Definition: matrix.h:95
cv::setRNGSeed
void setRNGSeed(int seed)
Sets state of default random number generator.
CV_CAP_PROP_XI_DATA_FORMAT
@ CV_CAP_PROP_XI_DATA_FORMAT
Definition: videoio_c.h:262
CV_CAP_DC1394
@ CV_CAP_DC1394
Definition: videoio_c.h:87
cv::detail::SphericalProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
CV_StsAssert
@ CV_StsAssert
Definition: types_c.h:166
cv::text::OCRTesseract::run
String run(InputArray image, int min_confidence, int component_level=0)
CV_CAP_PROP_XI_TEST_PATTERN
@ CV_CAP_PROP_XI_TEST_PATTERN
Definition: videoio_c.h:296
cv::cudev::RemapPtr2Sz
Definition: remap.hpp:104
cv::cudev::ArrayWrapper::array
T array[COUNT]
Definition: type_traits.hpp:73
cv::CvFeatureParams::numFeatures
int numFeatures
Definition: feature.hpp:153
cv::bioinspired::SegmentationParameters::thresholdOFF
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
cv::cudev::Texture::rows
int rows
Definition: texture.hpp:207
remap.hpp
cv::hal::exp64f
void exp64f(const double *src, double *dst, int n)
cv::FileStorage::MEMORY
@ MEMORY
Definition: persistence.hpp:311
cvflann::FLANN_DIST_CHI_SQUARE
@ FLANN_DIST_CHI_SQUARE
Definition: defines.h:137
cvflann::KMeansIndex::buildIndex
void buildIndex()
Definition: kmeans_index.h:432
clRetainDevice
#define clRetainDevice
Definition: opencl_core_wrappers.hpp:235
cvflann::KNNSimpleResultSet::worstDist
DistanceType worstDist() const
Definition: result_set.h:142
cvflann::lsh::LshTable::getStats
LshStats getStats() const
cv::MinProblemSolver::Function::getGradient
virtual void getGradient(const double *x, double *grad)
cv::DCT_INVERSE
@ DCT_INVERSE
Definition: base.hpp:243
cvflann::FLANN_DIST_KULLBACK_LEIBLER
@ FLANN_DIST_KULLBACK_LEIBLER
Definition: defines.h:139
cv::cudev::warpAffine_
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > > warpAffine_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:92
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(cuda::HostMem &cuda_mem)
tinyxml2::XMLPrinter::_stack
DynArray< const char *, 10 > _stack
Definition: tinyxml2.h:2047
Cv32suf
Definition: cvdef.h:329
cv::Subdiv2D::topLeft
Point2f topLeft
Top left corner of the bounding rect.
Definition: imgproc.hpp:1159
cv::datasets::Dataset::validation
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:534
NcvPoint2D32s::y
Ncv32s y
Point Y.
Definition: NCV.hpp:194
cv::MatAllocator::getBufferPoolController
virtual BufferPoolController * getBufferPoolController(const char *id=NULL) const
cv::Tracker::sampler
Ptr< TrackerSampler > sampler
Definition: tracker.hpp:581
cv::cudev::RemapPtr1Sz
Definition: remap.hpp:93
cv::rgbd::Odometry::DEFAULT_MAX_DEPTH_DIFF
static float DEFAULT_MAX_DEPTH_DIFF()
Definition: rgbd.hpp:548
wobble_suppression.hpp
cv::videostab::MotionInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)
CV_STYLE_NORMAL
@ CV_STYLE_NORMAL
Definition: highgui_c.h:75
clEnqueueMapImage
#define clEnqueueMapImage
Definition: opencl_core_wrappers.hpp:94
cv::cudev::IsPowerOf2
Definition: type_traits.hpp:90
cv::ft::inpaint
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
CV_FOURCC
int CV_FOURCC(char c1, char c2, char c3, char c4)
Constructs the fourcc code of the codec function.
Definition: videoio_c.h:547
cv::COLOR_GRAY2BGRA
@ COLOR_GRAY2BGRA
Definition: imgproc.hpp:542
cv::SparseMat::find
const _Tp * find(int i0, int i1, int i2, size_t *hashval=0) const
returns pointer to the specified element (3D case)
cv::FileNodeIterator::container
const CvFileNode * container
Definition: persistence.hpp:682
CvHistogram::type
int type
Definition: types_c.h:750
cv::videostab::ImageMotionEstimatorBase::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:181
clReleaseEvent
#define clReleaseEvent
Definition: opencl_core.hpp:238
cv::cuda::DeviceInfo::pciBusID
int pciBusID() const
PCI bus ID of the device.
cv::SparseMat_::begin
SparseMatIterator_< _Tp > begin()
returns sparse matrix iterator pointing to the first sparse matrix element
cv::bioinspired::Retina::applyFastToneMapping
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
Method which processes an image in the aim to correct its luminance correct backlight problems,...
cv::datasets::TRACK_alovObj
Definition: track_alov.hpp:62
cv::cuda::CannyEdgeDetector::getL2Gradient
virtual bool getL2Gradient() const =0
cv::ocl::Device::profilingTimerResolution
size_t profilingTimerResolution() const
cvflann::NNIndex
Definition: nn_index.h:47
clReleaseSampler
#define clReleaseSampler
Definition: opencl_core_wrappers.hpp:226
cl_mem_flags
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT cl_mem_flags
Definition: opencl_core.hpp:281
cv::TrackerFeatureHAAR::computeImpl
bool computeImpl(const std::vector< Mat > &images, Mat &response)
cv::INTER_AREA
@ INTER_AREA
Definition: imgproc.hpp:277
cvflann::AutotunedIndex::AutotunedIndex
AutotunedIndex(const Matrix< ElementType > &inputData, const IndexParams &params=AutotunedIndexParams(), Distance d=Distance())
Definition: autotuned_index.h:76
cv::Error::StsOutOfRange
@ StsOutOfRange
some of parameters are out of range
Definition: base.hpp:111
cv::cudev::NormHamming::mySum
result_type mySum
Definition: vec_distance.hpp:160
cv::ppf_match_3d::Pose3D::updatePose
void updatePose(double NewR[9], double NewT[3])
Updates the pose with the new one.
cv::detail::MultiBandBlender::blend
void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
cv::v_setall_f64
v_float64x2 v_setall_f64(double val)
Definition: intrin_cpp.hpp:1545
cv::CAP_PROP_XI_CC_MATRIX_21
@ CAP_PROP_XI_CC_MATRIX_21
Color Correction Matrix element [2][1].
Definition: videoio.hpp:406
cv::CalibrateRobertson::setMaxIter
virtual void setMaxIter(int max_iter)=0
cvflann::KNNSimpleResultSet::init
void init(int *indices_, DistanceType *dists_)
Definition: result_set.h:98
cv::VideoCapture::get
virtual double get(int propId) const
Returns the specified VideoCapture property.
cv::cudev::PyrDownBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
OPENCV_HAL_IMPL_C_RSHR_PACK
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1663
cv::cudev::LutPtrSz::rows
int rows
Definition: lut.hpp:77
CvBox2D::center
CvPoint2D32f center
Definition: types_c.h:1063
cv::EstimatedGaussDistribution::~EstimatedGaussDistribution
virtual ~EstimatedGaussDistribution()
cv::rgbd::DepthCleaner::initialize_cleaner_impl
void initialize_cleaner_impl() const
cvflann::RadiusResultSet::init
void init()
Definition: result_set.h:248
cv::Mat_::Mat_
Mat_(const Point_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
cv::v_setall_u64
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:1546
cv::CvHOGEvaluator::Feature
Definition: feature.hpp:311
cv::Subdiv2D::insert
int insert(Point2f pt)
Insert a single point into a Delaunay triangulation.
cv::CAP_PROP_XI_USED_FFS_SIZE
@ CAP_PROP_XI_USED_FFS_SIZE
Size of used camera FFS.
Definition: videoio.hpp:472
CvSparseMat::valoffset
int valoffset
Definition: types_c.h:687
cvflann::KDTreeIndex::loadIndex
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: kdtree_index.h:150
dmatch.hpp
cvClearSet
void cvClearSet(CvSet *set_header)
cv::ml::ANN_MLP::getRpropDWMax
virtual double getRpropDWMax() const =0
cv::Point_::operator=
Point_ & operator=(const Point_ &pt)
cv::CvFeatureEvaluator::getFeatureSize
int getFeatureSize() const
Definition: feature.hpp:176
cv::rgbd::RgbdOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
cv::cuda::rotate
void rotate(InputArray src, OutputArray dst, Size dsize, double angle, double xShift=0, double yShift=0, int interpolation=INTER_LINEAR, Stream &stream=Stream::Null())
Rotates an image around the origin (0,0) and then shifts it.
CV_YUV2RGB_I420
@ CV_YUV2RGB_I420
Definition: types_c.h:254
cv::Detector::getNumDetections
int getNumDetections()
tinyxml2::XMLNode::NextSibling
XMLNode * NextSibling()
Definition: tinyxml2.h:734
cv::ml::Boost::create
static Ptr< Boost > create()
IplConvKernelFP::nCols
int nCols
Definition: types_c.h:365
cv::cudev::ReduceToColumnBody::src
SrcPtr src
Definition: reduction.hpp:198
cvPointPolygonTest
double cvPointPolygonTest(const CvArr *contour, CvPoint2D32f pt, int measure_dist)
Checks whether the point is inside polygon, outside, on an edge (at a vertex).
cv::RETR_LIST
@ RETR_LIST
Definition: imgproc.hpp:429
cv::ximgproc::segmentation::createGraphSegmentation
Ptr< GraphSegmentation > createGraphSegmentation(double sigma=0.5, float k=300, int min_size=100)
Creates a graph based segmentor.
cv::CAP_PROP_OPENNI_GENERATOR_PRESENT
@ CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio.hpp:231
clEnqueueWriteImage
#define clEnqueueWriteImage
Definition: opencl_core.hpp:186
cv::BOWImgDescriptorExtractor::~BOWImgDescriptorExtractor
virtual ~BOWImgDescriptorExtractor()
cv::dnn::SliceLayer::create
static Ptr< SliceLayer > create(int axis)
cv::videostab::DeblurerBase::deblur
virtual void deblur(int idx, Mat &frame)=0
cv::detail::MultiBandBlender::prepare
void prepare(Rect dst_roi)
cv::LDR_SIZE
@ LDR_SIZE
Definition: photo.hpp:322
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:80
cv::Error::BadROISize
@ BadROISize
Definition: base.hpp:94
cv::videostab::MotionStabilizationPipeline::pushBack
void pushBack(Ptr< IMotionStabilizer > stabilizer)
Definition: motion_stabilizing.hpp:73
cv::datasets::TRACK_alov::frameCounter
int frameCounter
Definition: track_alov.hpp:99
cv::LineIterator::operator*
uchar * operator*()
returns pointer to the current pixel
cv::CMP_EQ
@ CMP_EQ
src1 is equal to src2.
Definition: base.hpp:200
cv::CLAHE::getTilesGridSize
virtual Size getTilesGridSize() const =0
nppiStDecimate_64u_C1R
NCVStatus nppiStDecimate_64u_C1R(Ncv64u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::hal::split8u
void split8u(const uchar *src, uchar **dst, int len, int cn)
cv::line_descriptor::BinaryDescriptor::Params::read
void read(const FileNode &fn)
cv::UMat::dot
double dot(InputArray m) const
computes dot-product
cv::hal::cvtHSVtoBGR
void cvtHSVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isFullRange, bool isHSV)
cvProjectPoints2
void cvProjectPoints2(const CvMat *object_points, const CvMat *rotation_vector, const CvMat *translation_vector, const CvMat *camera_matrix, const CvMat *distortion_coeffs, CvMat *image_points, CvMat *dpdrot=NULL, CvMat *dpdt=NULL, CvMat *dpdf=NULL, CvMat *dpdc=NULL, CvMat *dpddist=NULL, double aspect_ratio=0)
cv::viz::WArrow
This 3D Widget defines an arrow.
Definition: widgets.hpp:289
cv::cudev::vsetge2
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
cvGetRow
CvMat * cvGetRow(const CvArr *arr, CvMat *submat, int row)
Definition: core_c.h:380
cv::sfm::BaseSFM::getIntrinsics
virtual cv::Mat getIntrinsics() const =0
cv::xphoto::LearningBasedWB::setHistBinNum
virtual void setHistBinNum(int val)=0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
cv::xphoto::createSimpleWB
Ptr< SimpleWB > createSimpleWB()
Creates an instance of SimpleWB.
cv::sfm::skew
Mat skew(InputArray x)
Returns the 3x3 skew symmetric matrix of a vector.
cv::seqPush
schar * seqPush(CvSeq *seq, const void *element=0)
cv::linemod::DepthNormal::num_features
size_t num_features
Definition: linemod.hpp:266
cv::detail::BundleAdjusterBase::calcJacobian
virtual void calcJacobian(Mat &jac)=0
Calculates the cost function jacobian.
CV_Luv2LBGR
@ CV_Luv2LBGR
Definition: types_c.h:222
cv::cudev::NormL1
Definition: vec_distance.hpp:62
cv::TrackerSamplerCS::samplingImpl
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
cv::CCL_DEFAULT
@ CCL_DEFAULT
BBDT algortihm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:419
cvflann::anyimpl::small_any_policy::move
virtual void move(void *const *src, void **dest)
Definition: any.h:71
NCVMemNativeAllocator::~NCVMemNativeAllocator
virtual ~NCVMemNativeAllocator()
cv::cudev::log10
__device__ __forceinline__ float1 log10(const uchar1 &a)
Definition: vec_math.hpp:276
cv::HOGDescriptor::winSize
Size winSize
Definition: objdetect.hpp:421
cv::MatIterator_::pointer
_Tp * pointer
Definition: mat.hpp:2983
cv::rgbd::RgbdPlane::getMethod
int getMethod() const
Definition: rgbd.hpp:412
cv::videostab::InpainterBase::setStabilizedFrames
virtual void setStabilizedFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:87
tinyxml2::XMLHandle::FirstChildElement
XMLHandle FirstChildElement(const char *value=0)
Get the first child element of this handle.
Definition: tinyxml2.h:1788
cv::videostab::StabilizerBase::motionEstimator
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:81
CvRect::y
int y
Definition: types_c.h:781
cv::multicalib::MultiCameraCalibration::run
double run()
cv::superres::DenseOpticalFlowExt::calc
virtual void calc(InputArray frame0, InputArray frame1, OutputArray flow1, OutputArray flow2=noArray())=0
cv::ximgproc::createAMFilter
Ptr< AdaptiveManifoldFilter > createAMFilter(double sigma_s, double sigma_r, bool adjust_outliers=false)
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::getTargetResponses
Mat getTargetResponses() const
Get the features extracted.
cv::viz::WCircle::WCircle
WCircle(double radius, double thickness=0.01, const Color &color=Color::white())
Constructs default planar circle centred at origin with plane normal along z-axis.
NCVBroxOpticalFlowDescriptor::number_of_outer_iterations
Ncv32u number_of_outer_iterations
number of warping iterations (number of pyramid levels)
Definition: NCVBroxOpticalFlow.hpp:80
cv::COLOR_YUV2BGRA_I420
@ COLOR_YUV2BGRA_I420
Definition: imgproc.hpp:656
cv::flann::CompositeIndexParams
Definition: miniflann.hpp:90
cv::FILLED
@ FILLED
Definition: core.hpp:215
CV_YUV2RGB_YVYU
@ CV_YUV2RGB_YVYU
Definition: types_c.h:298
cv::datasets::TRACK_alov::getDatasetsNum
virtual int getDatasetsNum()=0
cv::line_descriptor::BinaryDescriptorMatcher::radiusMatch
void radiusMatch(const Mat &queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, const std::vector< Mat > &masks=std::vector< Mat >(), bool compactResult=false)
CV_CAP_PROP_ISO_SPEED
@ CV_CAP_PROP_ISO_SPEED
Definition: videoio_c.h:198
cv::CLAHE
Definition: imgproc.hpp:888
cv::videostab::MM_SIMILARITY
@ MM_SIMILARITY
Definition: motion_core.hpp:65
cv::videostab::StabilizerBase::inpainter_
Ptr< InpainterBase > inpainter_
Definition: stabilizer.hpp:115
cv::CAP_PROP_XI_AEAG_ROI_HEIGHT
@ CAP_PROP_XI_AEAG_ROI_HEIGHT
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:368
cv::v_setzero_u8
v_uint8x16 v_setzero_u8()
Definition: intrin_cpp.hpp:1518
cv::datasets::OR_sun
Definition: or_sun.hpp:67
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2)
Definition: ocl.hpp:428
ppf_match_3d.hpp
cv::reg::MapperGradShift::MapperGradShift
MapperGradShift(void)
cv::cuda::OpticalFlowDual_TVL1::setUseInitialFlow
virtual void setUseInitialFlow(bool useInitialFlow)=0
cv::optflow::GPCPatchDescriptor
Definition: sparse_matching_gpc.hpp:67
cv::SimpleBlobDetector::Params::write
void write(FileStorage &fs) const
cv::cuda::DescriptorMatcher::train
virtual void train()=0
Trains a descriptor matcher.
cv::BackgroundSubtractor::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
CV_BGR2HLS_FULL
@ CV_BGR2HLS_FULL
Definition: types_c.h:207
cv::FileNode::operator[]
FileNode operator[](int i) const
cv::LUT
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
cv::videostab::StabilizerBase::motionEstimator_
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:113
cv::superres::DualTVL1OpticalFlow::setEpsilon
virtual void setEpsilon(double val)=0
clGetGLContextInfoKHR
#define clGetGLContextInfoKHR
Definition: opencl_gl.hpp:38
cv::WImage::BaseType
T BaseType
Definition: wimage.hpp:174
cv::Ptr::Ptr
Ptr(Y *p, D d)
cv::rgbd::RgbdFrame::ID
int ID
Definition: rgbd.hpp:477
cv::erode
void erode(InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Erodes an image by using a specific structuring element.
cv::NORMCONV_FILTER
@ NORMCONV_FILTER
Definition: photo.hpp:87
cvflann::StartStopTimer::StartStopTimer
StartStopTimer()
Definition: timer.h:60
cv::cuda::labelComponents
void labelComponents(const GpuMat &mask, GpuMat &components, int flags=0, Stream &stream=Stream::Null())
performs connected componnents labeling.
cv::CvHaarFeatureParams::write
virtual void write(FileStorage &fs) const
tinyxml2::XMLConstHandle::ToNode
const XMLNode * ToNode() const
Definition: tinyxml2.h:1890
cv::videostab::IOutlierRejector::~IOutlierRejector
virtual ~IOutlierRejector()
Definition: outlier_rejection.hpp:61
cv::datasets::OR_pascal
Definition: or_pascal.hpp:90
cv::FileNode::size
size_t size() const
returns the number of elements in the node, if it is a sequence or mapping, or 1 otherwise.
cv::cudev::SobelYPtr
Definition: deriv.hpp:189
cv::Mat::datalimit
const uchar * datalimit
Definition: mat.hpp:1966
cv::face::BasicFaceRecognizer::getThreshold
virtual double getThreshold() const =0
cv::FileNode::readRaw
void readRaw(const String &fmt, uchar *vec, size_t len) const
Reads node elements to the buffer with the specified format.
cvstd.hpp
clAmdBlasZgemmEx
#define clAmdBlasZgemmEx
Definition: opencl_clamdblas.hpp:465
cv::line_descriptor::BinaryDescriptor::Params
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:190
cv::idft
void idft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
cv::StereoMatcher::setDisp12MaxDiff
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
cv::VideoWriter::VideoWriter
VideoWriter(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
cv::TermCriteria::TermCriteria
TermCriteria()
default constructor
cv::TonemapDurand::getSigmaColor
virtual float getSigmaColor() const =0
cv::String::size_type
size_t size_type
Definition: cvstd.hpp:486
cv::ml::TrainData::getTrainNormCatResponses
virtual Mat getTrainNormCatResponses() const =0
Returns the vector of normalized categorical responses.
cv::Error::BadOrder
@ BadOrder
Definition: base.hpp:88
cv::bgsegm::BackgroundSubtractorGMG::setUpdateBackgroundModel
virtual void setUpdateBackgroundModel(bool update)=0
Sets the status of background model update.
cvflann::Index::knnSearch
void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams &params)
Perform k-nearest neighbor search.
Definition: flann_base.hpp:214
cvflann::HellingerDistance::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:629
CV_CPU_POPCNT
#define CV_CPU_POPCNT
Definition: cvdef.h:114
matlab::ArgumentParser::addVariant
void addVariant(const String &name, size_t nreq, size_t nopt, StringVector keys)
Definition: mxarray.hpp:623
cvflann::any::cast
T & cast()
Cast operator. You can only cast to the original type.
Definition: any.h:266
cv::detail::CameraParams::aspect
double aspect
Definition: camera.hpp:66
cv::cudacodec::FormatInfo::chromaFormat
ChromaFormat chromaFormat
Definition: cudacodec.hpp:276
cv::ocl::Device::nativeVectorWidthDouble
int nativeVectorWidthDouble() const
cv::sfm::triangulatePoints
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
warpers.hpp
cvflann::anyimpl::bad_any_cast
Definition: any.h:27
cv::ROISelector::handlerT
Definition: tracker.hpp:1372
cv::ogl::Buffer::copyFrom
void copyFrom(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
Copies from host/device memory to OpenGL buffer.
cv::ppf_match_3d::Pose3D
Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix ...
Definition: pose_3d.hpp:71
FLANN_DEPRECATED
#define FLANN_DEPRECATED
Definition: defines.h:62
cv::videostab::WobbleSuppressorBase::WobbleSuppressorBase
WobbleSuppressorBase()
cv::morphologyEx
void morphologyEx(InputArray src, OutputArray dst, int op, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Performs advanced morphological transformations.
clCreateSubBuffer
#define clCreateSubBuffer
Definition: opencl_core_wrappers.hpp:55
cv::CAP_PROP_MODE
@ CAP_PROP_MODE
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:133
cv::AffineTransformer::setFullAffine
virtual void setFullAffine(bool fullAffine)=0
cvflann::HierarchicalClusteringIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: hierarchical_clustering_index.h:547
cv::cuda::compare
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop, Stream &stream=Stream::Null())
Compares elements of two matrices (or of a matrix and scalar).
cv::Param::UINT64
@ UINT64
Definition: core.hpp:3117
cv::optflow::DISOpticalFlow::getVariationalRefinementDelta
virtual float getVariationalRefinementDelta() const =0
Weight of the color constancy term.
cv::DescriptorMatcher::create
static Ptr< DescriptorMatcher > create(int matcherType)
cvScalarAll
CvScalar cvScalarAll(double val0123)
Definition: types_c.h:1164
cv::UMat::UMat
UMat(int rows, int cols, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constucts 2D matrix and fills it with the specified value _s.
CV_CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
@ CV_CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Definition: videoio_c.h:313
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::value_type
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type, typename PtrTraits< Ptr3 >::value_type > value_type
Definition: zip.hpp:96
cv::text::OCRTesseract::create
static Ptr< OCRTesseract > create(const char *datapath=NULL, const char *language=NULL, const char *char_whitelist=NULL, int oem=3, int psmode=3)
Creates an instance of the OCRTesseract class. Initializes Tesseract.
cv::checkHardwareSupport
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
cv::SparseMat::Hdr::nodeSize
size_t nodeSize
Definition: mat.hpp:2525
cv::Mat::ptr
_Tp * ptr(const int *idx)
cv::MouseEventFlags
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:220
cv::detail::MultiBandBlender
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:127
nppStBorderClamp
@ nppStBorderClamp
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
CvPoint3D64f::y
double y
Definition: types_c.h:987
cv::WImageBufferC::SetIpl
void SetIpl(IplImage *img)
Definition: wimage.hpp:373
cv::PCA::PCA
PCA(InputArray data, InputArray mean, int flags, double retainedVariance)
cvEllipseBox
void cvEllipseBox(CvArr *img, CvBox2D box, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Definition: imgproc_c.h:1036
cvflann::Datatype< unsigned char >::type
static flann_datatype_t type()
Definition: saving.h:55
CV_CALIB_ZERO_DISPARITY
#define CV_CALIB_ZERO_DISPARITY
Definition: calib3d_c.h:293
cvflann::anyimpl::big_any_policy
Definition: any.h:79
cvInitIntrinsicParams2D
void cvInitIntrinsicParams2D(const CvMat *object_points, const CvMat *image_points, const CvMat *npoints, CvSize image_size, CvMat *camera_matrix, double aspect_ratio=1.)
cv::viz::AMBIENT
@ AMBIENT
Definition: widgets.hpp:70
cv::ocl::Device::endianLittle
bool endianLittle() const
cv::bioinspired::Retina::getParameters
virtual RetinaParameters getParameters()=0
cv::BackgroundSubtractorKNN
K-nearest neigbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:219
cv::linemod::Match::class_id
String class_id
Definition: linemod.hpp:308
hierarchical_clustering_index.h
cv::FileStorage::open
virtual bool open(const String &filename, int flags, const String &encoding=String())
Opens a file.
cv::directx::convertFromD3D11Texture2D
void convertFromD3D11Texture2D(ID3D11Texture2D *pD3D11Texture2D, OutputArray dst)
Converts ID3D11Texture2D to OutputArray. If input texture format is DXGI_FORMAT_NV12 then data will b...
cv::superres::SuperResolution::setTau
virtual void setTau(double val)=0
Asymptotic value of steepest descent method.
CV_YUV2RGBA_YVYU
@ CV_YUV2RGBA_YVYU
Definition: types_c.h:307
cv::GeneralizedHoughGuil::getPosThresh
virtual int getPosThresh() const =0
cv::FileNodeIterator::SeqReader::prev_elem
schar * prev_elem
Definition: persistence.hpp:678
cv::dnn::Net::LayerId
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:180
cv::ximgproc::SuperpixelLSC::iterate
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
cv::ximgproc::AdaptiveManifoldFilter::setPCAIterations
virtual void setPCAIterations(int val)=0
CV_RGBA2YUV_IYUV
@ CV_RGBA2YUV_IYUV
Definition: types_c.h:334
cv::CAP_OPENNI_GRAY_IMAGE
@ CAP_OPENNI_GRAY_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:255
cv::BaseCascadeClassifier::setMaskGenerator
virtual void setMaskGenerator(const Ptr< MaskGenerator > &maskGenerator)=0
cvflann::ResultSet::worstDist
virtual DistanceType worstDist() const =0
cv::cudev::SobelYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
CvMatND::dims
int dims
Definition: types_c.h:629
cv::cudev::PtrTraits< Expr< Body > >::ptr_sz_type
Expr< Body > ptr_sz_type
Definition: expr.hpp:72
cv::cuda::warpPerspective
void warpPerspective(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies a perspective transformation to an image.
cv::rgbd::RgbdICPOdometry::setMinDepth
void setMinDepth(double val)
Definition: rgbd.hpp:917
cv::cuda::BackgroundSubtractorGMG::setUpdateBackgroundModel
virtual void setUpdateBackgroundModel(bool update)=0
cv::cudev::TypeTraits::is_unsigned_int
@ is_unsigned_int
Definition: type_traits.hpp:142
cvflann::KNNSimpleResultSet::addPoint
void addPoint(DistanceType dist, int index)
Definition: result_set.h:118
cv::cudev::vec_math_detail::SatCastHelper< 3, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:83
cv::saliency::Saliency::~Saliency
virtual ~Saliency()
Destructor.
cv::rgbd::RgbdICPOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
matlab::MxArray::Scalar
static MxArray Scalar(ScalarType value=0)
explicit scalar constructor
Definition: mxarray.hpp:330
cv::VIDEOWRITER_PROP_FRAMEBYTES
@ VIDEOWRITER_PROP_FRAMEBYTES
(Read-only): Size of just encoded video frame. Note that the encoding order may be different from rep...
Definition: videoio.hpp:181
cv::DenseOpticalFlow::calc
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow)=0
Calculates an optical flow.
cv::HOGDescriptor::~HOGDescriptor
virtual ~HOGDescriptor()
Definition: objdetect.hpp:372
cv::cudev::LaplacianPtr< 3, SrcPtr >::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:351
cv::cuda::FEATURE_SET_COMPUTE_50
@ FEATURE_SET_COMPUTE_50
Definition: cuda.hpp:603
cv::rgbd::DepthCleaner::operator()
void operator()(InputArray points, OutputArray depth) const
cv::videostab::WobbleSuppressorBase::~WobbleSuppressorBase
virtual ~WobbleSuppressorBase()
Definition: wobble_suppression.hpp:65
cv::viz::Viz3d::setRenderingProperty
void setRenderingProperty(const String &id, int property, double value)
Sets rendering property of a widget.
cv::detail::BundleAdjusterBase::setConfThresh
void setConfThresh(double conf_thresh)
Definition: motion_estimators.hpp:140
cv::TrackerFeatureSet::addTrackerFeature
bool addTrackerFeature(String trackerFeatureType)
Add TrackerFeature in the collection. Return true if TrackerFeature is added, false otherwise.
hal_ni_sepFilter
int hal_ni_sepFilter(cvhalFilter2D *context, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y)
hal_sepFilter
Definition: hal_replacement.hpp:168
CV_STYLE_ITALIC
@ CV_STYLE_ITALIC
Definition: highgui_c.h:76
cvflann::any::operator=
any & operator=(const T &x)
Assignment operator.
Definition: any.h:244
CvHuMoments::hu5
double hu5
Definition: types_c.h:426
cv::reg::MapProjec::getProjTr
const cv::Matx< double, 3, 3 > & getProjTr() const
Definition: mapprojec.hpp:84
cv::detail::PaniniPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::GeneralizedHoughGuil::setAngleStep
virtual void setAngleStep(double angleStep)=0
Angle step in degrees.
cvThreshold
double cvThreshold(const CvArr *src, CvArr *dst, double threshold, double max_value, int threshold_type)
Applies fixed-level threshold to grayscale image.
cv::CommandLineParser::get
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:801
tracker.hpp
cv::DualTVL1OpticalFlow::getScaleStep
virtual double getScaleStep() const =0
Step between scales (<1)
cvflann::IndexHeader
Definition: saving.h:70
CvMat::fl
float * fl
Definition: types_c.h:437
cv::UMatData::hostCopyObsolete
bool hostCopyObsolete() const
cv::rgbd::ICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val)
Definition: rgbd.hpp:781
cv::optflow::VariationalRefinement::setFixedPointIterations
virtual void setFixedPointIterations(int val)=0
Number of outer (fixed-point) iterations in the minimization procedure.
CV_FONT_LIGHT
@ CV_FONT_LIGHT
Definition: highgui_c.h:68
IplImage::widthStep
int widthStep
Definition: types_c.h:326
cv::stereo::StereoBinarySGBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cvflann::load_from_file
void load_from_file(cvflann::Matrix< T > &dataset, const String &filename, const String &name)
Definition: hdf5.h:128
HaarStage64::getStartClassifierRootNodeOffset
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:306
cvflann::L1::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:249
cv::videostab::StabilizerBase::trimRatio_
float trimRatio_
Definition: stabilizer.hpp:117
nppiStTranspose_64f_C1R
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::BORDER_REPLICATE
@ BORDER_REPLICATE
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:255
CV_CAP_PROP_FRAME_HEIGHT
@ CV_CAP_PROP_FRAME_HEIGHT
Definition: videoio_c.h:170
cv::dnn::BlobShape::operator[]
int & operator[](int axis)
Does the same thing as size(int) const.
cv::MatExpr::max
MatExpr max(const Mat &a, const Mat &b)
cv::cudev::DefaultGlobReducePolicy::block_size_x
@ block_size_x
Definition: reduce.hpp:296
cv::MORPH_GRADIENT
@ MORPH_GRADIENT
Definition: imgproc.hpp:242
cv::cudev::bind2nd
__host__ __device__ Binder2nd< Op > bind2nd(const Op &op, const typename Op::second_argument_type &arg2)
Definition: functional.hpp:864
cv::MatOp::abs
virtual void abs(const MatExpr &expr, MatExpr &res) const
cv::TrackerModel::getLastConfidenceMap
const ConfidenceMap & getLastConfidenceMap() const
Get the last ConfidenceMap for the current frame.
cv::plot::Plot2d
Definition: plot.hpp:66
hal_ni_addWeighted32s
int hal_ni_addWeighted32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:322
cv::SparseMat::Node::next
size_t next
index of the next node in the same hash table entry
Definition: mat.hpp:2539
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_vector_char &)
Definition: bridge.hpp:415
cv::viz::Viz3d::getWidgetPose
Affine3d getWidgetPose(const String &id) const
Returns the current pose of a widget in the window.
CV_CAP_PROP_FRAME_COUNT
@ CV_CAP_PROP_FRAME_COUNT
Definition: videoio_c.h:173
NCV_NPP_ERROR
@ NCV_NPP_ERROR
Definition: NCV.hpp:320
cv::createTonemapMantiuk
Ptr< TonemapMantiuk > createTonemapMantiuk(float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
Creates TonemapMantiuk object.
CvTypeInfo
Type information.
Definition: types_c.h:1826
cv::line_descriptor::BinaryDescriptor::setReductionRatio
void setReductionRatio(int rRatio)
Set reduction ratio (used in Gaussian pyramids)
CV_TM_SQDIFF
@ CV_TM_SQDIFF
Definition: types_c.h:433
cv::ppf_match_3d::queryPCFlann
void queryPCFlann(void *flannIndex, Mat &pc, Mat &indices, Mat &distances)
cv::flann::GenericIndex::GenericIndex
GenericIndex(const Mat &features, const ::cvflann::IndexParams &params, Distance distance=Distance())
Constructs a nearest neighbor search index for a given dataset.
cvflann::FLANN_DIST_HIST_INTERSECT
@ FLANN_DIST_HIST_INTERSECT
Definition: defines.h:135
clRetainMemObject
#define clRetainMemObject
Definition: opencl_core.hpp:258
cv::bridge::Bridge::toVectorRect
vector_Rect toVectorRect()
Definition: bridge.hpp:391
cv::dnn::RNNLayer::setProduceHiddenOutput
virtual void setProduceHiddenOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
cv::omnidir::internal::encodeParametersStereo
void encodeParametersStereo(InputArray K1, InputArray K2, InputArray om, InputArray T, InputArrayOfArrays omL, InputArrayOfArrays tL, InputArray D1, InputArray D2, double xi1, double xi2, OutputArray parameters)
CV_BayerBG2RGB_EA
@ CV_BayerBG2RGB_EA
Definition: types_c.h:347
cv::linemod::QuantizedPyramid::~QuantizedPyramid
virtual ~QuantizedPyramid()
Definition: linemod.hpp:96
CvVideoCamera::videoDataOutput
AVCaptureVideoDataOutput * videoDataOutput
Definition: cap_ios.h:102
cv::CAP_OPENNI_IMAGE_GENERATOR_PRESENT
@ CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio.hpp:237
cv::ml::DTrees::getMinSampleCount
virtual int getMinSampleCount() const =0
cv::cudev::PerspectiveMapPtr
Definition: warping.hpp:108
Ncv32u_a
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:214
cv::ximgproc::segmentation::GraphSegmentation::getSigma
virtual double getSigma()=0
cv::rgbd::OdometryFrame::pyramid_dI_dy
std::vector< Mat > pyramid_dI_dy
Definition: rgbd.hpp:518
cv::CAP_PROP_XI_COUNTER_SELECTOR
@ CAP_PROP_XI_COUNTER_SELECTOR
Select counter.
Definition: videoio.hpp:437
cv::cuda::TargetArchs::hasEqualOrGreater
static bool hasEqualOrGreater(int major, int minor)
tuple.hpp
cv::ml::TrainData::getTrainSampleWeights
virtual Mat getTrainSampleWeights() const =0
cv::flann::GenericIndex::getIndexParameters
const ::cvflann::IndexParams * getIndexParameters()
Definition: flann.hpp:233
tinyxml2::XMLAttribute::SetAttribute
void SetAttribute(const char *value)
Set the attribute to a string value.
cv::hal::div64f
void div64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
cv::ppf_match_3d::PPF3DDetector
Class, allowing the load and matching 3D models. Typical Use:
Definition: ppf_match_3d.hpp:98
cv::ccalib::CustomPattern::CustomPattern
CustomPattern()
CV_SEQ_WRITER_FIELDS
#define CV_SEQ_WRITER_FIELDS()
Definition: types_c.h:1529
cv::videostab::VideoFileSource::fps
double fps()
cv::structured_light::GrayCodePattern::Params::height
int height
Definition: graycodepattern.hpp:80
tinyxml2::XMLUnknown::Accept
virtual bool Accept(XMLVisitor *visitor) const
cv::CAP_PROP_XI_HDR_T2
@ CAP_PROP_XI_HDR_T2
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:462
cv::rgbd::ICPOdometry::setMinDepth
void setMinDepth(double val)
Definition: rgbd.hpp:789
cv::videostab::IMotionStabilizer::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, std::pair< int, int > range, Mat *stabilizationMotions)=0
assumes that [0, size-1) is in or equals to [range.first, range.second)
tinyxml2::MemPoolT::Free
virtual void Free(void *mem)
Definition: tinyxml2.h:368
cv::cuda::OpticalFlowDual_TVL1::getGamma
virtual double getGamma() const =0
clGetEventProfilingInfo
#define clGetEventProfilingInfo
Definition: opencl_core_wrappers.hpp:160
cv::aruco::Board::create
static Ptr< Board > create(InputArrayOfArrays objPoints, const Ptr< Dictionary > &dictionary, InputArray ids)
Provide way to create Board by passing nessesary data. Specially needed in Python.
tinyxml2::XMLHandle::XMLHandle
XMLHandle(const XMLHandle &ref)
Copy constructor.
Definition: tinyxml2.h:1774
cv::superres::DualTVL1OpticalFlow
Definition: optical_flow.hpp:104
cv::superres::DualTVL1OpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
cv::MatOp::roi
virtual void roi(const MatExpr &expr, const Range &rowRange, const Range &colRange, MatExpr &res) const
INCVMemAllocator::alignment
virtual Ncv32u alignment(void) const =0
cv::Point3_::dot
_Tp dot(const Point3_ &pt) const
dot product
cv::SparseMat::const_iterator
SparseMatConstIterator const_iterator
Definition: mat.hpp:2513
cvGetND
CvScalar cvGetND(const CvArr *arr, const int *idx)
tldDataset.hpp
cv::cuda::merge
void merge(const GpuMat *src, size_t n, OutputArray dst, Stream &stream=Stream::Null())
Makes a multi-channel matrix out of several single-channel matrices.
VADisplay
void * VADisplay
Definition: va_intel.hpp:22
tinyxml2::XMLElement::DeleteAttribute
void DeleteAttribute(const char *name)
tinyxml2::XMLComment
Definition: tinyxml2.h:905
cv::HOGDescriptor::signedGradient
bool signedGradient
Definition: objdetect.hpp:435
cv::COLORMAP_PARULA
@ COLORMAP_PARULA
Definition: imgproc.hpp:4092
cvFlip
void cvFlip(const CvArr *src, CvArr *dst=NULL, int flip_mode=0)
cv::NORM_RELATIVE
@ NORM_RELATIVE
flag
Definition: base.hpp:195
cv::linemod::DepthNormal::distance_threshold
int distance_threshold
Definition: linemod.hpp:264
tinyxml2::XMLVisitor::VisitExit
virtual bool VisitExit(const XMLDocument &)
Visit a document.
Definition: tinyxml2.h:452
cv::cuda::HOG::setSVMDetector
virtual void setSVMDetector(InputArray detector)=0
Sets coefficients for the linear SVM classifier.
NCVMatrix::_height
Ncv32u _height
Definition: NCV.hpp:834
cv::hal::DFT2D::create
static Ptr< DFT2D > create(int width, int height, int depth, int src_channels, int dst_channels, int flags, int nonzero_rows=0)
cv::CAP_PROP_GSTREAMER_QUEUE_LENGTH
@ CAP_PROP_GSTREAMER_QUEUE_LENGTH
Default is 1.
Definition: videoio.hpp:274
cv::detail::VoronoiSeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
cv::BaseClassifier::BaseClassifier
BaseClassifier(int numWeakClassifier, int iterationInit)
cv::text::BaseOCR::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)=0
cv::viz::Viz3d::close
void close()
cv::BOWKMeansTrainer::clusterCount
int clusterCount
Definition: features2d.hpp:1276
cv::Accumulator< short >::Type
float Type
Definition: features2d.hpp:717
cv::ml::TrainData::getTrainResponses
virtual Mat getTrainResponses() const =0
Returns the vector of responses.
cv::detail::Graph::numVertices
int numVertices() const
Definition: util.hpp:90
cv::WImageView_b
WImageView< uchar > WImageView_b
Definition: wimage.hpp:64
cv::cuda::ALPHA_PLUS
@ ALPHA_PLUS
Definition: cudaimgproc.hpp:159
cv::initCameraMatrix2D
Mat initCameraMatrix2D(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
Finds an initial camera matrix from 3D-2D point correspondences.
cv::SparseMat::erase
void erase(int i0, int i1, int i2, size_t *hashval=0)
erases the specified element (3D case)
cv::videostab::InpainterBase::stabilizedFrames
virtual const std::vector< Mat > & stabilizedFrames() const
Definition: inpainting.hpp:88
logger.h
cv::ocl::finish
void finish()
cv::videostab::OnePassStabilizer::estimateStabilizationMotion
virtual Mat estimateStabilizationMotion()
cv::Matx31f
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:206
cv::linemod::Detector::match
void match(const std::vector< Mat > &sources, float threshold, std::vector< Match > &matches, const std::vector< String > &class_ids=std::vector< String >(), OutputArrayOfArrays quantized_images=noArray(), const std::vector< Mat > &masks=std::vector< Mat >()) const
Detect objects by template matching.
cv::_InputArray::size
Size size(int i=-1) const
CV_P3P
@ CV_P3P
Definition: calib3d_c.h:98
cv::bridge::Bridge::operator=
Bridge & operator=(const size_t &)
Definition: bridge.hpp:297
cv::face::LBPHFaceRecognizer::getThreshold
virtual double getThreshold() const =0
cv::cnn_3dobj::icoSphere::createHeader
static void createHeader(int num_item, int rows, int cols, const char *headerPath)
Create header in binary files collecting the image data and label.
cv::cudacodec::RawVideoSource::getNextPacket
virtual bool getNextPacket(unsigned char **data, int *size, bool *endOfFile)=0
Returns next packet with RAW video frame.
cv::getOptimalNewCameraMatrix
Mat getOptimalNewCameraMatrix(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0, bool centerPrincipalPoint=false)
Returns the new camera matrix based on the free scaling parameter.
cv::superres::PyrLKOpticalFlow::setIterations
virtual void setIterations(int val)=0
cv::cudev::GpuMat_::create
__host__ void create(int arows, int acols)
allocates new GpuMat data unless the GpuMat already has specified size and type
cv::cuda::Filter::apply
virtual void apply(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Applies the specified filter to the image.
cv::ml::DTrees::Node::value
double value
Definition: ml.hpp:1053
NcvPoint2D32u
Definition: NCV.hpp:201
common.hpp
cv::cuda::setDevice
void setDevice(int device)
Sets a device and initializes it for the current thread.
hashtable_int
Definition: t_hash_int.hpp:68
cv::videostab::StabilizerBase::stabilizationMotions_
std::vector< Mat > stabilizationMotions_
Definition: stabilizer.hpp:135
cvflann::KNNRadiusUniqueResultSet::clear
void clear()
Definition: result_set.h:524
cv::viz::KeyboardEvent::code
unsigned char code
Definition: types.hpp:241
cv::viz::Color::purple
static Color purple()
cv::cudev::multiplies::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:97
cvRedirectError
CvErrorCallback cvRedirectError(CvErrorCallback error_handler, void *userdata=NULL, void **prev_userdata=NULL)
cv::optflow::PCAPrior::PCAPrior
PCAPrior(const char *pathToPrior)
cv::freetype::FreeType2::setSplitNumber
virtual void setSplitNumber(int num)=0
Set Split Number from Bezier-curve to line.
cv::setWindowTitle
void setWindowTitle(const String &winname, const String &title)
Updates window title.
cvEndWriteStruct
void cvEndWriteStruct(CvFileStorage *fs)
Finishes writing to a file node collection.
cv::videostab::LpMotionStabilizer::LpMotionStabilizer
LpMotionStabilizer(MotionModel model=MM_SIMILARITY)
cv::cudev::NormL1::value_type
int value_type
Definition: vec_distance.hpp:63
cv::SeqIterator::index
int index
Definition: core_c.h:2953
cv::dnn::BNLLLayer
Definition: all_layers.hpp:357
cv::Mat::deallocate
void deallocate()
deallocates the matrix data
cvflann::KMeansIndex::KMeansDistanceComputer
Definition: kmeans_index.h:275
cvflann::MaxDistance::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:325
cv::ogl::Buffer::unbind
static void unbind(Target target)
Unbind any buffers from the specified binding point.
cv::Stitcher::seamFinder
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:226
cv::rgbd::RgbdNormals::getCols
int getCols() const
Definition: rgbd.hpp:161
cvSplit
void cvSplit(const CvArr *src, CvArr *dst0, CvArr *dst1, CvArr *dst2, CvArr *dst3)
cv::datasets::TRACK_alov::getFrame
virtual bool getFrame(Mat &frame, int datasetID, int frameID)=0
cv::detail::StereographicWarper
Definition: warpers.hpp:316
cv::BaseCascadeClassifier::detectMultiScale
virtual void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &numDetections, double scaleFactor, int minNeighbors, int flags, Size minSize, Size maxSize)=0
cv::MORPH_RECT
@ MORPH_RECT
a rectangular structuring element:
Definition: imgproc.hpp:254
cv::scaleAdd
void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst)
Calculates the sum of a scaled array and another array.
cv::Mat::zeros
static MatExpr zeros(int rows, int cols, int type)
Returns a zero array of the specified size and type.
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracker.hpp:673
cv::aruco::DetectorParameters::perspectiveRemoveIgnoredMarginPerCell
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:146
cvflann::FLANN_LOG_NONE
@ FLANN_LOG_NONE
Definition: defines.h:120
cv::createMergeRobertson
Ptr< MergeRobertson > createMergeRobertson()
Creates MergeRobertson object.
cv::cuda::mulAndScaleSpectrums
void mulAndScaleSpectrums(InputArray src1, InputArray src2, OutputArray dst, int flags, float scale, bool conjB=false, Stream &stream=Stream::Null())
Performs a per-element multiplication of two Fourier spectrums and scales the result.
clCreateBuffer
#define clCreateBuffer
Definition: opencl_core.hpp:106
CvSize::height
int height
Definition: types_c.h:1010
IPL_DEPTH_16U
#define IPL_DEPTH_16U
Definition: types_c.h:262
tinyxml2::XMLDocument::GetErrorStr2
const char * GetErrorStr2() const
Return a possibly helpful secondary diagnostic location or string.
Definition: tinyxml2.h:1669
cv::hal::warpAffine
void warpAffine(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[6], int interpolation, int borderType, const double borderValue[4])
cv::face::FaceRecognizer::setThreshold
virtual void setThreshold(double val)=0
Sets threshold of model.
nppsStCompact_32s
NCVStatus nppsStCompact_32s(Ncv32s *d_src, Ncv32u srcLen, Ncv32s *d_dst, Ncv32u *p_dstLen, Ncv32s elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
CV_CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
@ CV_CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
Definition: videoio_c.h:295
cvflann::NNIndex::usedMemory
virtual int usedMemory() const =0
cvflann::FLANN_DIST_KL
@ FLANN_DIST_KL
Definition: defines.h:140
clEnqueueReadImage
#define clEnqueueReadImage
Definition: opencl_core.hpp:174
cvflann::any::reset
void reset()
Frees any allocated memory, and sets the value to NULL.
Definition: any.h:289
cv::StereoSGBM::setP1
virtual void setP1(int P1)=0
tinyxml2::MemPool
Definition: tinyxml2.h:311
CV_RGB2Luv
@ CV_RGB2Luv
Definition: types_c.h:181
cv::videostab::ToFileMotionWriter::ToFileMotionWriter
ToFileMotionWriter(const String &path, Ptr< ImageMotionEstimatorBase > estimator)
cv::CAP_PROP_XI_HDR
@ CAP_PROP_XI_HDR
Enable High Dynamic Range feature.
Definition: videoio.hpp:459
cv::Mat4s
Mat_< Vec4s > Mat4s
Definition: mat.hpp:2201
cv::GC_INIT_WITH_RECT
@ GC_INIT_WITH_RECT
Definition: imgproc.hpp:370
cv::cudev::TexturePtr::texObj
cudaTextureObject_t texObj
Definition: texture.hpp:190
cv::ocl::Platform::getDefault
static Platform & getDefault()
tinyxml2::XMLNode::FirstChildElement
XMLElement * FirstChildElement(const char *value=0)
Definition: tinyxml2.h:691
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(int _flags, void *_obj)
cv::String::String
String(size_t n, char c)
tinyxml2::XMLUtil::ToBool
static bool ToBool(const char *str, bool *value)
cv::datasets::AR_sportsObj
Definition: ar_sports.hpp:61
cv::dnn::BlobShape::ptr
int * ptr()
cv::Ptr::operator->
T * operator->() const
CV_CAP_PROP_OPENNI2_MIRROR
@ CV_CAP_PROP_OPENNI2_MIRROR
Definition: videoio_c.h:237
cv::cudev::SobelYPtrSz::rows
int rows
Definition: deriv.hpp:209
tinyxml2::XMLDeclaration::operator=
XMLDeclaration & operator=(const XMLDeclaration &)
cv::cuda::sqrSum
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
hal_ni_gemm64fc
int hal_ni_gemm64fc(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:703
CV_CAP_PROP_XI_IMAGE_BLACK_LEVEL
@ CV_CAP_PROP_XI_IMAGE_BLACK_LEVEL
Definition: videoio_c.h:400
cv::ximgproc::WMF_IV2
@ WMF_IV2
Definition: weighted_median_filter.hpp:68
cvNulDevReport
int cvNulDevReport(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
cv::TrackerKCF::Params
Definition: tracker.hpp:1221
cv::dnn::Blob::size2
Size size2() const
Returns cv::Size(cols(), rows())
cvflann::HammingLUT::is_vector_space_distance
False is_vector_space_distance
Definition: dist.h:382
cv::cudev::tanh
__device__ __forceinline__ double4 tanh(const double4 &a)
Definition: vec_math.hpp:364
cv::cudev::gridMinMaxLoc
__host__ void gridMinMaxLoc(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:353
cv::UMat::elemSize1
size_t elemSize1() const
returns the size of element channel in bytes.
Cv32suf::_fp32Format::significand
unsigned int significand
Definition: cvdef.h:335
cv::MatConstIterator_::pointer
const _Tp * pointer
Definition: mat.hpp:2930
CV_CAP_PROP_XI_EXPOSURE
@ CV_CAP_PROP_XI_EXPOSURE
Definition: videoio_c.h:282
CvFont::dx
float dx
horizontal interval between letters
Definition: imgproc_c.h:1129
cvflann::Logger::setLevel
static void setLevel(int level)
Definition: logger.h:85
NCVMemoryTypeDevice
@ NCVMemoryTypeDevice
Definition: NCV.hpp:432
matlab::MxArray::isStructure
bool isStructure() const
Definition: mxarray.hpp:432
graycodepattern.hpp
cv::rgbd::DepthCleaner::depth_cleaner_impl_
void * depth_cleaner_impl_
Definition: rgbd.hpp:290
cv::optflow::GPCSamplesVector
std::vector< GPCPatchSample > GPCSamplesVector
Definition: sparse_matching_gpc.hpp:87
cv::Node::m_payload
OBJECT m_payload
Definition: utility.hpp:1079
CV_CAP_PROP_XI_HDR_KNEEPOINT_COUNT
@ CV_CAP_PROP_XI_HDR_KNEEPOINT_COUNT
Definition: videoio_c.h:395
schar
signed char schar
Definition: interface.h:44
last
last
Definition: modelConvert.m:65
cv::cuda::GpuMat::rowRange
GpuMat rowRange(int startrow, int endrow) const
... for the specified row span
cv::cudev::IsUnaryFunction::value
@ value
Definition: functional.hpp:884
cv::viz::WPaintedCloud::WPaintedCloud
WPaintedCloud(InputArray cloud, const Point3d &p1, const Point3d &p2, const Color &c1, const Color c2)
Paint cloud with gradient specified by given colors between given points.
CV_CAP_STEREO
@ CV_CAP_STEREO
Definition: videoio_c.h:90
cv::Mat::ptr
const uchar * ptr(const Vec< int, n > &idx) const
cv::text::ERStat::min_probability_ancestor
ERStat * min_probability_ancestor
Definition: erfilter.hpp:111
cv::datasets::GR_chalearnObj
Definition: gr_chalearn.hpp:76
cv::SparseMatConstIterator::hashidx
size_t hashidx
Definition: mat.hpp:3071
cv::MatIterator_::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:2987
dataset.hpp
transform.hpp
cv::Formatted::~Formatted
virtual ~Formatted()
cvflann::CENTERS_KMEANSPP
@ CENTERS_KMEANSPP
Definition: defines.h:115
cvNorm
double cvNorm(const CvArr *arr1, const CvArr *arr2=NULL, int norm_type=4, const CvArr *mask=NULL)
cv::phase_unwrapping::HistogramPhaseUnwrapping::create
static Ptr< HistogramPhaseUnwrapping > create(const HistogramPhaseUnwrapping::Params &parameters=HistogramPhaseUnwrapping::Params())
Constructor.
cv::CAP_PROP_XI_DEVICE_RESET
@ CAP_PROP_XI_DEVICE_RESET
Resets the camera to default state.
Definition: videoio.hpp:455
clCreateKernelsInProgram
#define clCreateKernelsInProgram
Definition: opencl_core_wrappers.hpp:40
cv::cuda::DensePyrLKOpticalFlow::setNumIters
virtual void setNumIters(int iters)=0
cv::rgbd::Odometry::DEFAULT_MAX_DEPTH
static float DEFAULT_MAX_DEPTH()
Definition: rgbd.hpp:543
cv::CvHOGEvaluator::~CvHOGEvaluator
virtual ~CvHOGEvaluator()
Definition: feature.hpp:300
cv::cudev::ScharrXPtr
Definition: deriv.hpp:235
NCVMemStackAllocator::memType
virtual NCVMemoryType memType(void) const
CvDistanceFunction
float(* CvDistanceFunction)(const float *a, const float *b, void *user_param)
Definition: types_c.h:441
cvCalibrateCamera2
double cvCalibrateCamera2(const CvMat *object_points, const CvMat *image_points, const CvMat *point_counts, CvSize image_size, CvMat *camera_matrix, CvMat *distortion_coeffs, CvMat *rotation_vectors=NULL, CvMat *translation_vectors=NULL, int flags=0, CvTermCriteria term_crit=cvTermCriteria(CV_TERMCRIT_ITER+CV_TERMCRIT_EPS, 30, DBL_EPSILON))
cv::bridge::BridgeVector
std::vector< Bridge > BridgeVector
Definition: bridge.hpp:103
cv::detail::BundleAdjusterBase::BundleAdjusterBase
BundleAdjusterBase(int num_params_per_cam, int num_errs_per_measurement)
Construct a bundle adjuster base instance.
Definition: motion_estimators.hpp:151
CV_MAT_MAGIC_VAL
#define CV_MAT_MAGIC_VAL
Definition: types_c.h:409
cv::COLOR_YUV2BGR_YUYV
@ COLOR_YUV2BGR_YUYV
Definition: imgproc.hpp:693
ncvDrawRects_32u_device
NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
cv::_OutputArray::create
void create(int dims, const int *size, int type, int i=-1, bool allowTransposed=false, int fixedDepthMask=0) const
cv::cudev::TypeTraits::is_vec
@ is_vec
Definition: type_traits.hpp:147
cvCreateSparseMat
CvSparseMat * cvCreateSparseMat(int dims, const int *sizes, int type)
Creates sparse array.
clSetEventCallback
#define clSetEventCallback
Definition: opencl_core.hpp:264
cv::cudev::IsUnaryFunction::No::a
Yes a[2]
Definition: functional.hpp:877
cv::ppf_match_3d::indexPCFlann
void * indexPCFlann(Mat pc)
cv::GFTTDetector::setQualityLevel
virtual void setQualityLevel(double qlevel)=0
cv::Affine3::rotation
void rotation(const Vec3 &rvec)
Rodrigues vector.
cv::rgbd::RgbdOdometry::RgbdOdometry
RgbdOdometry(const Mat &cameraMatrix, float minDepth=DEFAULT_MIN_DEPTH(), float maxDepth=DEFAULT_MAX_DEPTH(), float maxDepthDiff=DEFAULT_MAX_DEPTH_DIFF(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), float maxPointsPart=DEFAULT_MAX_POINTS_PART(), int transformType=RIGID_BODY_MOTION)
cv::line_descriptor::BinaryDescriptor::~BinaryDescriptor
~BinaryDescriptor()
cvflann::KMeansIndex
Definition: kmeans_index.h:81
cv::Feature2D::empty
virtual bool empty() const
Return true if detector object is empty.
NPPST_MEMFREE_ERR
@ NPPST_MEMFREE_ERR
CUDA memory deallocation error.
Definition: NCV.hpp:362
CvTermCriteria::CvTermCriteria
CvTermCriteria(const cv::TermCriteria &t)
Definition: types_c.h:845
cv::ml::TrainData::getTestSamples
Mat getTestSamples() const
Returns matrix of test samples.
tinyxml2::XMLPrinter::OpenElement
void OpenElement(const char *name, bool compactMode=false)
cv::WImage::WImage
WImage(IplImage *img)
Definition: wimage.hpp:238
cv::viz::Viz3d::showImage
void showImage(InputArray image, const Size &window_size=Size(-1, -1))
Removed all widgets and displays image scaled to whole window area.
cl_image_info
CL_RUNTIME_EXPORT cl_image_info
Definition: opencl_core.hpp:332
CPU_NEON
@ CPU_NEON
Definition: cvdef.h:161
CV_CAP_PROP_XI_DOWNSAMPLING_TYPE
@ CV_CAP_PROP_XI_DOWNSAMPLING_TYPE
Definition: videoio_c.h:286
cvCalcAffineFlowPyrLK
void cvCalcAffineFlowPyrLK(const CvArr *prev, const CvArr *curr, CvArr *prev_pyr, CvArr *curr_pyr, const CvPoint2D32f *prev_features, CvPoint2D32f *curr_features, float *matrices, int count, CvSize win_size, int level, char *status, float *track_error, CvTermCriteria criteria, int flags)
hal_ni_cvtBGRtoLab
int hal_ni_cvtBGRtoLab(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isLab, bool srgb)
hal_cvtBGRtoLab
Definition: hal_replacement.hpp:472
CvSlice
Definition: types_c.h:1099
cv::ximgproc::segmentation::GraphSegmentation::setMinSize
virtual void setMinSize(int min_size)=0
cv::optflow::createOptFlow_DIS
Ptr< DISOpticalFlow > createOptFlow_DIS(int preset=DISOpticalFlow::PRESET_FAST)
Creates an instance of DISOpticalFlow.
cv::PaniniPortraitWarper
Definition: warpers.hpp:142
cvflann::Matrix::free
void free()
Definition: matrix.h:69
cv::cudacodec::EncoderParams::EncoderParams
EncoderParams(const String &configFile)
Constructors.
cv::MatExpr::row
MatExpr row(int y) const
cv::stereo::StereoMatcher::setSpeckleWindowSize
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
cv::cuda::ImagePyramid
Definition: cudalegacy.hpp:71
IplImage::width
int width
Definition: types_c.h:316
cv::Mat_::channels
int channels() const
cv::structured_light::PSP
@ PSP
Definition: sinusoidalpattern.hpp:59
mapper.hpp
cvflann::anyimpl::base_any_policy
Definition: any.h:41
CV_IMWRITE_PAM_TUPLETYPE
@ CV_IMWRITE_PAM_TUPLETYPE
Definition: imgcodecs_c.h:98
CV_GRAY2BGR555
@ CV_GRAY2BGR555
Definition: types_c.h:151
cv::detail::TransverseMercatorWarper
Definition: warpers.hpp:429
cv::ogl::Texture2D::size
Size size() const
cv::SparseMat_::operator=
SparseMat_ & operator=(const SparseMat &m)
converts the old-style sparse matrix to the C++ class. All the elements are copied
cvCreateMat
CvMat * cvCreateMat(int rows, int cols, int type)
Creates a matrix header and allocates the matrix data.
cvflann::LinearIndexParams::LinearIndexParams
LinearIndexParams()
Definition: linear_index.h:42
cv::Mat_::Mat_
Mat_(int _rows, int _cols, const _Tp &value)
constructor that sets each matrix element to specified value
tinyxml2::XMLText::Accept
virtual bool Accept(XMLVisitor *visitor) const
cv::text::OCRHMMDecoder::ClassifierCallback::~ClassifierCallback
virtual ~ClassifierCallback()
Definition: ocr.hpp:173
NCVMatrix::~NCVMatrix
virtual ~NCVMatrix()
Definition: NCV.hpp:749
clEnqueueMarker
#define clEnqueueMarker
Definition: opencl_core.hpp:160
cv::tracking::createUnscentedKalmanFilter
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams &params)
Unscented Kalman Filter factory method.
cv::dnn::Dict::get
const DictValue & get(const String &key) const
If the key in the dictionary then returns its value, else an error will be generated.
cvflann::KDTreeSingleIndex::saveIndex
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: kdtree_single_index.h:141
tinyxml2::DynArray::PushArr
T * PushArr(int count)
Definition: tinyxml2.h:234
cv::detail::AffineBestOf2NearestMatcher::AffineBestOf2NearestMatcher
AffineBestOf2NearestMatcher(bool full_affine=false, bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6)
Constructs a "best of 2 nearest" matcher that expects affine trasformation between images.
Definition: matchers.hpp:339
cv::cuda::createGeneralizedHoughBallard
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
cv::detail::PlaneWarper
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:181
cv::rgbd::RgbdFrame::normals
Mat normals
Definition: rgbd.hpp:481
cv::optflow::DISOpticalFlow::setVariationalRefinementDelta
virtual void setVariationalRefinementDelta(float val)=0
Weight of the color constancy term.
cv::cuda::CascadeClassifier::setFindLargestObject
virtual void setFindLargestObject(bool findLargestObject)=0
cv::Vec4i
Vec< int, 4 > Vec4i
Definition: matx.hpp:377
cvLinearPolar
void cvLinearPolar(const CvArr *src, CvArr *dst, CvPoint2D32f center, double maxRadius, int flags=CV_INTER_LINEAR+CV_WARP_FILL_OUTLIERS)
cv::cuda::StereoBM::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
cv::UMat::UMat
UMat(int rows, int cols, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs 2D matrix of the specified size and type
CV_YUV2BGRA_I420
@ CV_YUV2BGRA_I420
Definition: types_c.h:264
cv::motempl::calcMotionGradient
void calcMotionGradient(InputArray mhi, OutputArray mask, OutputArray orientation, double delta1, double delta2, int apertureSize=3)
Calculates a gradient orientation of a motion history image.
cv::_OutputArray::needed
bool needed() const
cv::Mat_::cross
Mat_ cross(const Mat_ &m) const
cross-product
cv::detail::PlaneProjector
Definition: warpers.hpp:173
cv::ocl::Kernel::runTask
bool runTask(bool sync, const Queue &q=Queue())
cv::cuda::DeviceInfo::deviceID
int deviceID() const
Returns system index of the CUDA device starting with 0.
NCV_INVALID_SCALE
@ NCV_INVALID_SCALE
Definition: NCV.hpp:330
cv::cudev::NearestInterPtrSz::cols
int cols
Definition: interpolation.hpp:78
cv::cudev::smem_tuple
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
cvLoadImageM
CvMat * cvLoadImageM(const char *filename, int iscolor=CV_LOAD_IMAGE_COLOR)
cvflann::KMeansIndex::veclen
size_t veclen() const
Definition: kmeans_index.h:409
cv::cudev::countNonZero_
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
cv::StereoSGBM::create
static Ptr< StereoSGBM > create(int minDisparity, int numDisparities, int blockSize, int P1=0, int P2=0, int disp12MaxDiff=0, int preFilterCap=0, int uniquenessRatio=0, int speckleWindowSize=0, int speckleRange=0, int mode=StereoSGBM::MODE_SGBM)
Creates StereoSGBM object.
cv::datasets::AR_sports
Definition: ar_sports.hpp:67
cv::videostab::MotionEstimatorRansacL2::MotionEstimatorRansacL2
MotionEstimatorRansacL2(MotionModel model=MM_AFFINE)
cv::text::ERGROUPING_ORIENTATION_HORIZ
@ ERGROUPING_ORIENTATION_HORIZ
Definition: erfilter.hpp:284
cv::bridge::Bridge::operator=
Bridge & operator=(const int &)
Definition: bridge.hpp:292
CvType::info
CvTypeInfo * info
Definition: core_c.h:2779
cv::videostab::TwoPassStabilizer::TwoPassStabilizer
TwoPassStabilizer()
cvflann::Heap
Definition: heap.h:49
cvflann::Index::~Index
~Index()
Definition: flann_base.hpp:121
cv::MatExpr::size
Size size() const
cv::Mat::Mat
Mat(const std::vector< _Tp > &vec, bool copyData=false)
CV_HSV2BGR_FULL
@ CV_HSV2BGR_FULL
Definition: types_c.h:210
NCV_FILE_ERROR
@ NCV_FILE_ERROR
Definition: NCV.hpp:321
CV_WHOLE_SEQ_END_INDEX
#define CV_WHOLE_SEQ_END_INDEX
Definition: types_c.h:1095
cv::ParamType< unsigned >::member_type
unsigned member_type
Definition: core.hpp:3189
cvflann::anyimpl::choose_policy< any >::type
void type
Definition: any.h:137
cv::cudev::warpPerspectivePtr
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > warpPerspectivePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:148
matlab::MxArray::rows
size_t rows() const
Definition: mxarray.hpp:424
cv::datasets::light
@ light
Definition: gr_skig.hpp:83
cv::warpAffine
void warpAffine(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies an affine transformation to an image.
cv::ml::KNearest::getAlgorithmType
virtual int getAlgorithmType() const =0
cv::cuda::SparsePyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int maxLevel)=0
cv::CvHOGEvaluator
Definition: feature.hpp:298
CV_CAP_PROP_XI_HDR_T1
@ CV_CAP_PROP_XI_HDR_T1
Definition: videoio_c.h:396
cv::BackgroundSubtractorKNN::getShadowThreshold
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
cv::cudev::GpuMat_::assign
__host__ GpuMat_ & assign(const Expr< Body > &expr, Stream &stream)
CV_CAP_PROP_XI_LENS_FOCUS_MOVE
@ CV_CAP_PROP_XI_LENS_FOCUS_MOVE
Definition: videoio_c.h:358
NcvSize32s::NcvSize32s
__host__ __device__ NcvSize32s(Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:177
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::TermCriteria &)
Definition: bridge.hpp:349
cv::hal::sub8u
void sub8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::InterpolationFlags
InterpolationFlags
interpolation algorithm
Definition: imgproc.hpp:267
cv::EVENT_FLAG_LBUTTON
@ EVENT_FLAG_LBUTTON
indicates that the left mouse button is down.
Definition: highgui.hpp:221
tinyxml2::StrPair::ATTRIBUTE_NAME
@ ATTRIBUTE_NAME
Definition: tinyxml2.h:156
CV_CAP_PROP_OPENNI_GENERATOR_PRESENT
@ CV_CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio_c.h:235
cvflann::KL
@ KL
Definition: defines.h:151
cv::WImageView::operator=
WImageView & operator=(const WImage< T > &img)
Definition: wimage.hpp:431
cvflann::KDTreeIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: kdtree_index.h:199
cv::Mat_::begin
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
cvAdaptiveThreshold
void cvAdaptiveThreshold(const CvArr *src, CvArr *dst, double max_value, int adaptive_method=CV_ADAPTIVE_THRESH_MEAN_C, int threshold_type=CV_THRESH_BINARY, int block_size=3, double param1=5)
Applies adaptive threshold to grayscale image.
cv::v_reduce_sum
V_TypeTraits< _Tp >::sum_type v_reduce_sum(const v_reg< _Tp, n > &a)
Sum packed values.
Definition: intrin_cpp.hpp:855
cv::Tracker::init
bool init(const Mat &image, const Rect2d &boundingBox)
Initialize the tracker with a know bounding box that surrounding the target.
tinyxml2::XMLPrinter::CloseElement
virtual void CloseElement(bool compactMode=false)
If streaming, close the Element.
CV_StsBadFlag
@ CV_StsBadFlag
Definition: types_c.h:157
cv::CommandLineParser::~CommandLineParser
~CommandLineParser()
Destructor.
cv::dnn::PoolingLayer
Definition: all_layers.hpp:251
cv::_InputArray::_InputArray
_InputArray()
cv::hal::invSqrt64f
void invSqrt64f(const double *src, double *dst, int len)
cv::stereo::CensusKernel::imageStop
int imageStop
Definition: descriptor.hpp:174
cv::CAP_DC1394
@ CAP_DC1394
Same as CAP_FIREWIRE.
Definition: videoio.hpp:96
cv::GeneralizedHough::setTemplate
virtual void setTemplate(InputArray edges, InputArray dx, InputArray dy, Point templCenter=Point(-1, -1))=0
CvVideoCamera::customPreviewLayer
CALayer * customPreviewLayer
Definition: cap_ios.h:105
reduction.hpp
NcvSize32u::width
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
cv::Moments::Moments
Moments(double m00, double m10, double m01, double m20, double m11, double m02, double m30, double m21, double m12, double m03)
the full constructor
cv::Param::MAT_VECTOR
@ MAT_VECTOR
Definition: core.hpp:3116
cv::Formatter::setMultiline
virtual void setMultiline(bool ml=true)=0
cv::MultiTracker::add
bool add(const Mat &image, std::vector< Rect2d > boundingBox)
Add a set of objects to be tracked using the defaultAlgorithm tracker.
cvflann::KDTreeSingleIndexParams::KDTreeSingleIndexParams
KDTreeSingleIndexParams(int leaf_max_size=10, bool reorder=true, int dim=-1)
Definition: kdtree_single_index.h:53
cv::cuda::createDisparityBilateralFilter
Ptr< cuda::DisparityBilateralFilter > createDisparityBilateralFilter(int ndisp=64, int radius=3, int iters=1)
Creates DisparityBilateralFilter object.
cv::SimpleBlobDetector::Params::maxThreshold
float maxThreshold
Definition: features2d.hpp:561
cv::Affine3::rotate
Affine3 rotate(const Mat3 &R) const
a.rotate(R) is equivalent to Affine(R, 0) * a;
CV_StsBadMask
@ CV_StsBadMask
Definition: types_c.h:159
cv::FileNode::read
static void read(const FileNode &node, short &value, short default_value)
Definition: persistence.hpp:1073
cv::cuda::HoughSegmentDetector::setMinLineLength
virtual void setMinLineLength(int minLineLength)=0
cv::ocl::vecopTypeToStr
const char * vecopTypeToStr(int t)
cv::ml::SVM::load
static Ptr< SVM > load(const String &filepath)
Loads and creates a serialized svm from a file.
HaarFeature64
Definition: NCVHaarObjectDetection.hpp:79
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_AddOp)
NppStInterpolationState::pSrcFrame1
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
cv::cuda::createColumnSumFilter
Ptr< Filter > createColumnSumFilter(int srcType, int dstType, int ksize, int anchor=-1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a vertical 1D box filter.
cv::dnn::Blob::create
void create(const BlobShape &shape, int type=CV_32F, int allocFlags=ALLOC_MAT)
Creates blob with specified shape and type.
cvflann::LshIndex::getType
flann_algorithm_t getType() const
Definition: lsh_index.h:122
cv::Seq::pop_front
void pop_front()
removes the first element from the sequence
Definition: core_c.h:3047
cv::CvHaarEvaluator::sum
Mat sum
Definition: feature.hpp:289
cvflann::KDTreeIndex::DistanceType
Distance::ResultType DistanceType
Definition: kdtree_index.h:74
clCreateImage3D
#define clCreateImage3D
Definition: opencl_core.hpp:118
cv::ocl::Device::version
String version() const
cv::datasets::word::value
std::string value
Definition: tr_icdar.hpp:62
cv::viz::SHADING
@ SHADING
Definition: widgets.hpp:69
NPPST_SUCCESS
@ NPPST_SUCCESS
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
cv::ogl::Texture2D::Texture2D
Texture2D()
The constructors.
cv::TrackerStateEstimatorAdaBoosting::estimateImpl
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)
cv::cudev::BrdBase
Definition: extrapolation.hpp:95
cv::SparseMat::size
const int * size() const
returns the array of sizes, or NULL if the matrix is not allocated
cvflann::LinearIndex::LinearIndex
LinearIndex(const LinearIndex &)
cv::xphoto::SimpleWB::getP
virtual float getP() const =0
Percent of top/bottom values to ignore.
cvflann::Index::DistanceType
Distance::ResultType DistanceType
Definition: flann_base.hpp:104
cv::Point_::Point_
Point_(const Size_< _Tp > &sz)
cv::Seq::pop_back
void pop_back()
removes the last element from the sequence
Definition: core_c.h:3044
cv::TrackerKCF::Params::split_coeff
bool split_coeff
split the training coefficients into two matrices
Definition: tracker.hpp:1243
cv::CAP_PROP_XI_DEFAULT_CC_MATRIX
@ CAP_PROP_XI_DEFAULT_CC_MATRIX
Set default Color Correction Matrix.
Definition: videoio.hpp:413
nppiStTranspose_32u_C1R_host
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::UMat::handle
void * handle(int accessFlags) const
cvflann::any::assign
any & assign(const T &x)
Assignment function.
Definition: any.h:234
cv::linemod::Match::similarity
float similarity
Definition: linemod.hpp:307
cv::EMD
float EMD(InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), float *lowerBound=0, OutputArray flow=noArray())
Computes the "minimal work" distance between two weighted point configurations.
CvRect::CvRect
CvRect(const cv::Rect_< _Tp > &r)
Definition: types_c.h:788
cv::ROISelector::handlerT::center
Point2f center
Definition: tracker.hpp:1380
cv::rgbd::RgbdFrame::RgbdFrame
RgbdFrame()
tinyxml2::XML_ERROR_PARSING_UNKNOWN
@ XML_ERROR_PARSING_UNKNOWN
Definition: tinyxml2.h:1017
CV_CAP_PROP_XI_LENS_MODE
@ CV_CAP_PROP_XI_LENS_MODE
Definition: videoio_c.h:355
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(InputArray arr, Allocator *allocator=defaultAllocator())
builds GpuMat from host memory (Blocking call)
cv::waitKeyEx
int waitKeyEx(int delay=0)
Similar to waitKey, but returns full key code.
cv::hal::recip16u
void recip16u(const ushort *, size_t, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
cv::TrackerModel::TrackerModel
TrackerModel()
Constructor.
cv::datasets::TR_icdar
Definition: tr_icdar.hpp:75
cv::face::StandardCollector::collect
bool collect(int label, double dist)
overloaded interface method
cv::CascadeClassifier::load
bool load(const String &filename)
Loads a classifier from a file.
NCVMatrix
Definition: NCV.hpp:739
cv::ml::ANN_MLP::getWeights
virtual Mat getWeights(int layerIdx) const =0
sampling.h
cv::WImageView_16s
WImageView< short > WImageView_16s
Definition: wimage.hpp:90
CvMoments::inv_sqrt_m00
double inv_sqrt_m00
Definition: types_c.h:401
cv::Matx::mul
Matx< _Tp, m, n > mul(const Matx< _Tp, m, n > &a) const
multiply two matrices element-wise
cv::Mat2d
Mat_< Vec2d > Mat2d
Definition: mat.hpp:2219
cv::dnn::Blob::getPlanes
Mat getPlanes(int n)
Returns slice of first dimension.
cv::datasets::SLAM_tumindoorObj::transformMat
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
cv::viz::Camera::setFov
void setFov(const Vec2d &fov)
Definition: types.hpp:194
cv::videostab::GaussianMotionFilter::radius
int radius() const
Definition: motion_stabilizing.hpp:103
cv::String::operator+=
String & operator+=(const char *s)
cv::CALIB_FIX_S1_S2_S3_S4
@ CALIB_FIX_S1_S2_S3_S4
Definition: calib3d.hpp:267
cv::text::ERFilter::setNonMaxSuppression
virtual void setNonMaxSuppression(bool nonMaxSuppression)=0
cv::FileNodeIterator::SeqReader::delta_index
int delta_index
Definition: persistence.hpp:677
cv::CAP_PROP_EXPOSURE
@ CAP_PROP_EXPOSURE
Exposure (only for cameras).
Definition: videoio.hpp:139
cv::datasets::cameraParam::mat4
double mat4[3]
Definition: msm_epfl.hpp:65
cv::detail::RotationWarperBase::getScale
float getScale() const
Definition: warpers.hpp:156
cvWriteRawData
void cvWriteRawData(CvFileStorage *fs, const void *src, int len, const char *dt)
Writes multiple numbers.
cv::datasets::AR_hmdb
Definition: ar_hmdb.hpp:68
cv::cuda::StereoBeliefPropagation::getDataWeight
virtual double getDataWeight() const =0
data weight
cv::cuda::polarToCart
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts polar coordinates into Cartesian.
cv::Size2i
Size_< int > Size2i
Definition: types.hpp:311
hal_ni_gemm32fc
int hal_ni_gemm32fc(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:700
clAmdFftTeardown
#define clAmdFftTeardown
Definition: opencl_clamdfft.hpp:108
cv::Error::StsDivByZero
@ StsDivByZero
division by zero
Definition: base.hpp:102
cv::CvFeatureParams::create
static Ptr< CvFeatureParams > create(int featureType)
hal_ni_min16u
int hal_ni_min16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:113
cv::MatConstIterator_::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:2934
cv::split
void split(const Mat &src, Mat *mvbegin)
Divides a multi-channel array into several single-channel arrays.
cv::cuda::createHarrisCorner
Ptr< CornernessCriteria > createHarrisCorner(int srcType, int blockSize, int ksize, double k, int borderType=BORDER_REFLECT101)
Creates implementation for Harris cornerness criteria.
IplConvKernelFP::values
float * values
Definition: types_c.h:369
cv::ximgproc::AdaptiveManifoldFilter::setUseRNG
virtual void setUseRNG(bool val)=0
cv::TrackerFeatureLBP::TrackerFeatureLBP
TrackerFeatureLBP()
cv::bioinspired::RetinaFastToneMapping
a wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV.
Definition: retinafasttonemapping.hpp:100
cv::ocl::convertFromImage
void convertFromImage(void *cl_mem_image, UMat &dst)
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2)
3-element vector constructor
cv::DataType::value_type
_Tp value_type
Definition: traits.hpp:109
cv::saliency::ObjectnessBING::ObjectnessBING
ObjectnessBING()
cv::ml::TrainData::loadFromCSV
static Ptr< TrainData > loadFromCSV(const String &filename, int headerLineCount, int responseStartIdx=-1, int responseEndIdx=-1, const String &varTypeSpec=String(), char delimiter=',', char missch='?')
Reads the dataset from a .csv file and returns the ready-to-use training data.
cv::Mat_::step1
size_t step1(int i=0) const
cv::datasets::word::y
int y
Definition: tr_icdar.hpp:63
CvLineIterator::plus_delta
int plus_delta
Definition: types_c.h:1085
_mm_deinterleave_epi8
void _mm_deinterleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:56
cv::cuda::SparseOpticalFlow::calc
virtual void calc(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err=cv::noArray(), Stream &stream=Stream::Null())=0
Calculates a sparse optical flow.
cv::omnidir::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: omnidir.hpp:59
cv::imreadmulti
bool imreadmulti(const String &filename, std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
Loads a multi-page image from a file.
cv::QtFont::dx
float dx
horizontal interval between letters
Definition: highgui.hpp:643
cv::ogl::LINE_LOOP
@ LINE_LOOP
Definition: opengl.hpp:481
cvflann::L1::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:216
cv::TrackerStateEstimator::getClassName
String getClassName() const
Get the name of the specific TrackerStateEstimator.
cv::videostab::NullWobbleSuppressor::suppress
virtual void suppress(int idx, const Mat &frame, Mat &result)
cv::flann::LinearIndexParams
Definition: miniflann.hpp:85
cvflann::Logger::warn
static int warn(const char *fmt,...)
Definition: logger.h:120
cv::ogl::Arrays
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:407
matlab::Traits< uint32_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:157
cv::KalmanFilter::measurementMatrix
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:369
cvBackProjectPCA
void cvBackProjectPCA(const CvArr *proj, const CvArr *mean, const CvArr *eigenvects, CvArr *result)
CV_CAP_PROP_OPENNI_APPROX_FRAME_SYNC
@ CV_CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio_c.h:230
cv::cuda::DescriptorMatcher::clear
virtual void clear()=0
Clears the train descriptor collection.
CV_THRESH_TRIANGLE
@ CV_THRESH_TRIANGLE
Definition: types_c.h:579
cv::superres::SuperResolution::setIterations
virtual void setIterations(int val)=0
Iterations count.
clEnqueueCopyImageToBuffer
#define clEnqueueCopyImageToBuffer
Definition: opencl_core.hpp:150
cv::cuda::Stream::Stream
Stream()
creates a new asynchronous stream
cv::SimpleBlobDetector::Params::minDistBetweenBlobs
float minDistBetweenBlobs
Definition: features2d.hpp:563
cv::dnn::createTensorflowImporter
Ptr< Importer > createTensorflowImporter(const String &model)
Creates the importer of TensorFlow framework network.
cv::v_setzero_u16
v_uint16x8 v_setzero_u16()
Definition: intrin_cpp.hpp:1520
cvflann::COMPOSITE
@ COMPOSITE
Definition: defines.h:97
CV_DIST_FAIR
@ CV_DIST_FAIR
Definition: types_c.h:562
cv::ROISelector::selectorParams
struct cv::ROISelector::handlerT selectorParams
cv::ml::ANN_MLP::create
static Ptr< ANN_MLP > create()
Creates empty model.
cv::cudev::IntegerAreaInterPtrSz::cols
int cols
Definition: interpolation.hpp:273
cv::PCA::eigenvalues
Mat eigenvalues
eigenvalues of the covariation matrix
Definition: core.hpp:2456
cv::Mat::at
_Tp & at(const int *idx)
cv::InterpolationMasks
InterpolationMasks
Definition: imgproc.hpp:294
cv::PCA::Flags
Flags
Definition: core.hpp:2319
cv::LineIterator::ptr
uchar * ptr
Definition: imgproc.hpp:4593
cv::cuda::DescriptorMatcher::empty
virtual bool empty() const =0
Returns true if there are no train descriptors in the collection.
cv::cudev::NearestInterPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
cv::hal::DFT1D::~DFT1D
virtual ~DFT1D()
Definition: hal.hpp:202
CV_YUV2RGBA_I420
@ CV_YUV2RGBA_I420
Definition: types_c.h:263
nppiStTranspose_32f_C1R_host
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::MinProblemSolver::Function::getDims
virtual int getDims() const =0
cvSeqSort
void cvSeqSort(CvSeq *seq, CvCmpFunc func, void *userdata=NULL)
CV_CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
@ CV_CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio_c.h:444
cv::datasets::OR_pascalObj::filename
std::string filename
Definition: or_pascal.hpp:80
cv::KAZE::setNOctaveLayers
virtual void setNOctaveLayers(int octaveLayers)=0
CV_LU
#define CV_LU
Definition: core_c.h:1341
clEnqueueFillBuffer
#define clEnqueueFillBuffer
Definition: opencl_core.hpp:152
cv::VecCommaInitializer::VecCommaInitializer
VecCommaInitializer(Vec< _Tp, m > *_vec)
tinyxml2::XMLError
XMLError
Definition: tinyxml2.h:999
cv::datasets::FR_adienceObj::gender
genderType gender
Definition: fr_adience.hpp:73
cv::ml::SVMSGD::getInitialStepSize
virtual float getInitialStepSize() const =0
Parameter initialStepSize of a SVMSGD optimization problem.
cv::datasets::SLAM_tumindoor::load
virtual void load(const std::string &path)=0
cvGuiBoxReport
int cvGuiBoxReport(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
cvFindNextContour
CvSeq * cvFindNextContour(CvContourScanner scanner)
Retrieves next contour.
cv::ppf_match_3d::hashtableRead
hashtable_int * hashtableRead(FILE *f)
tinyxml2::XMLElement::QueryBoolAttribute
XMLError QueryBoolAttribute(const char *name, bool *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1243
CV_RGBA2GRAY
@ CV_RGBA2GRAY
Definition: types_c.h:128
cv::cuda::GpuMat::elemSize
size_t elemSize() const
returns element size in bytes
cv::Algorithm::writeFormat
void writeFormat(FileStorage &fs) const
cv::videostab::TwoPassStabilizer::estimateMotion
virtual Mat estimateMotion()
cv::Subdiv2D::recentEdge
int recentEdge
Definition: imgproc.hpp:1157
CV_Luv2BGR
@ CV_Luv2BGR
Definition: types_c.h:190
cv::CascadeClassifier::getOriginalWindowSize
Size getOriginalWindowSize() const
cvflann::UntypedMatrix::as
Matrix< T > as()
Definition: matrix.h:106
cv::DownhillSolver::getInitStep
virtual void getInitStep(OutputArray step) const =0
Returns the initial step that will be used in downhill simplex algorithm.
cv::detail::DpSeamFinder::costFunction
CostFunction costFunction() const
Definition: seam_finders.hpp:125
tinyxml2::XMLVisitor::~XMLVisitor
virtual ~XMLVisitor()
Definition: tinyxml2.h:445
CvSeqReader
Definition: types_c.h:1569
cv::Exception::Exception
Exception(int _code, const String &_err, const String &_func, const String &_file, int _line)
cv::cvtColor
void cvtColor(InputArray src, OutputArray dst, int code, int dstCn=0)
Converts an image from one color space to another.
cv::ml::DTrees::getMaxCategories
virtual int getMaxCategories() const =0
clCreateImage
#define clCreateImage
Definition: opencl_core_wrappers.hpp:28
cv::COLOR_BayerBG2RGB
@ COLOR_BayerBG2RGB
Definition: imgproc.hpp:740
clGetKernelArgInfo
#define clGetKernelArgInfo
Definition: opencl_core.hpp:210
cvSetRealND
void cvSetRealND(CvArr *arr, const int *idx, double value)
cvInitNArrayIterator
int cvInitNArrayIterator(int count, CvArr **arrs, const CvArr *mask, CvMatND *stubs, CvNArrayIterator *array_iterator, int flags=0)
cv::datasets::join::Px
double Px
Definition: gr_chalearn.hpp:67
cvflann::UntypedMatrix
Definition: matrix.h:88
hal_ni_addWeighted16u
int hal_ni_addWeighted16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:320
cv::optflow::GPCPatchSample
Definition: sparse_matching_gpc.hpp:79
cv::AutoBuffer::~AutoBuffer
~AutoBuffer()
destructor. calls deallocate()
cv::TrackerSamplerCSC::Params::initInRad
float initInRad
radius for gathering positive instances during init
Definition: tracker.hpp:807
cv::bioinspired::Retina::setup
virtual void setup(String retinaParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
Try to open an XML retina parameters file to adjust current retina instance setup.
NCVMemNativeAllocator::maxSize
virtual size_t maxSize(void) const
IplImage::dataOrder
int dataOrder
Definition: types_c.h:310
cv::ogl::Buffer::depth
int depth() const
cv::cudev::SingleMaskChannels::index_type
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
cv::UMat::isSubmatrix
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
cv::datasets::AR_sportsObj::labels
std::vector< int > labels
Definition: ar_sports.hpp:63
opencl_svm_hsa_extension.hpp
CV_CAP_PROP_OPENNI_OUTPUT_MODE
@ CV_CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio_c.h:222
CvPoint::CvPoint
CvPoint(const cv::Point_< _Tp > &pt)
Definition: types_c.h:874
cv::TrackerFeatureSet::~TrackerFeatureSet
~TrackerFeatureSet()
cv::viz::Widget3D::updatePose
void updatePose(const Affine3d &pose)
Updates pose of the widget by pre-multiplying its current pose.
cv::ml::randMVNormal
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
clReleaseSampler
#define clReleaseSampler
Definition: opencl_core.hpp:246
cv::ocl::Device::maxConstantBufferSize
size_t maxConstantBufferSize() const
cv::Stitcher::exposureCompensator
Ptr< detail::ExposureCompensator > exposureCompensator()
Definition: stitching.hpp:220
cv::flann::Index_::DistanceType
L2< T >::ResultType DistanceType
Definition: flann.hpp:345
cvflann::ChiSquareDistance::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:640
dynamic_smem.hpp
cv::COLOR_YUV2RGBA_NV12
@ COLOR_YUV2RGBA_NV12
Definition: imgproc.hpp:635
cv::cudev::UnaryTransformPtr::src
SrcPtr src
Definition: transform.hpp:66
cv::datasets::FR_adience
Definition: fr_adience.hpp:84
cv::cudev::CommonAreaInterPtr
Definition: interpolation.hpp:295
cv::ximgproc::segmentation::GraphSegmentation::setSigma
virtual void setSigma(double sigma)=0
CPU_AVX_512VL
@ CPU_AVX_512VL
Definition: cvdef.h:159
shape.hpp
cv::String::find
size_t find(const char *s, size_t pos=0) const
cv::BaseClassifier
Definition: onlineBoosting.hpp:110
cv::setTrackbarMin
void setTrackbarMin(const String &trackbarname, const String &winname, int minval)
Sets the trackbar minimum position.
cv::Seq::front
_Tp & front()
returns reference to the first sequence element
Definition: core_c.h:3032
cv::ximgproc::GuidedFilter::filter
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Apply Guided Filter to the filtering image.
CV_CAP_OPENNI_DEPTH_GENERATOR_BASELINE
@ CV_CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio_c.h:242
cv::linemod::Feature::read
void read(const FileNode &fn)
cv::stereo::MVKernel::operator()
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:80
CV_CAP_CMU1394
@ CV_CAP_CMU1394
Definition: videoio_c.h:88
cv::cudev::ZipPtrSz::ZipPtrSz
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
CV_BGR2YCrCb
@ CV_BGR2YCrCb
Definition: types_c.h:159
cv::hal::SepFilter2D::create
static Ptr< hal::SepFilter2D > create(int stype, int dtype, int ktype, uchar *kernelx_data, int kernelx_len, uchar *kernely_data, int kernely_len, int anchor_x, int anchor_y, double delta, int borderType)
cv::hal::addWeighted16s
void addWeighted16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scalars)
CV_BGR2BGRA
@ CV_BGR2BGRA
Definition: types_c.h:103
cv::TrackerSampler::addTrackerSamplerAlgorithm
bool addTrackerSamplerAlgorithm(Ptr< TrackerSamplerAlgorithm > &sampler)
cv::line_descriptor::BinaryDescriptor::Params::Params
Params()
cv::HOUGH_MULTI_SCALE
@ HOUGH_MULTI_SCALE
Definition: imgproc.hpp:472
cv::FileNode::empty
bool empty() const
returns true if the node is empty
cv::COLOR_RGB2RGBA
@ COLOR_RGB2RGBA
Definition: imgproc.hpp:521
cv::CAP_PROP_XI_BINNING_SELECTOR
@ CAP_PROP_XI_BINNING_SELECTOR
Binning engine selector.
Definition: videoio.hpp:352
cvCornerMinEigenVal
void cvCornerMinEigenVal(const CvArr *image, CvArr *eigenval, int block_size, int aperture_size=3)
Calculates minimal eigenvalue for 2x2 gradient covariation matrix at every image pixel.
cv::ROISelector
Definition: tracker.hpp:1366
cv::v_float32x4
v_reg< float, 4 > v_float32x4
Four 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:366
cv::String::find_last_of
size_t find_last_of(char c, size_t pos=npos) const
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, String dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
cv::detail::BundleAdjusterAffine
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:284
cv::hal::merge16u
void merge16u(const ushort **src, ushort *dst, int len, int cn)
cv::aruco::Dictionary
Dictionary/Set of markers. It contains the inner codification.
Definition: dictionary.hpp:61
cv::DualTVL1OpticalFlow::setOuterIterations
virtual void setOuterIterations(int val)=0
Outer iterations (number of inner loops) used in the numerical scheme.
cvflann::LshIndex::saveIndex
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: lsh_index.h:128
cv::SparseMat::hdr
Hdr * hdr
Definition: mat.hpp:2769
cv::cudev::VecTraits< char1 >::elem_type
schar elem_type
Definition: vec_traits.hpp:152
tinyxml2::XMLDocument::~XMLDocument
~XMLDocument()
CV_CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
@ CV_CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
Definition: videoio_c.h:350
cv::FarnebackOpticalFlow::setNumLevels
virtual void setNumLevels(int numLevels)=0
cvflann::FLANN_UINT32
@ FLANN_UINT32
Definition: defines.h:163
cv::Mat::forEach
void forEach(const Functor &operation) const
matlab::MxArray::releaseOwnership
mxArray * releaseOwnership()
Definition: mxarray.hpp:393
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_DualTVL1OpticalFlow &)
Definition: bridge.hpp:477
cv::AKAZE::getNOctaveLayers
virtual int getNOctaveLayers() const =0
hal_ni_max32s
int hal_ni_max32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:107
cv::cudev::CommonAreaInterPtr::src
SrcPtr src
Definition: interpolation.hpp:299
cv::SparseMat::Node::hashval
size_t hashval
hash value
Definition: mat.hpp:2537
tinyxml2::XMLNode::_parent
XMLNode * _parent
Definition: tinyxml2.h:838
cv::hal::max64f
void max64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::CAP_PROP_GIGA_FRAME_HEIGH_MAX
@ CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio.hpp:502
cv::cudev::ResizePtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
cv::cudev::GpuMat_::row
__host__ GpuMat_ row(int y) const
cv::ppf_match_3d::ICP::ICP_SAMPLING_TYPE_UNIFORM
@ ICP_SAMPLING_TYPE_UNIFORM
Definition: icp.hpp:86
CV_CAP_PROP_XI_CC_MATRIX_20
@ CV_CAP_PROP_XI_CC_MATRIX_20
Definition: videoio_c.h:340
cv::createEMDHistogramCostExtractor
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
cv::cuda::projectPoints
void projectPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, const Mat &camera_mat, const Mat &dist_coef, GpuMat &dst, Stream &stream=Stream::Null())
cv::optflow::createOptFlow_PCAFlow
Ptr< DenseOpticalFlow > createOptFlow_PCAFlow()
Creates an instance of PCAFlow.
CvMatND::data
union CvMatND::@59 data
cv::optflow::GPCDetails::getCoordinatesFromIndex
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
cvNormalizeHist
void cvNormalizeHist(CvHistogram *hist, double factor)
Normalizes the histogram.
cv::FileStorage::elname
String elname
the currently written element
Definition: persistence.hpp:466
cv::ppf_match_3d::destroyFlann
void destroyFlann(void *flannIndex)
cv::DescriptorMatcher
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:780
hal_ni_cmp16s
int hal_ni_cmp16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:212
cv::ppf_match_3d::Pose3D::updatePose
void updatePose(double NewPose[16])
Updates the pose with the new one.
CV_CAP_PROP_XI_TRG_SELECTOR
@ CV_CAP_PROP_XI_TRG_SELECTOR
Definition: videoio_c.h:349
cv::cudacodec::EncoderParams::DIMode
int DIMode
NVVE_SET_DEINTERLACE,.
Definition: cudacodec.hpp:99
cv::ppf_match_3d::addNoisePC
Mat addNoisePC(Mat pc, double scale)
cv::cudev::ThreshBinaryInvFunc::thresh
T thresh
Definition: functional.hpp:716
cv::cudacodec::FormatInfo::height
int height
Definition: cudacodec.hpp:278
cv::cudev::identity
Definition: functional.hpp:281
cv::sfm::libmv_ReconstructionOptions::verbosity_level
int verbosity_level
Definition: simple_pipeline.hpp:151
CV_TM_CCORR
@ CV_TM_CCORR
Definition: types_c.h:435
cv::linemod::ColorGradient::read
virtual void read(const FileNode &fn)
CV_CAP_PROP_XI_TRG_SOFTWARE
@ CV_CAP_PROP_XI_TRG_SOFTWARE
Definition: videoio_c.h:266
cv::ppf_match_3d::ICP::ICP
ICP(const int iterations, const float tolerence=0.05, const float rejectionScale=2.5, const int numLevels=6, const ICP_SAMPLING_TYPE sampleType=ICP_SAMPLING_TYPE_UNIFORM, const int numMaxCorr=1)
ICP constructor with default arguments.
Definition: icp.hpp:117
cv::dnn::Net::forward
void forward(const std::vector< LayerId > &startLayers, const std::vector< LayerId > &toLayers)
tinyxml2::XMLAttribute::SetAttribute
void SetAttribute(float value)
Set the attribute to value.
cv::Matx41f
Matx< float, 4, 1 > Matx41f
Definition: matx.hpp:208
cv::dnn::Importer::~Importer
virtual ~Importer()
cv::multicalib::MultiCameraCalibration::writeParameters
void writeParameters(const std::string &filename)
cv::videostab::StabilizerBase::doInpainting_
bool doInpainting_
Definition: stabilizer.hpp:127
bufferpool.hpp
cv::cudev::NormL1::NormL1
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
cv::sfm::BaseSFM::run
virtual void run(const std::vector< std::string > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
cv::text::loadClassifierNM2
Ptr< ERFilter::Callback > loadClassifierNM2(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
cv::solvePoly
double solvePoly(InputArray coeffs, OutputArray roots, int maxIters=300)
Finds the real or complex roots of a polynomial equation.
cv::bridge::Bridge::toPoint
cv::Point toPoint() const
Definition: bridge.hpp:310
cv::ogl::Buffer::channels
int channels() const
cv::hal::absdiff64f
void absdiff64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::stereo::Matching::smallRegionRemoval
void smallRegionRemoval(const Mat &currentMap, int t, Mat &out)
remove small regions that have an area smaller than t, we fill the region with the average of the goo...
Definition: matching.hpp:479
cv::DIST_FAIR
@ DIST_FAIR
distance = c^2(|x|/c-log(1+|x|/c)), c = 1.3998
Definition: imgproc.hpp:314
cvPointTo32f
CvPoint2D32f cvPointTo32f(CvPoint point)
Definition: types_c.h:920
cv::xphoto::HAAR
@ HAAR
Definition: bm3d_image_denoising.hpp:64
cvflann::KDTreeSingleIndex::getType
flann_algorithm_t getType() const
Definition: kdtree_single_index.h:135
cv::FLOODFILL_FIXED_RANGE
@ FLOODFILL_FIXED_RANGE
Definition: imgproc.hpp:392
cvTranspose
void cvTranspose(const CvArr *src, CvArr *dst)
cv::BaseClassifier::BaseClassifier
BaseClassifier(int numWeakClassifier, int iterationInit, WeakClassifierHaarFeature **weakCls)
cv::bridge::Bridge::toString
std::string toString()
Definition: bridge.hpp:271
cv::FileNode::operator*
CvFileNode * operator*()
returns pointer to the underlying file node
cv::SOLVELP_SINGLE
@ SOLVELP_SINGLE
there is only one maximum for target function
Definition: optim.hpp:261
cv::TrackerModel::getConfidenceMaps
const std::vector< ConfidenceMap > & getConfidenceMaps() const
Get the list of the ConfidenceMap.
cv::GeneralizedHoughGuil::getScaleThresh
virtual int getScaleThresh() const =0
cv::NormHistogramCostExtractor::setNormFlag
virtual void setNormFlag(int flag)=0
cvflann::HistIntersectionDistance::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:546
cv::TrackerStateEstimatorAdaBoosting::setSampleROI
void setSampleROI(const Rect &ROI)
Set the sampling ROI.
CV_XYZ2RGB
@ CV_XYZ2RGB
Definition: types_c.h:157
cv::CAP_PROP_XI_DECIMATION_SELECTOR
@ CAP_PROP_XI_DECIMATION_SELECTOR
Decimation engine selector.
Definition: videoio.hpp:356
cv::superres::BroxOpticalFlow::setOuterIterations
virtual void setOuterIterations(int val)=0
Number of warping iterations (number of pyramid levels)
cv::COLOR_YUV2GRAY_UYNV
@ COLOR_YUV2GRAY_UYNV
Definition: imgproc.hpp:710
cv::hal::absdiff16s
void absdiff16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::MultiTracker::objects
std::vector< Rect2d > objects
Definition: tracker.hpp:1349
NPPST_ERROR
@ NPPST_ERROR
Unknown error.
Definition: NCV.hpp:356
cv::viz::Color::mlab
static Color mlab()
cv::saliency::ObjectnessBING::getW
int getW() const
Definition: saliencySpecializedClasses.hpp:333
cv::_InputArray::_InputArray
_InputArray(const cuda::GpuMat &d_mat)
cv::CAP_ARAVIS
@ CAP_ARAVIS
Aravis SDK.
Definition: videoio.hpp:117
cv::videostab::InpaintingPipeline::empty
bool empty() const
Definition: inpainting.hpp:112
CV_TYZX_COLOR
@ CV_TYZX_COLOR
Definition: videoio_c.h:94
cvQueryFrame
IplImage * cvQueryFrame(CvCapture *capture)
Just a combination of cvGrabFrame and cvRetrieveFrame.
cvGetWindowName
const char * cvGetWindowName(void *window_handle)
NCVMemStackAllocator::maxSize
virtual size_t maxSize(void) const
cv::dnn::PowerLayer
Definition: all_layers.hpp:369
cv::videostab::IMotionStabilizer
Definition: motion_stabilizing.hpp:60
cv::cudev::RemapPtr2Sz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:108
cv::bridge::Bridge::operator=
Bridge & operator=(const matlab::MxArray &obj)
Definition: bridge.hpp:213
cv::COLOR_YUV420sp2RGBA
@ COLOR_YUV420sp2RGBA
Definition: imgproc.hpp:639
cvflann::NNIndex::size
virtual size_t size() const =0
clCompileProgram
#define clCompileProgram
Definition: opencl_core.hpp:104
cv::cuda::COLOR_BayerBG2BGR_MHT
@ COLOR_BayerBG2BGR_MHT
Bayer Demosaicing (Malvar, He, and Cutler)
Definition: cudaimgproc.hpp:95
cv::datasets::triangle
@ triangle
Definition: gr_skig.hpp:63
cv::aruco::drawCharucoDiamond
void drawCharucoDiamond(const Ptr< Dictionary > &dictionary, Vec4i ids, int squareLength, int markerLength, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco Diamond marker.
cv::TickMeter::getCounter
int64 getCounter() const
Definition: utility.hpp:351
cv::EstimatedGaussDistribution::EstimatedGaussDistribution
EstimatedGaussDistribution(float P_mean, float R_mean, float P_sigma, float R_sigma)
cv::MARKER_DIAMOND
@ MARKER_DIAMOND
A diamond marker shape.
Definition: imgproc.hpp:4235
cv::ximgproc::readGT
int readGT(String src_path, OutputArray dst)
Function for reading ground truth disparity maps. Supports basic Middlebury and MPI-Sintel formats....
CvRNG
uint64 CvRNG
Definition: types_c.h:203
CV_BayerGB2BGR_EA
@ CV_BayerGB2BGR_EA
Definition: types_c.h:343
CV_StsOk
@ CV_StsOk
Definition: types_c.h:120
CV_YUV2RGBA_NV21
@ CV_YUV2RGBA_NV21
Definition: types_c.h:245
cv::IMREAD_REDUCED_GRAYSCALE_8
@ IMREAD_REDUCED_GRAYSCALE_8
If set, always convert image to the single channel grayscale image and the image size reduced 1/8.
Definition: imgcodecs.hpp:75
cv::linemod::colormap
void colormap(const Mat &quantized, Mat &dst)
Debug function to colormap a quantized image for viewing.
cvflann::DynamicBitset::set
void set(size_t index)
Definition: dynamic_bitset.h:128
cvflann::CompositeIndex::usedMemory
int usedMemory() const
Definition: composite_index.h:128
cv::FileNodeIterator::operator*
FileNode operator*() const
returns the currently observed element
cv::hal::recip32s
void recip32s(const int *, size_t, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
warp.hpp
cv::ocl::Queue::Queue
Queue(const Queue &q)
cv::cuda::createGeneralizedHoughGuil
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates implementation for generalized hough transform from .
cvflann::NNIndex::getParameters
virtual IndexParams getParameters() const =0
cv::TrackerKCF
KCF is a novel tracking framework that utilizes properties of circulant matrix to enhance the process...
Definition: tracker.hpp:1206
cv::StrongClassifierDirectSelection::getPatchSize
Size getPatchSize() const
cv::datasets::IR_affine::create
static Ptr< IR_affine > create()
nppiStFilterRowBorder_32f_C1R
NCVStatus nppiStFilterRowBorder_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u oROI, NppStBorderType borderType, const Ncv32f *pKernel, Ncv32s nKernelSize, Ncv32s nAnchor, Ncv32f multiplier)
cv::DataDepth
A helper class for cv::DataType.
Definition: traits.hpp:263
cv::rgbd::RgbdICPOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: rgbd.hpp:969
cv::rgbd::RgbdPlane::getSensorErrorA
double getSensorErrorA() const
Definition: rgbd.hpp:428
cv::dnn::LSTMLayer::create
static Ptr< LSTMLayer > create()
cv::TrackerFeatureHAAR::swapFeature
bool swapFeature(int id, CvHaarEvaluator::FeatureHaar &feature)
Swap the feature in position id with the feature input.
cv::dnn::Blob::Blob
Blob(InputArray data)
Constructs Blob from existing Mat or UMat.
cvflann::DynamicBitset::reset_block
void reset_block(size_t index)
sets a specific bit to 0, and more bits too This function is useful when resetting a given set of bit...
Definition: dynamic_bitset.h:111
log_gamma
#define log_gamma(x)
Definition: descriptor.hpp:445
cv::HOGDescriptor::detectMultiScale
virtual void detectMultiScale(InputArray img, std::vector< Rect > &foundLocations, std::vector< double > &foundWeights, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), double scale=1.05, double finalThreshold=2.0, bool useMeanshiftGrouping=false) const
with result weights output
tinyxml2::DynArray::Size
int Size() const
Definition: tinyxml2.h:269
cv::DIST_LABEL_CCOMP
@ DIST_LABEL_CCOMP
Definition: imgproc.hpp:383
NPP_staging.hpp
cv::FileNodeIterator::reader
SeqReader reader
Definition: persistence.hpp:683
cvReadIntByName
int cvReadIntByName(const CvFileStorage *fs, const CvFileNode *map, const char *name, int default_value=0)
Finds a file node and returns its value.
Definition: core_c.h:2363
TIXMLASSERT
#define TIXMLASSERT(x)
Definition: tinyxml2.h:90
cv::Subdiv2D::getVertex
Point2f getVertex(int vertex, int *firstEdge=0) const
Returns vertex location from vertex ID.
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, double alpha, double beta, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
cv::cuda::createLookUpTable
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
cv::cudev::thresh_trunc_func
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
cv::FileStorage::NAME_EXPECTED
@ NAME_EXPECTED
Definition: persistence.hpp:326
cv::cudev::vseteq4
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
cv::videostab::WobbleSuppressorBase::motionEstimator
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: wobble_suppression.hpp:68
clReleaseKernel
#define clReleaseKernel
Definition: opencl_core.hpp:240
cv::cudev::blockFill
__device__ static __forceinline__ void blockFill(It beg, It end, const T &value)
Definition: block.hpp:75
CvNArrayIterator::dims
int dims
Definition: core_c.h:569
cv::TonemapMantiuk
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,...
Definition: photo.hpp:456
cv::hal::gemm32f
void gemm32f(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::TrackerMIL::Params
Definition: tracker.hpp:1090
cvflann::anyimpl::big_any_policy::static_delete
virtual void static_delete(void **x)
Definition: any.h:80
cv::Formatter::set32fPrecision
virtual void set32fPrecision(int p=8)=0
cv::cudev::NearestInterPtr::src
SrcPtr src
Definition: interpolation.hpp:68
CvMat::CvMat
CvMat(const CvMat &m)
Definition: types_c.h:461
cv::ximgproc::EdgeAwareInterpolator::getLambda
virtual float getLambda()=0
cv::DescriptorMatcher::write
void write(const String &fileName) const
Definition: features2d.hpp:930
cv::_OutputArray::clear
void clear() const
cv::cuda::CannyEdgeDetector::getHighThreshold
virtual double getHighThreshold() const =0
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_(const SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::detail::BundleAdjusterBase
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:130
cvflann::ResultSet::~ResultSet
virtual ~ResultSet()
Definition: result_set.h:69
cv::NAryMatIterator::ptrs
uchar ** ptrs
data pointers
Definition: mat.hpp:3267
cv::saliency::ObjectnessBING::setNSS
void setNSS(int val)
Definition: saliencySpecializedClasses.hpp:329
cv::viz::WText::setText
void setText(const String &text)
Sets the text content of the widget.
cv::CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
@ CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Camera housing back side temperature.
Definition: videoio.hpp:388
clSetKernelArg
#define clSetKernelArg
Definition: opencl_core.hpp:266
cv::ximgproc::AngleRangeOption
AngleRangeOption
Specifies the part of Hough space to calculate.
Definition: fast_hough_transform.hpp:65
cv::DualTVL1OpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool val)=0
Use initial flow.
cv::detail::RotationWarperBase::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R)
cv::aruco::DICT_6X6_250
@ DICT_6X6_250
Definition: dictionary.hpp:152
cv::superres::BroxOpticalFlow::setGamma
virtual void setGamma(double val)=0
Gradient constancy importance.
cv::cudev::BrdConstant::index_type
int index_type
Definition: extrapolation.hpp:63
CV_BGR2HSV
@ CV_BGR2HSV
Definition: types_c.h:164
cv::hal::DFT1D::apply
virtual void apply(const uchar *src, uchar *dst)=0
if
end if(size(A, 2) ~=1) for i
cv::cuda::createRowSumFilter
Ptr< Filter > createRowSumFilter(int srcType, int dstType, int ksize, int anchor=-1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a horizontal 1D box filter.
fast_hough_transform.hpp
cv::datasets::LEFT
@ LEFT
Definition: slam_tumindoor.hpp:62
CV_CAP_PROP_ANDROID_FOCAL_LENGTH
@ CV_CAP_PROP_ANDROID_FOCAL_LENGTH
Definition: videoio_c.h:418
cv::rgbd::ICPOdometry::iterCounts
Mat iterCounts
Definition: rgbd.hpp:868
cv::cudacodec::EncoderParams::AvgBitrate
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:89
cv::videostab::OnePassStabilizer::motionFilter
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:145
cv::Stitcher::setBundleAdjuster
void setBundleAdjuster(Ptr< detail::BundleAdjusterBase > bundle_adjuster)
Definition: stitching.hpp:206
cv::minEnclosingCircle
void minEnclosingCircle(InputArray points, Point2f &center, float &radius)
Finds a circle of the minimum area enclosing a 2D point set.
cv::Matx::shortdim
@ shortdim
Definition: matx.hpp:95
cv::Subdiv2D::rotateEdge
int rotateEdge(int edge, int rotate) const
Returns another edge of the same quad-edge.
cvCloneGraph
CvGraph * cvCloneGraph(const CvGraph *graph, CvMemStorage *storage)
cv::ximgproc::computeMSE
double computeMSE(InputArray GT, InputArray src, Rect ROI)
Function for computing mean square error for disparity maps.
cv::CvFeatureParams::HOG
@ HOG
Definition: feature.hpp:144
cv::videostab::ToFileMotionWriter::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:209
cv::cudev::DerivYPtrSz::rows
int rows
Definition: deriv.hpp:116
cv::dnn::createTorchImporter
Ptr< Importer > createTorchImporter(const String &filename, bool isBinary=true)
Creates the importer of Torch7 framework network.
NCVMatrix::stride
Ncv32u stride() const
Definition: NCV.hpp:760
CvPoint2D32f::x
float x
Definition: types_c.h:895
cv::structured_light::GrayCodePattern::setBlackThreshold
virtual void setBlackThreshold(size_t value)=0
Sets the value for black threshold, needed for decoding (shadowsmasks computation).
cv::FileNode::isSeq
bool isSeq() const
returns true if the node is a sequence
cv::stereo::StereoBinaryBM::getBinaryKernelType
virtual int getBinaryKernelType() const =0
CvFont::line_type
int line_type
Qt: PointSize.
Definition: imgproc_c.h:1130
cv::cudev::BrdBase::cols
int cols
Definition: extrapolation.hpp:100
cv::cudev::atan2
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
cvDrawChessboardCorners
void cvDrawChessboardCorners(CvArr *image, CvSize pattern_size, CvPoint2D32f *corners, int count, int pattern_was_found)
cv::structured_light::FTP
@ FTP
Definition: sinusoidalpattern.hpp:58
cv::detail::AKAZEFeaturesFinder::AKAZEFeaturesFinder
AKAZEFeaturesFinder(int descriptor_type=AKAZE::DESCRIPTOR_MLDB, int descriptor_size=0, int descriptor_channels=3, float threshold=0.001f, int nOctaves=4, int nOctaveLayers=4, int diffusivity=KAZE::DIFF_PM_G2)
cv::cudev::Sum::result
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:79
nppStBorderWrap
@ nppStBorderWrap
Wrap out of range position. Image becomes periodic.
Definition: NPP_staging.hpp:92
cv::CAP_PROP_XI_COLUMN_FPN_CORRECTION
@ CAP_PROP_XI_COLUMN_FPN_CORRECTION
Correction of column FPN.
Definition: videoio.hpp:456
cvReleaseStructuringElement
void cvReleaseStructuringElement(IplConvKernel **element)
releases structuring element
CV_BayerRG2GRAY
@ CV_BayerRG2GRAY
Definition: types_c.h:232
IplConvKernelFP::anchorX
int anchorX
Definition: types_c.h:367
CvPoint2D64f
Definition: types_c.h:966
cv::xphoto::createGrayworldWB
Ptr< GrayworldWB > createGrayworldWB()
Creates an instance of GrayworldWB.
cv::BaseClassifier::selectBestClassifier
int selectBestClassifier(std::vector< bool > &errorMask, float importance, std::vector< float > &errors)
cvflann::anyimpl::operator<<
std::ostream & operator<<(std::ostream &out, const empty_any &)
Definition: any.h:34
cv::viz::Color::green
static Color green()
CvMat::step
int step
Definition: types_c.h:426
cv::ml::SVM::setKernel
virtual void setKernel(int kernelType)=0
cv::DescriptorMatcher::isMaskSupported
virtual bool isMaskSupported() const =0
Returns true if the descriptor matcher supports masking permissible matches.
cvMatchTemplate
void cvMatchTemplate(const CvArr *image, const CvArr *templ, CvArr *result, int method)
Measures similarity between template and overlapped windows in the source image and fills the resulta...
cvGetFileNode
CvFileNode * cvGetFileNode(CvFileStorage *fs, CvFileNode *map, const CvStringHashNode *key, int create_missing=0)
Finds a node in a map or file storage.
cv::rgbd::RgbdOdometry::setMinDepth
void setMinDepth(double val)
Definition: rgbd.hpp:662
cv::datasets::TRACK_alov::getGT
virtual vector< Point2f > getGT(int datasetID, int frameID)=0
cv::viz::WTrajectorySpheres::WTrajectorySpheres
WTrajectorySpheres(InputArray path, double line_length=0.05, double radius=0.007, const Color &from=Color::red(), const Color &to=Color::white())
Constructs a WTrajectorySpheres.
cv::detail::CylindricalWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Definition: warpers.hpp:534
cv::distanceTransform
void distanceTransform(InputArray src, OutputArray dst, OutputArray labels, int distanceType, int maskSize, int labelType=DIST_LABEL_CCOMP)
Calculates the distance to the closest zero pixel for each pixel of the source image.
cv::Mat::push_back_
void push_back_(const void *elem)
internal function
cv::cudev::equal_to::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:135
cv::ClfOnlineStump::_mu0
float _mu0
Definition: onlineMIL.hpp:93
cv::datasets::TRACK_alov
Definition: track_alov.hpp:74
cv::Subdiv2D::Vertex::pt
Point2f pt
Definition: imgproc.hpp:1136
nppiStDecimate_64s_C1R
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_(const SparseMat *_m)
cv::viz::Viz3d::registerKeyboardCallback
void registerKeyboardCallback(KeyboardCallback callback, void *cookie=0)
Sets keyboard handler.
cv::viz::WCoordinateSystem::WCoordinateSystem
WCoordinateSystem(double scale=1.0)
Constructs a WCoordinateSystem.
cvflann::seed_random
void seed_random(unsigned int seed)
Definition: random.h:47
CV_StsInternal
@ CV_StsInternal
Definition: types_c.h:123
CV_MAX_DIM
#define CV_MAX_DIM
Definition: types_c.h:616
cv::linemod::Match::y
int y
Definition: linemod.hpp:306
cv::cudev::warpCopy
__device__ __forceinline__ OutIt warpCopy(InIt beg, InIt end, OutIt out)
Definition: warp.hpp:86
cv::datasets::IS_weizmannObj::srcColor
std::string srcColor
Definition: is_weizmann.hpp:64
cv::Matx::randn
static Matx randn(_Tp a, _Tp b)
tinyxml2::XMLNode::NoChildren
bool NoChildren() const
Returns true if this node has no children.
Definition: tinyxml2.h:673
cv::getDerivKernels
void getDerivKernels(OutputArray kx, OutputArray ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F)
Returns filter coefficients for computing spatial image derivatives.
nppStSetActiveCUDAstream
cudaStream_t nppStSetActiveCUDAstream(cudaStream_t cudaStream)
cv::SparseMat::value
_Tp value(int i0, int i1, size_t *hashval=0) const
returns value of the specified element (2D case)
hal_ni_cvtMultipliedRGBAtoRGBA
int hal_ni_cvtMultipliedRGBAtoRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
hal_cvtMultipliedRGBAtoRGBA
Definition: hal_replacement.hpp:560
cv::viz::Color::gray
static Color gray()
cv::Scalar_::Scalar_
Scalar_(const Vec< _Tp2, cn > &v)
cv::MinProblemSolver::minimize
virtual double minimize(InputOutputArray x)=0
actually runs the algorithm and performs the minimization.
cv::inRange
void inRange(InputArray src, InputArray lowerb, InputArray upperb, OutputArray dst)
Checks if array elements lie between the elements of two other arrays.
cv::MultiTracker_Alt::colors
std::vector< Scalar > colors
List of randomly generated colors for bounding boxes display.
Definition: tracker.hpp:1449
CV_CAP_PROP_XI_AEAG_ROI_OFFSET_Y
@ CV_CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Definition: videoio_c.h:301
cv::multicalib::MultiCameraCalibration::loadImages
void loadImages()
CV_XYZ2BGR
@ CV_XYZ2BGR
Definition: types_c.h:156
cv::PCA::PCA
PCA()
default constructor
cv::cuda::GpuMat::~GpuMat
~GpuMat()
destructor - calls release()
a14
end function a14
Definition: modelConvert.m:45
CV_CAP_PROP_INTELPERC_PROFILE_IDX
@ CV_CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio_c.h:442
cv::CmpTypes
CmpTypes
comparison types
Definition: base.hpp:200
cv::UMat::UMat
UMat(UMatUsageFlags usageFlags=USAGE_DEFAULT)
default constructor
cv::goodFeaturesToTrack
void goodFeaturesToTrack(InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask=noArray(), int blockSize=3, bool useHarrisDetector=false, double k=0.04)
Determines strong corners on an image.
CvConvexityDefect
Definition: types_c.h:519
cv::Complexf
Complex< float > Complexf
Definition: types.hpp:90
cv::cudev::BinaryTransformPtr::op
Op op
Definition: transform.hpp:111
cv::datasets::IS_bsds::load
virtual void load(const std::string &path)=0
CvButtonCallback
void(* CvButtonCallback)(int state, void *userdata)
Definition: highgui_c.h:95
clEnqueueCopyBuffer
#define clEnqueueCopyBuffer
Definition: opencl_core.hpp:142
Cv16suf::_fp16Format::significand
unsigned int significand
Definition: cvdef.h:321
cv::Mat2i
Mat_< Vec2i > Mat2i
Definition: mat.hpp:2209
cv::datasets::TR_svtObj
Definition: tr_svt.hpp:67
cvflann::PooledAllocator::PooledAllocator
PooledAllocator(int blockSize=BLOCKSIZE)
Definition: allocator.h:95
CV_CALIB_CB_ADAPTIVE_THRESH
#define CV_CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d_c.h:208
cv::datasets::IR_affineObj
Definition: ir_affine.hpp:62
cv::ocl::Kernel::set
int set(int i, const UMat &m)
cv::saturate_cast< uchar >
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:102
cv::aruco::Dictionary::create
static Ptr< Dictionary > create(int nMarkers, int markerSize)
NCVVectorReuse
Definition: NCV.hpp:690
cv::text::ERStat::ERStat
ERStat(int level=256, int pixel=0, int x=0, int y=0)
Constructor.
cv::TypeDepth
Definition: traits.hpp:275
cv::stereo::StereoBinaryBM::setPreFilterType
virtual void setPreFilterType(int preFilterType)=0
cv::COLOR_BGR2YCrCb
@ COLOR_BGR2YCrCb
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:576
cv::ppf_match_3d::PPF3DDetector::write
void write(FileStorage &fs) const
cv::GC_PR_BGD
@ GC_PR_BGD
a possible background pixel
Definition: imgproc.hpp:362
NCVVector::NCVVector
NCVVector()
Definition: NCV.hpp:572
cv::String::find_last_of
size_t find_last_of(const char *s, size_t pos=npos) const
cv::ximgproc::HoughPoint2Line
Vec4i HoughPoint2Line(const Point &houghPoint, InputArray srcImgInfo, int angleRange=ARO_315_135, int makeSkew=HDO_DESKEW, int rules=RO_IGNORE_BORDERS)
Calculates coordinates of line segment corresponded by point in Hough space.
matlab::MxArray::operator=
MxArray & operator=(MxArray other)
copy-and-swap assignment
Definition: mxarray.hpp:354
cv::Subdiv2D::newEdge
int newEdge()
cv::calibrateCamera
double calibrateCamera(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
cv::ShapeContextDistanceExtractor::setRadialBins
virtual void setRadialBins(int nRadialBins)=0
Establish the number of radial bins for the Shape Context Descriptor used in the shape matching pipel...
cv::cuda::FarnebackOpticalFlow::getNumLevels
virtual int getNumLevels() const =0
cv::linemod::Detector::matchClass
void matchClass(const LinearMemoryPyramid &lm_pyramid, const std::vector< Size > &sizes, float threshold, std::vector< Match > &matches, const String &class_id, const std::vector< TemplatePyramid > &template_pyramids) const
ncvDrawRects_8u_device
NCVStatus ncvDrawRects_8u_device(Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
cv::IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
@ IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs.hpp:117
cvflann::CompositeIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Method that searches for nearest-neighbours.
Definition: composite_index.h:175
cv::ximgproc::AdaptiveManifoldFilter::filter
virtual void filter(InputArray src, OutputArray dst, InputArray joint=noArray())=0
Apply high-dimensional filtering using adaptive manifolds.
cv::ml::ANN_MLP::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::cudev::sobelX_
__host__ Expr< SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelX_(const SrcPtr &src)
Definition: deriv.hpp:81
cv::USAGE_ALLOCATE_SHARED_MEMORY
@ USAGE_ALLOCATE_SHARED_MEMORY
Definition: mat.hpp:398
cv::ClfOnlineStump::_s
int _s
Definition: onlineMIL.hpp:95
cv::datasets::GR_skigObj::dep
std::string dep
Definition: gr_skig.hpp:97
cv::cuda::HOG::getDefaultPeopleDetector
virtual Mat getDefaultPeopleDetector() const =0
Returns coefficients of the classifier trained for people detection.
CV_CAP_PROP_MONOCHROME
@ CV_CAP_PROP_MONOCHROME
Definition: videoio_c.h:185
cv::CAP_V4L2
@ CAP_V4L2
Same as CAP_V4L.
Definition: videoio.hpp:92
cv::Point3_::x
_Tp x
Definition: types.hpp:249
cv::Mat::at
_Tp & at(int i0=0)
Returns a reference to the specified array element.
cv::Mat::operator()
Mat operator()(const Rect &roi) const
cv::cudev::GlobPtrSz::rows
int rows
Definition: glob.hpp:87
cv::Mat3f
Mat_< Vec3f > Mat3f
Definition: mat.hpp:2215
cv::borderInterpolate
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
cv::ximgproc::SuperpixelSLIC::getLabelContourMask
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelSLIC object.
cvMemStorageAlloc
void * cvMemStorageAlloc(CvMemStorage *storage, size_t size)
cv::dnn::Dict::ptr
DictValue * ptr(const String &key)
If the key in the dictionary then returns pointer to its value, else returns NULL.
cv::CAP_PROP_XI_LENS_FOCAL_LENGTH
@ CAP_PROP_XI_LENS_FOCAL_LENGTH
Lens focal distance in mm.
Definition: videoio.hpp:425
cv::detail::PaniniPortraitProjector
Definition: warpers.hpp:386
cv::ximgproc::createEdgeAwareInterpolator
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
tinyxml2::XMLUtil::ToStr
static void ToStr(int v, char *buffer, int bufferSize)
cv::hal::QR64f
int QR64f(double *A, size_t astep, int m, int n, int k, double *b, size_t bstep, double *hFactors)
cv::MatIterator_::reference
_Tp & reference
Definition: mat.hpp:2984
cv::rgbd::RgbdPlane::getThreshold
double getThreshold() const
Definition: rgbd.hpp:420
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Scalar &)
Definition: bridge.hpp:334
cv::SparsePyrLKOpticalFlow
Class used for calculating a sparse optical flow.
Definition: tracking.hpp:597
_mm_deinterleave_epi16
void _mm_deinterleave_epi16(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:294
cv::ximgproc::SLICO
@ SLICO
Definition: slic.hpp:155
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:257
cv::face::FaceRecognizer::getThreshold
virtual double getThreshold() const =0
threshold parameter accessor - required for default BestMinDist collector
cv::viz::KeyboardEvent::action
Action action
Definition: types.hpp:239
HaarClassifierCascadeDescriptor
Definition: NCVHaarObjectDetection.hpp:333
NCVVectorReuse::isMemReused
NcvBool isMemReused() const
Definition: NCV.hpp:723
cv::SparseMat_::ref
_Tp & ref(int i0, int i1, int i2, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(i0, i1, i2, hashval)
cv::TrackerStateEstimatorSVM
TrackerStateEstimator based on SVM.
Definition: tracker.hpp:778
cv::omnidir::XYZ
@ XYZ
Definition: omnidir.hpp:76
cv::sfm::euclideanToHomogeneous
void euclideanToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space. E.g., ((x,y)->(x,y,1))
cv::datasets::actionType
actionType
Definition: gr_skig.hpp:61
cv::datasets::GR_skigObj::rgb
std::string rgb
Definition: gr_skig.hpp:96
cv::COLOR_YUV2BGRA_IYUV
@ COLOR_YUV2BGRA_IYUV
Definition: imgproc.hpp:654
cv::ocl::Program
Definition: ocl.hpp:599
cv::Point2f
Point_< float > Point2f
Definition: types.hpp:181
cv::cuda::ALPHA_PLUS_PREMUL
@ ALPHA_PLUS_PREMUL
Definition: cudaimgproc.hpp:160
cv::TrackerMedianFlow::Params
Definition: tracker.hpp:1158
cv::viz::WGrid::WGrid
WGrid(const Vec2i &cells=Vec2i::all(10), const Vec2d &cells_spacing=Vec2d::all(1.0), const Color &color=Color::white())
Constructs a WGrid.
cv::COLOR_LBGR2Lab
@ COLOR_LBGR2Lab
Definition: imgproc.hpp:612
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< UMat > &vec)
CV_DIST_L12
@ CV_DIST_L12
Definition: types_c.h:561
cv::datasets::TRACK_vot::data
vector< vector< Ptr< TRACK_votObj > > > data
Definition: track_vot.hpp:86
cv::cudev::gridPyrUp
__host__ void gridPyrUp(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:79
cvCheckHardwareSupport
int cvCheckHardwareSupport(int feature)
extrapolation.hpp
cv::cuda::HoughSegmentDetector
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:391
cvRunHaarClassifierCascade
int cvRunHaarClassifierCascade(const CvHaarClassifierCascade *cascade, CvPoint pt, int start_stage=0)
cv::Error::StsFilterOffsetErr
@ StsFilterOffsetErr
incorrect filter ofset value
Definition: base.hpp:100
cv::ximgproc::bilateralTextureFilter
void bilateralTextureFilter(InputArray src, OutputArray dst, int fr=3, int numIter=1, double sigmaAlpha=-1., double sigmaAvg=-1.)
Applies the bilateral texture filter to an image. It performs structure-preserving texture filter....
cv::Mat::ptr
const uchar * ptr(int i0=0) const
cvGetAffineTransform
CvMat * cvGetAffineTransform(const CvPoint2D32f *src, const CvPoint2D32f *dst, CvMat *map_matrix)
Computes affine transform matrix for mapping src[i] to dst[i] (i=0,1,2)
cv::cudev::PtrTraits< Expr< Body > >::getRows
static __host__ int getRows(const Expr< Body > &expr)
Definition: expr.hpp:82
hal_ni_invSqrt64f
int hal_ni_invSqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:423
cv::cudev::gridMerge
__host__ void gridMerge(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:502
cvv::impl::CallMetaData::CallMetaData
CallMetaData(const char *file, size_t line, const char *function)
Creates the provided location.
Definition: call_meta_data.hpp:36
cv::ShapeContextDistanceExtractor::getImageAppearanceWeight
virtual float getImageAppearanceWeight() const =0
cv::StereoBM::setSmallerBlockSize
virtual void setSmallerBlockSize(int blockSize)=0
cv::videostab::TranslationBasedLocalOutlierRejector
Definition: outlier_rejection.hpp:75
cv::cuda::HoughLinesDetector
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:333
cv::rgbd::RgbdOdometry::setTransformType
void setTransformType(int val)
Definition: rgbd.hpp:710
cvInitUndistortMap
void cvInitUndistortMap(const CvMat *camera_matrix, const CvMat *distortion_coeffs, CvArr *mapx, CvArr *mapy)
Computes transformation map from intrinsic camera parameters that can used by cvRemap.
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< Mat > &vec)
cv::rgbd::RgbdPlane::RGBD_PLANE_METHOD
RGBD_PLANE_METHOD
Definition: rgbd.hpp:359
CvMat::type
int type
Definition: types_c.h:425
cv::cuda::flip
void flip(InputArray src, OutputArray dst, int flipCode, Stream &stream=Stream::Null())
Flips a 2D matrix around vertical, horizontal, or both axes.
cv::MatConstIterator::ptr
const uchar * ptr
Definition: mat.hpp:2913
reconstruct.hpp
CV_CVTIMG_FLIP
@ CV_CVTIMG_FLIP
Definition: imgcodecs_c.h:123
CvSeqBlock::prev
struct CvSeqBlock * prev
Definition: types_c.h:1217
cv::superres::BroxOpticalFlow::getSolverIterations
virtual int getSolverIterations() const =0
Number of linear system solver iterations.
cv::detail::Blender::~Blender
virtual ~Blender()
Definition: blenders.hpp:65
cv::COLOR_YUV2BGRA_UYNV
@ COLOR_YUV2BGRA_UYNV
Definition: imgproc.hpp:686
cv::Affine3::translation
Vec3 translation() const
cv::cudev::PyrUpBody
Definition: warping.hpp:131
cv::dnn::ReLULayer::negativeSlope
double negativeSlope
Definition: all_layers.hpp:339
tinyxml2::XMLElement::SetName
void SetName(const char *str, bool staticMem=false)
Set the name of the element.
Definition: tinyxml2.h:1142
cv::DescriptorMatcher::DescriptorCollection::~DescriptorCollection
virtual ~DescriptorCollection()
cv::cudev::ZipPtrSz::rows
int rows
Definition: zip.hpp:110
cv::REDUCE_MIN
@ REDUCE_MIN
the output is the minimum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:238
CV_CAP_PROP_XI_TARGET_TEMP
@ CV_CAP_PROP_XI_TARGET_TEMP
Definition: videoio_c.h:320
cv::ocl::Device::maxWorkItemSizes
void maxWorkItemSizes(size_t *) const
cv::ppf_match_3d::Pose3D::updatePoseQuat
void updatePoseQuat(double Q[4], double NewT[3])
Updates the pose with the new one, but this time using quaternions to represent rotation.
CV_CAP_PROP_OPENNI_MAX_TIME_DURATION
@ CV_CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio_c.h:233
cv::SimilarRects::SimilarRects
SimilarRects(double _eps)
Definition: objdetect.hpp:124
cv::Matx::col
Matx< _Tp, m, 1 > col(int i) const
extract the matrix column
cv::datasets::female
@ female
Definition: fr_adience.hpp:63
reduce_key_val.hpp
CV_CAP_OPENNI2
@ CV_CAP_OPENNI2
Definition: videoio_c.h:121
cv::ml::Boost
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1183
cv::cuda::CannyEdgeDetector::getAppertureSize
virtual int getAppertureSize() const =0
cv::FileNode::node
const CvFileNode * node
Definition: persistence.hpp:609
cv::instr::FLAGS_MAPPING
@ FLAGS_MAPPING
Definition: utility.hpp:1156
cv::TrackerSampler::getSamples
const std::vector< Mat > & getSamples() const
Return the samples from all TrackerSamplerAlgorithm, Fig. 1 variable Sk.
cv::ppf_match_3d::Pose3D::readPose
int readPose(const std::string &FileName)
cv::CALIB_FIX_TAUX_TAUY
@ CALIB_FIX_TAUX_TAUY
Definition: calib3d.hpp:269
cv::viz::WImage3D::setSize
void setSize(const Size &size)
Sets the image size of the widget.
cv::CompressedRectilinearPortraitWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:127
cv::detail::VoronoiSeamFinder::find
virtual void find(const std::vector< Size > &size, const std::vector< Point > &corners, std::vector< UMat > &masks)
cv::Mat::Mat
Mat(Size size, int type, const Scalar &s)
cv::cudev::warpFill
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
cv::rgbd::RgbdOdometry::checkParams
virtual void checkParams() const
cv::hal::normL2Sqr_
float normL2Sqr_(const float *a, const float *b, int n)
cv::FeatureDetector
Feature2D FeatureDetector
Definition: features2d.hpp:214
cv::hal::div16u
void div16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
ocr.hpp
cv::saliency::Saliency::getClassName
String getClassName() const
Get the name of the specific saliency type.
cvCheckTermCriteria
CvTermCriteria cvCheckTermCriteria(CvTermCriteria criteria, double default_eps, int default_max_iters)
cvflann::MinkowskiDistance::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:260
cv::TrackerSamplerCSC::samplingImpl
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
cv::FileNodeIterator::remaining
size_t remaining
Definition: persistence.hpp:684
cv::ogl::Buffer::unmapDevice
void unmapDevice()
cv::ppf_match_3d::PoseCluster3DPtr
Ptr< PoseCluster3D > PoseCluster3DPtr
Definition: pose_3d.hpp:61
cv::ocl::PlatformInfo::~PlatformInfo
~PlatformInfo()
CV_CAP_PROP_SUPPORTED_PREVIEW_SIZES_STRING
@ CV_CAP_PROP_SUPPORTED_PREVIEW_SIZES_STRING
Definition: videoio_c.h:212
cv::optflow::DISOpticalFlow::PRESET_FAST
@ PRESET_FAST
Definition: optflow.hpp:273
cv::Stitcher::blender
Ptr< detail::Blender > blender()
Definition: stitching.hpp:229
cv::ximgproc::segmentation::SelectiveSearchSegmentation::setBaseImage
virtual void setBaseImage(InputArray img)=0
Set a image used by switch* functions to initialize the class.
cvflann::PooledAllocator::usedMemory
int usedMemory
Definition: allocator.h:89
cv::viz::Color::magenta
static Color magenta()
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, String dslabel, const int *dims_offset, const int *dims_counts) const =0
Read specific dataset from hdf5 file into Mat object.
cv::viz::WPlane::WPlane
WPlane(const Size2d &size=Size2d(1.0, 1.0), const Color &color=Color::white())
Constructs a default plane with center point at origin and normal oriented along z-axis.
cv::xphoto::INPAINT_SHIFTMAP
@ INPAINT_SHIFTMAP
Definition: inpainting.hpp:67
nppiStRectStdDev_32f_C1R_host
NCVStatus nppiStRectStdDev_32f_C1R_host(Ncv32u *h_sum, Ncv32u sumStep, Ncv64u *h_sqsum, Ncv32u sqsumStep, Ncv32f *h_norm, Ncv32u normStep, NcvSize32u roi, NcvRect32u rect, Ncv32f scaleArea)
cv::FileNode::isNone
bool isNone() const
returns true if the node is a "none" object
NCVBroxOpticalFlowDescriptor::scale_factor
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
clEnqueueCopyBufferToImage
#define clEnqueueCopyBufferToImage
Definition: opencl_core_wrappers.hpp:76
cv::sfm::BaseSFM::setCameraIntrinsicOptions
virtual void setCameraIntrinsicOptions(const libmv_CameraIntrinsicsOptions &libmv_camera_intrinsics_options)=0
cv::detail::Blender::prepare
void prepare(const std::vector< Point > &corners, const std::vector< Size > &sizes)
Prepares the blender for blending.
cv::flann::LshIndexParams
Definition: miniflann.hpp:114
cv::findFundamentalMat
Mat findFundamentalMat(InputArray points1, InputArray points2, int method=FM_RANSAC, double param1=3., double param2=0.99, OutputArray mask=noArray())
Calculates a fundamental matrix from the corresponding points in two images.
tinyxml2::XML_ERROR_FILE_NOT_FOUND
@ XML_ERROR_FILE_NOT_FOUND
Definition: tinyxml2.h:1006
cv::cuda::HostMem::reshape
HostMem reshape(int cn, int rows=0) const
cv::bridge::Bridge::toPtrTonemap
Ptr_Tonemap toPtrTonemap()
Definition: bridge.hpp:503
cv::Subdiv2D::QuadEdge::QuadEdge
QuadEdge(int edgeidx)
cv::hal::cvtGraytoBGR
void cvtGraytoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn)
cv::cuda::DeviceInfo::maxTexture1DLayered
Vec2i maxTexture1DLayered() const
maximum 1D layered texture dimensions
cv::superres::SuperResolution::setScale
virtual void setScale(int val)=0
Scale factor.
cv::ocl::attachContext
void attachContext(const String &platformName, void *platformID, void *context, void *deviceID)
cv::convertPointsHomogeneous
void convertPointsHomogeneous(InputArray src, OutputArray dst)
Converts points to/from homogeneous coordinates.
cv::dnn::Net::getLayerId
int getLayerId(const String &layer)
Converts string name of the layer to the integer identifier.
CV_CAP_PROP_XI_WB_KB
@ CV_CAP_PROP_XI_WB_KB
Definition: videoio_c.h:307
CV_StsNotImplemented
@ CV_StsNotImplemented
Definition: types_c.h:164
cv::BaseClassifier::m_numWeakClassifier
int m_numWeakClassifier
Definition: onlineBoosting.hpp:142
tinyxml2::XMLDocument::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *) const
Definition: tinyxml2.h:1681
cv::Moments::m11
double m11
Definition: types.hpp:862
cv::cudev::minus
Definition: functional.hpp:87
cv::COLOR_Luv2LBGR
@ COLOR_Luv2LBGR
Definition: imgproc.hpp:619
cv::HOGDescriptor::nbins
int nbins
Definition: objdetect.hpp:425
nppiStIntegral_32f32f_C1R
NCVStatus nppiStIntegral_32f32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::CAP_PROP_XI_CC_MATRIX_33
@ CAP_PROP_XI_CC_MATRIX_33
Color Correction Matrix element [3][3].
Definition: videoio.hpp:412
NCVMemStackAllocator::~NCVMemStackAllocator
virtual ~NCVMemStackAllocator()
cv::cudev::SobelXPtrSz::cols
int cols
Definition: deriv.hpp:163
cv::ocl::Device::imageMaxArraySize
size_t imageMaxArraySize() const
cv::CALIB_CB_ASYMMETRIC_GRID
@ CALIB_CB_ASYMMETRIC_GRID
Definition: calib3d.hpp:250
cv::FileNode::begin
FileNodeIterator begin() const
returns iterator pointing to the first node element
cv::structured_light::GrayCodePattern::setWhiteThreshold
virtual void setWhiteThreshold(size_t value)=0
Sets the value for white threshold, needed for decoding.
cv::stereo::CV_SPECKLE_REMOVAL_ALGORITHM
@ CV_SPECKLE_REMOVAL_ALGORITHM
Definition: stereo.hpp:118
cv::CAP_PROP_XI_CC_MATRIX_22
@ CAP_PROP_XI_CC_MATRIX_22
Color Correction Matrix element [2][2].
Definition: videoio.hpp:407
cv::detail::PlanePortraitProjector
Definition: warpers.hpp:591
cv::flann::Index::getDistance
cvflann::flann_distance_t getDistance() const
CvStringHashNode::next
struct CvStringHashNode * next
Definition: types_c.h:1779
CV_CAP_PROP_FOURCC
@ CV_CAP_PROP_FOURCC
Definition: videoio_c.h:172
cv::MORPH_ERODE
@ MORPH_ERODE
see cv::erode
Definition: imgproc.hpp:236
cv::aruco::DetectorParameters::DetectorParameters
DetectorParameters()
cv::datasets::IS_weizmann::create
static Ptr< IS_weizmann > create()
cv::Vec::depth
@ depth
Definition: matx.hpp:309
cv::mixChannels
void mixChannels(const Mat *src, size_t nsrcs, Mat *dst, size_t ndsts, const int *fromTo, size_t npairs)
Copies specified channels from input arrays to the specified channels of output arrays.
CV_CAP_PROP_TRIGGER
@ CV_CAP_PROP_TRIGGER
Definition: videoio_c.h:192
cv::detail::AffineWarper::AffineWarper
AffineWarper(float scale=1.f)
Construct an instance of the affine warper class.
Definition: warpers.hpp:220
cv::cuda::DisparityBilateralFilter::getSigmaRange
virtual double getSigmaRange() const =0
filter range sigma
cv::ocl::Device::maxConstantArgs
int maxConstantArgs() const
cv::SVD::solveZ
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
cv::face::createBIF
cv::Ptr< BIF > createBIF(int num_bands=8, int num_rotations=12)
cv::BaseClassifier::generateRandomClassifier
void generateRandomClassifier()
cv::COLOR_RGB2HLS_FULL
@ COLOR_RGB2HLS_FULL
Definition: imgproc.hpp:605
cvSetTrackbarMin
void cvSetTrackbarMin(const char *trackbar_name, const char *window_name, int minval)
CV_TM_SQDIFF_NORMED
@ CV_TM_SQDIFF_NORMED
Definition: types_c.h:434
cv::viz::Color::Color
Color(const Scalar &color)
cv::UMat::copyTo
void copyTo(OutputArray m, InputArray mask) const
copies those matrix elements to "m" that are marked with non-zero mask elements.
cv::hal::split64s
void split64s(const int64 *src, int64 **dst, int len, int cn)
tinyxml2::XMLNode::ToElement
virtual const XMLElement * ToElement() const
Definition: tinyxml2.h:628
CV_CAP_PROP_XI_DEVICE_RESET
@ CV_CAP_PROP_XI_DEVICE_RESET
Definition: videoio_c.h:390
cv::detail::MatchesInfo::num_inliers
int num_inliers
Number of geometrically consistent matches.
Definition: matchers.hpp:215
cv::rgbd::DepthCleaner::DepthCleaner
DepthCleaner(int depth, int window_size=5, int method=DEPTH_CLEANER_NIL)
CV_CAP_PROP_XI_LENS_FOCUS_DISTANCE
@ CV_CAP_PROP_XI_LENS_FOCUS_DISTANCE
Definition: videoio_c.h:359
cv::datasets::TR_icdarObj::lex100
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
cv::ml::SVMSGD::getSvmsgdType
virtual int getSvmsgdType() const =0
Algorithm type, one of SVMSGD::SvmsgdType.
cv::videostab::FastMarchingMethod::run
Inpaint run(const Mat &mask, Inpaint inpaint)
Template method that runs the Fast Marching Method.
Definition: fast_marching_inl.hpp:54
cv::cuda::HOG
The class implements Histogram of Oriented Gradients () object detector.
Definition: cudaobjdetect.hpp:79
cv::PCAProject
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
nppStSupersample
@ nppStSupersample
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
cv::StrongClassifierDirectSelection::update
bool update(const Mat &image, int target, float importance=1.0)
cv::dnn::TanHLayer
Definition: all_layers.hpp:345
cv::Accumulator< unsigned short >::Type
float Type
Definition: features2d.hpp:715
cv::cuda::FarnebackOpticalFlow::setWinSize
virtual void setWinSize(int winSize)=0
cv::aruco::drawDetectedCornersCharuco
void drawDetectedCornersCharuco(InputOutputArray image, InputArray charucoCorners, InputArray charucoIds=noArray(), Scalar cornerColor=Scalar(255, 0, 0))
Draws a set of Charuco corners.
cv::cuda::FarnebackOpticalFlow::setFastPyramids
virtual void setFastPyramids(bool fastPyramids)=0
cv::bioinspired::Retina::getMagnoRAW
virtual void getMagnoRAW(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
clEnqueueNativeKernel
#define clEnqueueNativeKernel
Definition: opencl_core_wrappers.hpp:109
CV_CAP_OPENNI_DISPARITY_MAP
@ CV_CAP_OPENNI_DISPARITY_MAP
Definition: videoio_c.h:470
cv::SparseMat::ptr
uchar * ptr(int i0, int i1, bool createMissing, size_t *hashval=0)
returns pointer to the specified element (2D case)
cv::StereoMatcher::getBlockSize
virtual int getBlockSize() const =0
cv::Node::Node
Node()
Definition: utility.hpp:1011
cv::multicalib::MultiCameraCalibration
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:73
clAmdFftSetPlanScale
#define clAmdFftSetPlanScale
Definition: opencl_clamdfft.hpp:100
tinyxml2::XMLElement::OPEN
@ OPEN
Definition: tinyxml2.h:1462
cv::detail::selectRandomSubset
void selectRandomSubset(int count, int size, std::vector< int > &subset)
cv::cudev::DefaultCopyPolicy
Definition: copy.hpp:350
CvGraphVtx2D::flags
int flags
Definition: types_c.h:1356
cv::cuda::GpuMat::size
Size size() const
returns GpuMat size : width == number of columns, height == number of rows
cv::Tracker
Base abstract class for the long-term tracker:
Definition: tracker.hpp:531
cv::ClfOnlineStump::ClfOnlineStump
ClfOnlineStump()
cv::rgbd::OdometryFrame::pyramidCloud
std::vector< Mat > pyramidCloud
Definition: rgbd.hpp:515
cv::cudev::NormHamming::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:174
cv::SparseMatConstIterator::node
const SparseMat::Node * node() const
returns the current node of the sparse matrix. it.node->idx is the current element index
cv::sfm::KRtFromProjection
void KRtFromProjection(InputArray P, OutputArray K, OutputArray R, OutputArray t)
Get K, R and t from projection matrix P, decompose using the RQ decomposition.
cv::UMat::create
void create(int rows, int cols, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
allocates new matrix data unless the matrix already has specified size and type.
cv::CvHaarFeatureParams::scanAttr
virtual bool scanAttr(const std::string prm, const std::string val)
cv::Formatter::~Formatter
virtual ~Formatter()
cv::aruco::GridBoard::draw
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a GridBoard.
cv::CAP_PROP_SPEED
@ CAP_PROP_SPEED
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:551
cv::Moments::m21
double m21
Definition: types.hpp:862
cv::ximgproc::AdaptiveManifoldFilter::setTreeHeight
virtual void setTreeHeight(int val)=0
tinyxml2::StrPair::COLLAPSE_WHITESPACE
@ COLLAPSE_WHITESPACE
Definition: tinyxml2.h:152
cv::Mat::colRange
Mat colRange(const Range &r) const
cv::cuda::CascadeClassifier::setMinObjectSize
virtual void setMinObjectSize(Size minSize)=0
Minimum possible object size. Objects smaller than that are ignored.
cv::dpm::DPMDetector::getClassNames
virtual std::vector< std::string > const & getClassNames() const =0
Return the class (model) names that were passed in constructor or method load or extracted from model...
cv::xphoto::inpaint
void inpaint(const Mat &src, const Mat &mask, Mat &dst, const int algorithmType)
The function implements different single-image inpainting algorithms.
cvCalcOpticalFlowFarneback
void cvCalcOpticalFlowFarneback(const CvArr *prev, const CvArr *next, CvArr *flow, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags)
cv::FarnebackOpticalFlow::setWinSize
virtual void setWinSize(int winSize)=0
cv::EVENT_MBUTTONDBLCLK
@ EVENT_MBUTTONDBLCLK
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:214
cvCloneMat
CvMat * cvCloneMat(const CvMat *mat)
cv::cudev::VecTraits< schar >::make
__host__ __device__ static __forceinline__ schar make(schar x)
Definition: vec_traits.hpp:147
cv::datasets::FR_adienceObj::face_id
int face_id
Definition: fr_adience.hpp:71
cv::FileNode::FileNode
FileNode(const FileNode &node)
cv::Stitcher::setSeamEstimationResol
void setSeamEstimationResol(double resol_mpx)
Definition: stitching.hpp:173
CV_SUBMAT_FLAG
#define CV_SUBMAT_FLAG
Definition: cvdef.h:397
cv::getSeqElem
schar * getSeqElem(const CvSeq *seq, int index)
cvflann::KMeansIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: kmeans_index.h:498
cv::SparseMat::ref
_Tp & ref(int i0, int i1, int i2, size_t *hashval=0)
returns reference to the specified element (3D case)
cv::FileStorage::READ
@ READ
value, open the file for reading
Definition: persistence.hpp:308
cv::cudev::CommonAreaInterPtr::area_width
float area_width
Definition: interpolation.hpp:300
CV_CUDEV_GRAY2RGB_INST
#define CV_CUDEV_GRAY2RGB_INST(name, dcn)
Definition: color_cvt.hpp:89
cv::cuda::DensePyrLKOpticalFlow::setWinSize
virtual void setWinSize(Size winSize)=0
cv::VideoCapture::open
bool open(int cameraNum, int apiPreference)
Open a camera for video capturing.
cv::Rect_::Rect_
Rect_(const Rect_ &r)
CV_CAP_PROP_XI_FRAMERATE
@ CV_CAP_PROP_XI_FRAMERATE
Definition: videoio_c.h:371
cv::SparseMat::begin
SparseMatConstIterator begin() const
returns the read-only sparse matrix iterator at the matrix beginning
cv::videostab::ToFileMotionWriter::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)
intrin_neon.hpp
tinyxml2::XMLPrinter
Definition: tinyxml2.h:1954
CV_CAP_PROP_PVAPI_BINNINGY
@ CV_CAP_PROP_PVAPI_BINNINGY
Definition: videoio_c.h:257
cv::Mat_::clone
Mat_ clone() const
CvTermCriteria::CvTermCriteria
CvTermCriteria(int _type=0, int _iter=0, double _eps=0)
Definition: types_c.h:844
cv::videostab::PyrLkOptFlowEstimatorBase::winSize
virtual Size winSize() const
Definition: optical_flow.hpp:85
cv::ocl::Device::localMemSize
size_t localMemSize() const
cv::cudev::numeric_limits< ushort >::max
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
cv::Mat_::adjustROI
Mat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
some more overriden methods
CV_mRGBA2RGBA
@ CV_mRGBA2RGBA
Definition: types_c.h:325
CvHaarClassifierCascade::flags
int flags
Definition: objdetect_c.h:108
cv::detail::SphericalWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
cv::stereo::StereoMatcher::getMinDisparity
virtual int getMinDisparity() const =0
cvflann::KDTreeIndex::KDTreeIndex
KDTreeIndex(const Matrix< ElementType > &inputData, const IndexParams &params=KDTreeIndexParams(), Distance d=Distance())
Definition: kdtree_index.h:84
cv::VideoCapture::cap
Ptr< CvCapture > cap
Definition: videoio.hpp:800
tinyxml2::XML_ERROR_FILE_COULD_NOT_BE_OPENED
@ XML_ERROR_FILE_COULD_NOT_BE_OPENED
Definition: tinyxml2.h:1007
cvErode
void cvErode(const CvArr *src, CvArr *dst, IplConvKernel *element=NULL, int iterations=1)
erodes input image (applies minimum filter) one or more times. If element pointer is NULL,...
cv::dnn::Blob::equalShape
bool equalShape(const Blob &other) const
Checks equality of two blobs shapes.
cv::MergeMertens::getContrastWeight
virtual float getContrastWeight() const =0
tinyxml2::XML_WRONG_ATTRIBUTE_TYPE
@ XML_WRONG_ATTRIBUTE_TYPE
Definition: tinyxml2.h:1004
cv::detail::BundleAdjusterBase::estimate
virtual bool estimate(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< CameraParams > &cameras)
This method must implement camera parameters estimation logic in order to make the wrapper detail::Es...
cv::ml::ParamGrid::maxVal
double maxVal
Maximum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:116
cv::UMatDataAutoLock
Definition: mat.hpp:512
cv::_InputArray::_InputArray
_InputArray(const std::vector< Mat_< _Tp > > &vec)
cv::cudev::brdReflect101
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
CPU_AVX_512IFMA512
@ CPU_AVX_512IFMA512
Definition: cvdef.h:156
cv::bridge::Ptr_StereoBM
cv::Ptr< cv::StereoBM > Ptr_StereoBM
Definition: bridge.hpp:79
cv::Subdiv2D::Vertex
Definition: imgproc.hpp:1128
cv::cudacodec::JPEG
@ JPEG
Definition: cudacodec.hpp:250
cv::ClassifierThreshold::~ClassifierThreshold
virtual ~ClassifierThreshold()
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_beta
float parasolCells_beta
Definition: retina.hpp:176
cvClone
void * cvClone(const void *struct_ptr)
Makes a clone of an object.
cvflann::KNNUniqueResultSet::addPoint
void addPoint(DistanceType dist, int index)
Definition: result_set.h:405
cv::Mat::Mat
Mat(int ndims, const int *sizes, int type)
cv::saliency::StaticSaliencySpectralResidual::create
static Ptr< StaticSaliencySpectralResidual > create()
Definition: saliencySpecializedClasses.hpp:76
cvflann::anyimpl::choose_policy::type
big_any_policy< T > type
Definition: any.h:121
cvClearSeq
void cvClearSeq(CvSeq *seq)
cv::SOLVELP_UNFEASIBLE
@ SOLVELP_UNFEASIBLE
problem is unfeasible (there are no points that satisfy all the constraints imposed)
Definition: optim.hpp:260
cv::KeyPoint::class_id
int class_id
object class (if the keypoints need to be clustered by an object they belong to)
Definition: types.hpp:708
cv::ClfOnlineStump::classifySetF
std::vector< float > classifySetF(const Mat &x)
cv::ml::ANN_MLP::getRpropDW0
virtual double getRpropDW0() const =0
CV_RGB2BGR
@ CV_RGB2BGR
Definition: types_c.h:116
cv::rgbd::RgbdOdometry::getMaxDepth
double getMaxDepth() const
Definition: rgbd.hpp:666
hal_ni_recip64f
int hal_ni_recip64f(const double *src_data, size_t src_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:281
cv::GrabCutModes
GrabCutModes
GrabCut algorithm flags.
Definition: imgproc.hpp:367
cv::GFTTDetector::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
cv::Error::StsUnsupportedFormat
@ StsUnsupportedFormat
the data format/type is not supported by the function
Definition: base.hpp:110
cv::rgbd::OdometryFrame::pyramid_dI_dx
std::vector< Mat > pyramid_dI_dx
Definition: rgbd.hpp:517
cv::face::StandardCollector
Default predict collector.
Definition: predict_collector.hpp:83
cv::TrackerKCF::Params::desc_npca
unsigned int desc_npca
non-compressed descriptors of TrackerKCF::MODE
Definition: tracker.hpp:1249
cv::text::ERGROUPING_ORIENTATION_ANY
@ ERGROUPING_ORIENTATION_ANY
Definition: erfilter.hpp:293
NcvRect32s::x
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
cv::plot::createPlot2d
Ptr< Plot2d > createPlot2d(InputArray data)
Creates Plot2d object.
cv::Feature2D::detect
virtual void detect(InputArrayOfArrays images, std::vector< std::vector< KeyPoint > > &keypoints, InputArrayOfArrays masks=noArray())
cv::ximgproc::segmentation::SelectiveSearchSegmentation::switchToSelectiveSearchFast
virtual void switchToSelectiveSearchFast(int base_k=150, int inc_k=150, float sigma=0.8f)=0
Initialize the class with the 'Selective search fast' parameters describled in .
cv::ClfOnlineStump::_log_n1
float _log_n1
Definition: onlineMIL.hpp:96
cv::tracking::UnscentedKalmanFilterParams::measurementNoiseCov
Mat measurementNoiseCov
Measurement noise cross-covariance matrix, MP x MP.
Definition: kalman_filters.hpp:136
cv::rgbd::RgbdICPOdometry::getMaxRotation
double getMaxRotation() const
Definition: rgbd.hpp:977
cv::Matx::operator()
const _Tp & operator()(int i, int j) const
element access
cv::cudev::IsBinaryFunction::check
static Yes check(binary_function< T1, T2, D >)
cv::SimpleBlobDetector::Params::minInertiaRatio
float minInertiaRatio
Definition: features2d.hpp:575
cv::MatExpr::abs
MatExpr abs(const Mat &m)
Calculates an absolute value of each matrix element.
cv::SparseMat::hash
size_t hash(int i0, int i1, int i2) const
computes the element hash value (3D case)
cv::dnn::Net::getBlob
Blob getBlob(String outputName)
Returns the layer output blob.
CV_CAP_PROP_XI_AEAG
@ CV_CAP_PROP_XI_AEAG
Definition: videoio_c.h:276
cv::NORM_L1
@ NORM_L1
Definition: base.hpp:189
clGetDeviceIDs
#define clGetDeviceIDs
Definition: opencl_core.hpp:196
cv::COLOR_BGRA2RGBA
@ COLOR_BGRA2RGBA
Definition: imgproc.hpp:535
cv::Error::BadDepth
@ BadDepth
Definition: base.hpp:86
cv::detail::CompressedRectilinearPortraitProjector::a
float a
Definition: warpers.hpp:345
cv::ocl::ProgramSource::source
const String & source() const
cv::Mat::ptr
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
ncvDebugOutput
void ncvDebugOutput(const cv::String &msg)
cv::UMat::copySize
void copySize(const UMat &m)
internal use function; properly re-allocates _size, _step arrays
cv::cuda::DeviceInfo::maxThreadsPerMultiProcessor
int maxThreadsPerMultiProcessor() const
maximum resident threads per multiprocessor
cv::text::OCRHMMDecoder::transition_p
Mat transition_p
Definition: ocr.hpp:281
hal_ni_Cholesky32f
int hal_ni_Cholesky32f(float *src1, size_t src1_step, int m, float *src2, size_t src2_step, int n, bool *info)
Definition: hal_replacement.hpp:613
cv::WImageViewC::operator=
WImageViewC & operator=(const WImageViewC< T, C > &img)
Definition: wimage.hpp:483
cv::randpattern::RandomPatternCornerFinder::getObjectPoints
std::vector< cv::Mat > getObjectPoints()
cv::LineIterator::plusStep
int plusStep
Definition: imgproc.hpp:4598
CV_EVENT_FLAG_RBUTTON
@ CV_EVENT_FLAG_RBUTTON
Definition: highgui_c.h:195
cv::cuda::meanStdDev
void meanStdDev(InputArray mtx, Scalar &mean, Scalar &stddev)
Computes a mean value and a standard deviation of matrix elements.
CV_CAP_MODE_GRAY
@ CV_CAP_MODE_GRAY
Definition: videoio_c.h:461
cv::correctMatches
void correctMatches(InputArray F, InputArray points1, InputArray points2, OutputArray newPoints1, OutputArray newPoints2)
Refines coordinates of corresponding points.
cv::viz::Color::red
static Color red()
cv::ximgproc::EdgeAwareInterpolator::setFGSLambda
virtual void setFGSLambda(float _lambda)=0
Sets the respective fastGlobalSmootherFilter() parameter.
cv::stereo::StereoMatcher::getBlockSize
virtual int getBlockSize() const =0
cv::flann::CvType< float >::type
static int type()
Definition: flann.hpp:81
cv::cvarrToMatND
static Mat cvarrToMatND(const CvArr *arr, bool copyData=false, int coiMode=0)
Definition: core_c.h:2802
cv::KmeansFlags
KmeansFlags
k-Means flags
Definition: core.hpp:201
NCVVector::_memtype
NCVMemoryType _memtype
Definition: NCV.hpp:621
cv::cudacodec::RawVideoSource::~RawVideoSource
virtual ~RawVideoSource()
Definition: cudacodec.hpp:311
cv::FileNode::read
void read(const FileNode &node, SparseMat &mat, const SparseMat &default_mat=SparseMat())
cv::optflow::GPCTrainingParams::GPCTrainingParams
GPCTrainingParams(unsigned _maxTreeDepth=20, int _minNumberOfSamples=3, GPCDescType _descriptorType=GPC_DESCRIPTOR_DCT, bool _printProgress=true)
Definition: sparse_matching_gpc.hpp:131
IplConvKernelFP
Definition: types_c.h:364
cv::dnn::Net::forwardOpt
void forwardOpt(const std::vector< LayerId > &toLayers)
CvConvexityDefect::depth_point
CvPoint * depth_point
Definition: types_c.h:522
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_AlignMTB &)
Definition: bridge.hpp:457
cv::BOWTrainer::clear
virtual void clear()
cv::makeAgastOffsets
void makeAgastOffsets(int pixel[16], int rowStride, int type)
Definition: agast_score.txt:54
cv::cudev::numeric_limits< double >::min
__device__ static __forceinline__ double min()
Definition: limits.hpp:119
cv::ximgproc::WMFWeightType
WMFWeightType
Specifies weight types of weighted median filter.
Definition: weighted_median_filter.hpp:65
CV_StsUnmatchedFormats
@ CV_StsUnmatchedFormats
Definition: types_c.h:156
tinyxml2::XMLElement::SetAttribute
void SetAttribute(const char *name, const char *value)
Sets the named attribute to value.
Definition: tinyxml2.h:1306
cvflann::random_sample
Matrix< T > random_sample(Matrix< T > &srcMatrix, long size, bool remove=false)
Definition: sampling.h:40
cvflann::ZeroIterator::operator*
T operator*()
Definition: dist.h:756
debug_mode.hpp
cv::CAP_PVAPI_PIXELFORMAT_RGB24
@ CAP_PVAPI_PIXELFORMAT_RGB24
Rgb24.
Definition: videoio.hpp:313
cv::saliency::StaticSaliencyFineGrained::StaticSaliencyFineGrained
StaticSaliencyFineGrained()
matlab::ArgumentParser::parse
MxArrayVector parse(const MxArrayVector &inputs)
parse a vector of input arguments
Definition: mxarray.hpp:646
cv::StereoMatcher::setSpeckleRange
virtual void setSpeckleRange(int speckleRange)=0
cv::rgbd::ICPOdometry::ICPOdometry
ICPOdometry(const Mat &cameraMatrix, float minDepth=DEFAULT_MIN_DEPTH(), float maxDepth=DEFAULT_MAX_DEPTH(), float maxDepthDiff=DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), int transformType=RIGID_BODY_MOTION)
cv::COLOR_YUV2BGR_YUNV
@ COLOR_YUV2BGR_YUNV
Definition: imgproc.hpp:695
cv::cudev::abs
__device__ __forceinline__ uchar1 abs(const uchar1 &a)
Definition: vec_math.hpp:213
nppiStTranspose_64u_C1R_host
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::TrackerFeatureHOG::computeImpl
bool computeImpl(const std::vector< Mat > &images, Mat &response)
cv::SparseMatConstIterator_::operator++
SparseMatConstIterator_ & operator++()
moves iterator to the next element
cv::cudev::project1st::operator()
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
hal_ni_mul16s
int hal_ni_mul16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:241
cv::cudev::Binder2nd::arg2
Op::second_argument_type arg2
Definition: functional.hpp:854
CvStereoBMState::roi1
CvRect roi1
Definition: calib3d_c.h:346
tinyxml2::DynArray::~DynArray
~DynArray()
Definition: tinyxml2.h:219
CV_CAP_PROP_BUFFERSIZE
@ CV_CAP_PROP_BUFFERSIZE
Definition: videoio_c.h:206
cv::ml::EM::getWeights
virtual Mat getWeights() const =0
Returns weights of the mixtures.
nppiStSqrIntegralGetSize_8u64u
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
CV_MAT_CN
#define CV_MAT_CN(flags)
Definition: cvdef.h:389
cv::bioinspired::SegmentationParameters::SegmentationParameters
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
cv::MatIterator_::operator++
MatIterator_ & operator++()
increments the iterator
cv::cudev::atomicMin
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
cv::optflow::VariationalRefinement::setOmega
virtual void setOmega(float val)=0
Relaxation factor in SOR.
cv::ocl::ProgramSource::ProgramSource
ProgramSource()
cv::ParamType< uint64 >::const_param_type
uint64 const_param_type
Definition: core.hpp:3196
cv::TrackerSampler::getSamplers
const std::vector< std::pair< String, Ptr< TrackerSamplerAlgorithm > > > & getSamplers() const
Return the collection of the TrackerSamplerAlgorithm.
cv::cudacodec::VideoWriter::write
virtual void write(InputArray frame, bool lastFrame=false)=0
Writes the next video frame.
cv::DescriptorMatcher::isPossibleMatch
static bool isPossibleMatch(InputArray mask, int queryIdx, int trainIdx)
cv::UMat::flags
int flags
Definition: mat.hpp:2403
cv::Mat3w
Mat_< Vec3w > Mat3w
Definition: mat.hpp:2205
cv::StrongClassifierDirectSelection::getSwappedClassifier
int getSwappedClassifier() const
cv::datasets::PD_inriaObj::sType
sampleType sType
Definition: pd_inria.hpp:72
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_MergeMertens &)
Definition: bridge.hpp:487
CvMat::db
double * db
Definition: types_c.h:438
tinyxml2::XMLDocument::LoadFile
XMLError LoadFile(FILE *)
cv::videostab::MotionInpainter::optFlowEstimator
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
cvflann::BranchStruct::mindist
DistanceType mindist
Definition: result_set.h:53
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const ProgramSource &prog)
cvCreateChildMemStorage
CvMemStorage * cvCreateChildMemStorage(CvMemStorage *parent)
CV_HSV2RGB_FULL
@ CV_HSV2RGB_FULL
Definition: types_c.h:211
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_Tonemap &)
Definition: bridge.hpp:502
cv::viz::Camera::getPrincipalPoint
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:196
cv::FileStorage::write
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:955
cv::Mat::at
const _Tp & at(int i0=0) const
cv::cuda::createBackgroundSubtractorGMG
Ptr< cuda::BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates GMG Background Subtractor.
cv::ocl::Device::~Device
~Device()
cv::detail::restoreImageFromLaplacePyrGpu
void restoreImageFromLaplacePyrGpu(std::vector< UMat > &pyr)
cv::BaseCascadeClassifier::MaskGenerator::initializeMask
virtual void initializeMask(const Mat &)
Definition: objdetect.hpp:212
cv::FileNode::read
static void read(FileNodeIterator &it, std::vector< _Tp > &vec, size_t maxCount=(size_t) INT_MAX)
Definition: persistence.hpp:1081
cv::cudev::Binder2nd
Definition: functional.hpp:852
CV_CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
@ CV_CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio_c.h:240
cv::TermCriteria::type
int type
the type of termination criteria: COUNT, EPS or COUNT + EPS
Definition: types.hpp:802
clReleaseProgram
#define clReleaseProgram
Definition: opencl_core.hpp:244
cv::detail::Timelapser::process
virtual void process(InputArray img, InputArray mask, Point tl)
NCVVector::clear
void clear()
Definition: NCV.hpp:579
cv::WImage
Image class which provides a thin layer around an IplImage.
Definition: wimage.hpp:172
cvflann::CompositeIndex::size
size_t size() const
Definition: composite_index.h:112
cv::TrackerBoosting::Params::samplerSearchFactor
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1124
cv::detail::DpSeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
cv::TonemapDurand::setSaturation
virtual void setSaturation(float saturation)=0
hal_ni_cvtBGRtoBGR
int hal_ni_cvtBGRtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, int dcn, bool swapBlue)
hal_cvtBGRtoBGR
Definition: hal_replacement.hpp:309
cv::detail::BundleAdjusterBase::conf_thresh_
double conf_thresh_
Definition: motion_estimators.hpp:200
CV_CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
@ CV_CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
Definition: videoio_c.h:357
cv::CAP_PROP_BRIGHTNESS
@ CAP_PROP_BRIGHTNESS
Brightness of the image (only for cameras).
Definition: videoio.hpp:134
cv::CAP_OPENNI2
@ CAP_OPENNI2
OpenNI2 (for Kinect)
Definition: videoio.hpp:111
cv::OPTFLOW_FARNEBACK_GAUSSIAN
@ OPTFLOW_FARNEBACK_GAUSSIAN
Definition: tracking.hpp:58
cv::Matx13f
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:197
cv::videostab::OnePassStabilizer::setMotionFilter
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:144
cv::VideoWriter::create
static Ptr< IVideoWriter > create(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
cv::ocl::ProgramSource::hash_t
uint64 hash_t
Definition: ocl.hpp:630
cv::TrackerMedianFlow::Params::write
void write(FileStorage &) const
CV_CAP_PROP_HUE
@ CV_CAP_PROP_HUE
Definition: videoio_c.h:179
clAmdFftDestroyPlan
#define clAmdFftDestroyPlan
Definition: opencl_clamdfft.hpp:52
cv::text::ERStat::probability
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
CV_MOP_TOPHAT
@ CV_MOP_TOPHAT
Definition: types_c.h:392
cv::LDA::load
void load(const FileStorage &node)
cvCreateStereoBMState
CvStereoBMState * cvCreateStereoBMState(int preset=0, int numberOfDisparities=0)
cvflann::Index::getType
flann_algorithm_t getType() const
Definition: flann_base.hpp:184
cv::videostab::ILog::print
virtual void print(const char *format,...)=0
cv::COLOR_BGRA2YUV_I420
@ COLOR_BGRA2YUV_I420
Definition: imgproc.hpp:726
cv::WARP_INVERSE_MAP
@ WARP_INVERSE_MAP
Definition: imgproc.hpp:291
cv::BaseClassifier::m_idxOfNewWeakClassifier
int m_idxOfNewWeakClassifier
Definition: onlineBoosting.hpp:144
cv::CvHaarEvaluator::generateFeatures
virtual void generateFeatures(int numFeatures)
Overload the original generateFeatures in order to limit the number of the features.
cv::superres::createOptFlow_DualTVL1_CUDA
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
cv::ocl::PlatformInfo::p
Impl * p
Definition: ocl.hpp:664
tinyxml2::MemPool::ItemSize
virtual int ItemSize() const =0
CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_FAR
@ CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_FAR
Definition: videoio_c.h:421
cv::BaseCascadeClassifier::~BaseCascadeClassifier
virtual ~BaseCascadeClassifier()
cv::videostab::InpainterBase::stabilizedFrames_
const std::vector< Mat > * stabilizedFrames_
Definition: inpainting.hpp:98
NcvRect32u::NcvRect32u
__host__ __device__ NcvRect32u(Ncv32u x_, Ncv32u y_, Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:167
cv::TrackerKCF::Params::sigma
double sigma
gaussian kernel bandwidth
Definition: tracker.hpp:1237
hal_ni_resize
int hal_ni_resize(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, double inv_scale_x, double inv_scale_y, int interpolation)
hal_resize
Definition: hal_replacement.hpp:254
cv::CvHOGEvaluator::operator()
virtual float operator()(int varIdx, int sampleIdx)
Definition: feature.hpp:332
cvflann::LINEAR
@ LINEAR
Definition: defines.h:94
cv::cuda::Feature2DAsync::convert
virtual void convert(InputArray gpu_keypoints, std::vector< KeyPoint > &keypoints)=0
cv::dnn::Net::addLayer
int addLayer(const String &name, const String &type, LayerParams &params)
Adds new layer to the net.
cv::COLOR_RGB2BGR565
@ COLOR_RGB2BGR565
Definition: imgproc.hpp:548
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const char *prog)
cv::cuda::GpuMat::data
uchar * data
pointer to the data
Definition: cuda.hpp:292
cv::linemod::DepthNormal::DepthNormal
DepthNormal()
Default constructor. Uses reasonable default parameter values.
cv::cudev::TypeTraits::non_const_type
type_traits_detail::UnConst< T >::type non_const_type
Definition: type_traits.hpp:130
call_meta_data.hpp
cv::detail::BundleAdjusterBase::num_images_
int num_images_
Definition: motion_estimators.hpp:190
cv::_InputArray::getMatVector
void getMatVector(std::vector< Mat > &mv) const
cvCreateCameraCapture
CvCapture * cvCreateCameraCapture(int index)
start capturing frames from camera: index = camera_index + domain_offset (CV_CAP_*)
cv::cuda::Feature2DAsync::detectAndComputeAsync
virtual void detectAndComputeAsync(InputArray image, InputArray mask, OutputArray keypoints, OutputArray descriptors, bool useProvidedKeypoints=false, Stream &stream=Stream::Null())
cv::Point3_::ddot
double ddot(const Point3_ &pt) const
dot product computed in double-precision arithmetics
cvflann::HierarchicalClusteringIndex::operator=
HierarchicalClusteringIndex & operator=(const HierarchicalClusteringIndex &)
clEnqueueMigrateMemObjects
#define clEnqueueMigrateMemObjects
Definition: opencl_core_wrappers.hpp:103
cvflann::anyimpl::small_any_policy::get_value
virtual const void * get_value(void *const *src)
Definition: any.h:73
hal_ni_cvtBGRtoXYZ
int hal_ni_cvtBGRtoXYZ(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
hal_cvtBGRtoXYZ
Definition: hal_replacement.hpp:418
cv::cnn_3dobj::descriptorExtractor::setDeviceId
void setDeviceId(const int &device_id)
Set device ID information for feature extraction. Useful to change device without the need to reload ...
cv::TonemapDurand::setContrast
virtual void setContrast(float contrast)=0
cv::text::OCRBeamSearchDecoder::emission_p
Mat emission_p
Definition: ocr.hpp:449
cv::aruco::DetectorParameters::adaptiveThreshWinSizeStep
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:132
cv::Tracker::featureSet
Ptr< TrackerFeatureSet > featureSet
Definition: tracker.hpp:580
cv::superres::FarnebackOpticalFlow::getWindowSize
virtual int getWindowSize() const =0
cv::cudev::project2nd
Definition: functional.hpp:299
cv::VideoWriter::VideoWriter
VideoWriter()
Default constructors.
cv::DIST_MASK_3
@ DIST_MASK_3
mask=3
Definition: imgproc.hpp:321
cv::videostab::IMotionStabilizer::~IMotionStabilizer
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
cvWriteRawDataBase64
void cvWriteRawDataBase64(CvFileStorage *fs, const void *src, int len, const char *dt)
Writes multiple numbers in Base64.
IplTileInfo
struct _IplTileInfo IplTileInfo
Definition: types_c.h:340
MLN10
#define MLN10
Definition: descriptor.hpp:444
cv::cudev::scharrYPtr
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
cv::viz::Color::black
static Color black()
cv::cudev::ScharrYPtr
Definition: deriv.hpp:282
tinyxml2::XMLHandle
Definition: tinyxml2.h:1763
CvCapture
struct CvCapture CvCapture
"black box" capture structure
Definition: videoio_c.h:64
cv::hdf::HDF5
Hierarchical Data Format version 5 interface.
Definition: hdf5.hpp:57
cv::GeneralizedHough::getMinDist
virtual double getMinDist() const =0
cv::viz::Camera::computeProjectionMatrix
void computeProjectionMatrix(Matx44d &proj) const
Computes projection matrix using intrinsic parameters of the camera.
cv::TrackerGOTURN
GOTURN () is kind of trackers based on Convolutional Neural Networks (CNN). While taking all advantag...
Definition: tracker.hpp:1274
cv::CvHaarFeatureParams::printDefaults
virtual void printDefaults() const
cv::CAP_PROP_OPENNI_FRAME_MAX_DEPTH
@ CAP_PROP_OPENNI_FRAME_MAX_DEPTH
In mm.
Definition: videoio.hpp:220
cv::omnidir::RECTIFY_LONGLATI
@ RECTIFY_LONGLATI
Definition: omnidir.hpp:70
cv::detail::MercatorProjector
Definition: warpers.hpp:408
cvReleaseHist
void cvReleaseHist(CvHistogram **hist)
Releases the histogram.
cv::datasets::AR_sportsObj::videoUrl
std::string videoUrl
Definition: ar_sports.hpp:62
cv::cuda::BroxOpticalFlow::setInnerIterations
virtual void setInnerIterations(int inner_iterations)=0
cvflann::anyimpl::base_any_policy::static_delete
virtual void static_delete(void **x)=0
CV_CAP_PROP_OPENNI2_SYNC
@ CV_CAP_PROP_OPENNI2_SYNC
Definition: videoio_c.h:236
cv::loadWindowParameters
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
cv::_InputArray::isMatVector
bool isMatVector() const
cv::datasets::AR_hmdbObj::name
std::string name
Definition: ar_hmdb.hpp:63
cv::stereo::MVKernel::integralImage
int * integralImage[num_images]
Definition: descriptor.hpp:68
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, double value)
cv::TrackerMedianFlow
Median Flow tracker implementation.
Definition: tracker.hpp:1155
cv::structured_light::GrayCodePattern::getImagesForShadowMasks
virtual void getImagesForShadowMasks(InputOutputArray blackImage, InputOutputArray whiteImage) const =0
Generates the all-black and all-white images needed for shadowMasks computation.
cv::randpattern::RandomPatternCornerFinder::computeObjectImagePoints
void computeObjectImagePoints(std::vector< cv::Mat > inputImages)
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
CvPoint2D32f::CvPoint2D32f
CvPoint2D32f(const cv::Point_< _Tp > &pt)
Definition: types_c.h:901
Cv_iplCreateImageHeader
IplImage *(CV_STDCALL * Cv_iplCreateImageHeader)(int, int, int, char *, char *, int, int, int, int, int, IplROI *, IplImage *, void *, IplTileInfo *)
Definition: core_c.h:1936
cv::cuda::add
void add(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar sum.
cv::dnn::DictValue::pd
AutoBuffer< double, 1 > * pd
Definition: dict.hpp:98
cv::HOGDescriptor::setSVMDetector
virtual void setSVMDetector(InputArray _svmdetector)
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Scalar_< _Tp > &s)
Definition: persistence.hpp:1004
cv::FileNode::read
static void read(const FileNode &node, ushort &value, ushort default_value)
Definition: persistence.hpp:1065
cv::Seq::size
size_t size() const
returns the number of elements in the sequence
Definition: core_c.h:2996
cv::videostab::MM_UNKNOWN
@ MM_UNKNOWN
Definition: motion_core.hpp:68
clCreateKernelsInProgram
#define clCreateKernelsInProgram
Definition: opencl_core.hpp:122
cv::datasets::TRACK_vot::getDatasetsNum
virtual int getDatasetsNum()=0
CV_StsParseError
@ CV_StsParseError
Definition: types_c.h:163
cv::rgbd::RgbdFrame::RgbdFrame
RgbdFrame(const Mat &image, const Mat &depth, const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
cv::AKAZE
Class implementing the AKAZE keypoint detector and descriptor extractor, described in ....
Definition: features2d.hpp:652
cv::cudev::BrdReplicate
Definition: extrapolation.hpp:121
cv::MatExpr::min
MatExpr min(const Mat &a, const Mat &b)
cvflann::simpleDistance< L2_Simple< ElementType >, ElementType >::ResultType
L2_Simple< ElementType >::ResultType ResultType
Definition: dist.h:860
cv::flann::IndexParams
Definition: miniflann.hpp:56
cv::UMat::channels
int channels() const
returns element type, similar to CV_MAT_CN(cvmat->type)
cv::THRESH_BINARY_INV
@ THRESH_BINARY_INV
Definition: imgproc.hpp:330
cv::Matx12f
Matx< float, 1, 2 > Matx12f
Definition: matx.hpp:195
cvReadByName
void * cvReadByName(CvFileStorage *fs, const CvFileNode *map, const char *name, CvAttrList *attributes=NULL)
Finds an object by name and decodes it.
Definition: core_c.h:2455
cv::CAP_GPHOTO2
@ CAP_GPHOTO2
gPhoto2 connection
Definition: videoio.hpp:113
CV_BadAlign
@ CV_BadAlign
Definition: types_c.h:141
clFlush
#define clFlush
Definition: opencl_core_wrappers.hpp:142
CV_BadOrigin
@ CV_BadOrigin
Definition: types_c.h:140
clCreateContext
#define clCreateContext
Definition: opencl_core_wrappers.hpp:22
cvflann::L1::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:207
cv::BackgroundSubtractorMOG2::getVarMax
virtual double getVarMax() const =0
cvflann::Accumulator
Definition: dist.h:70
CPU_AVX_512PF
@ CPU_AVX_512PF
Definition: cvdef.h:157
ground_truth.h
cv::cudev::IsBinaryFunction::check
static No check(...)
cv::KeyPointsFilter::KeyPointsFilter
KeyPointsFilter()
Definition: features2d.hpp:101
cv::cuda::absdiff
void absdiff(InputArray src1, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
Computes per-element absolute difference of two matrices (or of a matrix and scalar).
CV_BGR2BGR565
@ CV_BGR2BGR565
Definition: types_c.h:130
cv::seqRemove
void seqRemove(CvSeq *seq, int index)
cv::ml::SVM::Kernel::getType
virtual int getType() const =0
cvflann::Heap::popMin
bool popMin(T &value)
Definition: heap.h:147
cv::detail::MercatorProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
hashtable_int::nodes
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
CvKalman::measurement_matrix
CvMat * measurement_matrix
Definition: tracking_c.h:191
cvSobel
void cvSobel(const CvArr *src, CvArr *dst, int xorder, int yorder, int aperture_size=3)
Calculates an image derivative using generalized Sobel.
cvflann::KDTreeIndex::saveIndex
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: kdtree_index.h:140
CV_BGR2YUV_YV12
@ CV_BGR2YUV_YV12
Definition: types_c.h:337
CV_YUV2RGBA_YUYV
@ CV_YUV2RGBA_YUYV
Definition: types_c.h:309
cv::FarnebackOpticalFlow::getWinSize
virtual int getWinSize() const =0
cv::cuda::getCudaEnabledDeviceCount
int getCudaEnabledDeviceCount()
Returns the number of installed CUDA-enabled devices.
cv::invert
double invert(InputArray src, OutputArray dst, int flags=DECOMP_LU)
Finds the inverse or pseudo-inverse of a matrix.
cv::line_descriptor::KeyLine
A class to represent a line.
Definition: descriptor.hpp:106
cv::WINDOW_NORMAL
@ WINDOW_NORMAL
the user can resize the window (no constraint) / also use to switch a fullscreen window to a normal s...
Definition: highgui.hpp:183
cv::UMat::locateROI
void locateROI(Size &wholeSize, Point &ofs) const
locates matrix header within a parent matrix. See below
CvGraphScanner::vtx
CvGraphVtx * vtx
Definition: core_c.h:1862
CV_CAP_PROP_XI_DECIMATION_SELECTOR
@ CV_CAP_PROP_XI_DECIMATION_SELECTOR
Definition: videoio_c.h:291
cv::cudev::MakeVec< schar, 3 >::type
char3 type
Definition: vec_traits.hpp:78
HaarStage64::setNumClassifierRootNodes
__host__ NCVStatus setNumClassifierRootNodes(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:291
cv::FileStorage::write
void write(FileStorage &fs, const String &name, double value)
cv::ppf_match_3d::samplePCUniformInd
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
cvflann::CompositeIndex
Definition: composite_index.h:72
CvSize2D32f::height
float height
Definition: types_c.h:1036
hal_ni_div64f
int hal_ni_div64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:263
descriptor.hpp
cv::BaseCascadeClassifier::getFeatureType
virtual int getFeatureType() const =0
cv::QtButtonTypes
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:246
cv::optflow::GPCForest::write
void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
Definition: sparse_matching_gpc.hpp:276
cv::dnn::DictValue::arrayReal
static DictValue arrayReal(TypeIter begin, int size)
Constructs floating point array.
cv::cudev::Sum::rebind
Definition: reduce_to_vec.hpp:70
HaarStage64::_ui2
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:273
cv::cudev::thresh_binary_func
__host__ __device__ ThreshBinaryFunc< T > thresh_binary_func(T thresh, T maxVal)
Definition: functional.hpp:706
cv::detail::RotationWarperBase::warpBackward
void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst)
Projects the image backward.
cv::_InputArray::total
size_t total(int i=-1) const
cv::COLOR_YUV420sp2BGR
@ COLOR_YUV420sp2BGR
Definition: imgproc.hpp:633
cv::CvFeatureEvaluator::~CvFeatureEvaluator
virtual ~CvFeatureEvaluator()
Definition: feature.hpp:159
cvflann::lsh::LshTable::BucketsSpace
std::map< BucketKey, Bucket > BucketsSpace
Definition: lsh_table.h:138
cv::ximgproc::StructuredEdgeDetection
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:98
cv::Stitcher::composePanorama
Status composePanorama(OutputArray pano)
cv::cuda::BackgroundSubtractorGMG::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
cv::DMatch::queryIdx
int queryIdx
Definition: types.hpp:744
cvDet
double cvDet(const CvArr *mat)
cv::sfm::homogeneousToEuclidean
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
cv::COLOR_BGR2RGB
@ COLOR_BGR2RGB
Definition: imgproc.hpp:532
cvflann::KDTreeSingleIndex::knnSearch
void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams &params)
Perform k-nearest neighbor search.
Definition: kdtree_single_index.h:212
cv::hal::cmp64f
void cmp64f(const double *src1, size_t step1, const double *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
tinyxml2::XMLVisitor::Visit
virtual bool Visit(const XMLUnknown &)
Visit an unknown node.
Definition: tinyxml2.h:478
cv::CommandLineParser::get
T get(int index, bool space_delete=true) const
Access positional arguments by index.
Definition: utility.hpp:833
cv::rgbd::OdometryFrame::pyramidNormals
std::vector< Mat > pyramidNormals
Definition: rgbd.hpp:521
cvCloneMatND
CvMatND * cvCloneMatND(const CvMatND *mat)
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::colorMode
bool colorMode
Definition: retina.hpp:161
cv::FastFeatureDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::WImage::operator()
T * operator()(int c, int r)
Definition: wimage.hpp:214
cv::CAP_OPENNI
@ CAP_OPENNI
OpenNI (for Kinect)
Definition: videoio.hpp:102
cv::line_descriptor::BinaryDescriptor::Params::widthOfBand_
int widthOfBand_
Definition: descriptor.hpp:200
cv::useOpenVX
bool useOpenVX()
Check if use of OpenVX is enabled.
cv::bioinspired::Retina::setupIPLMagnoChannel
virtual void setupIPLMagnoChannel(const bool normaliseOutput=true, const float parasolCells_beta=0.f, const float parasolCells_tau=0.f, const float parasolCells_k=7.f, const float amacrinCellsTemporalCutFrequency=1.2f, const float V0CompressionParameter=0.95f, const float localAdaptintegration_tau=0.f, const float localAdaptintegration_k=7.f)=0
Set parameters values for the Inner Plexiform Layer (IPL) magnocellular channel.
cv::RETR_EXTERNAL
@ RETR_EXTERNAL
Definition: imgproc.hpp:427
cv::optflow::GPCForest::create
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:306
cv::xphoto::SimpleWB::setOutputMax
virtual void setOutputMax(float val)=0
Output image range maximum value.
cv::rgbd::RgbdNormals::method_
int method_
Definition: rgbd.hpp:209
cv::ml::ANN_MLP::setBackpropMomentumScale
virtual void setBackpropMomentumScale(double val)=0
cv::cuda::magnitudeSqr
void magnitudeSqr(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes squared magnitudes of complex matrix elements.
cvCalibrationMatrixValues
void cvCalibrationMatrixValues(const CvMat *camera_matrix, CvSize image_size, double aperture_width=0, double aperture_height=0, double *fovx=NULL, double *fovy=NULL, double *focal_length=NULL, CvPoint2D64f *principal_point=NULL, double *pixel_aspect_ratio=NULL)
cv::ximgproc::l0Smooth
void l0Smooth(InputArray src, OutputArray dst, double lambda=0.02, double kappa=2.0)
Global image smoothing via L0 gradient minimization.
CV_CAP_PROP_XI_EXPOSURE_BURST_COUNT
@ CV_CAP_PROP_XI_EXPOSURE_BURST_COUNT
Definition: videoio_c.h:283
cv::cornerSubPix
void cornerSubPix(InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
Refines the corner locations.
INCVMemAllocator::maxSize
virtual size_t maxSize(void) const =0
cv::WImageBuffer::WImageBuffer
WImageBuffer(int width, int height, int nchannels)
Definition: wimage.hpp:303
cv::cudev::LargerType::type
SelectIf< unsigned(VecTraits< A >::cn) !=unsigned(VecTraits< B >::cn), void, typename MakeVec< typename type_traits_detail::LargerDepth< typename VecTraits< A >::elem_type, typename VecTraits< B >::elem_type >::type, VecTraits< A >::cn >::type >::type type
Definition: type_traits.hpp:167
CvType::CvType
CvType(const char *type_name, CvIsInstanceFunc is_instance, CvReleaseFunc release=0, CvReadFunc read=0, CvWriteFunc write=0, CvCloneFunc clone=0)
cv::reg::MapAffine::~MapAffine
~MapAffine(void)
cv::dpm::DPMDetector::ObjectDetection::ObjectDetection
ObjectDetection(const Rect &rect, float score, int classID=-1)
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7)
Definition: ocl.hpp:467
cv::SeqIterator
Definition: core_c.h:2923
hal_ni_cvtThreePlaneYUVtoBGR
int hal_ni_cvtThreePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
hal_cvtThreePlaneYUVtoBGR
Definition: hal_replacement.hpp:512
cv::viz::Viz3d::resetCameraViewpoint
void resetCameraViewpoint(const String &id)
Resets camera viewpoint to a 3D widget in the scene.
cv::stereo::StereoBinaryBM::getPreFilterType
virtual int getPreFilterType() const =0
cv::detail::ImageFeatures::img_size
Size img_size
Definition: matchers.hpp:65
cv::LineIterator::ptr0
const uchar * ptr0
Definition: imgproc.hpp:4594
cv::cuda::SparsePyrLKOpticalFlow::getWinSize
virtual Size getWinSize() const =0
cv::cudev::NormL1::mySum
result_type mySum
Definition: vec_distance.hpp:66
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
cv::DMatch::trainIdx
int trainIdx
Definition: types.hpp:745
cv::cuda::DeviceInfo::ComputeModeProhibited
@ ComputeModeProhibited
Definition: cuda.hpp:728
len
end else len
Definition: modelConvert.m:62
cv::tld::tld_InitDataset
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
cv::omnidir::internal::findMedian
double findMedian(const Mat &row)
cv::COLOR_BayerGB2GRAY
@ COLOR_BayerGB2GRAY
Definition: imgproc.hpp:746
cv::Matx33f
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:220
cv::CvHOGEvaluator::features
std::vector< Feature > features
Definition: feature.hpp:326
cv::BOWImgDescriptorExtractor
Class to compute an image descriptor using the bag of visual words.
Definition: features2d.hpp:1293
clRetainContext
#define clRetainContext
Definition: opencl_core_wrappers.hpp:232
cv::instr::getTrace
InstrNode * getTrace()
cv::linemod::Match::operator==
bool operator==(const Match &rhs) const
Definition: linemod.hpp:300
cv::cudev::thresh_to_zero_func
__host__ __device__ ThreshToZeroFunc< T > thresh_to_zero_func(T thresh)
Definition: functional.hpp:764
tinyxml2::XMLDocument::LoadFile
XMLError LoadFile(const char *filename)
CV_CAP_PROP_XI_HEIGHT
@ CV_CAP_PROP_XI_HEIGHT
Definition: videoio_c.h:309
cv::CAP_PROP_XI_COLOR_FILTER_ARRAY
@ CAP_PROP_XI_COLOR_FILTER_ARRAY
Returns color filter array type of RAW data.
Definition: videoio.hpp:393
CvKalman::state_pre
CvMat * state_pre
Definition: tracking_c.h:184
cv::v_sqr_magnitude
v_reg< _Tp, n > v_sqr_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Square of the magnitude.
Definition: intrin_cpp.hpp:740
cv::Allocator::const_pointer
const value_type * const_pointer
Definition: cvstd.hpp:132
cv::cudev::BinaryTransformPtr::src1
Src1Ptr src1
Definition: transform.hpp:109
IplConvKernel::nShiftR
int nShiftR
Definition: types_c.h:359
cv::superres::PyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int val)=0
cv::BFMatcher::BFMatcher
BFMatcher(int normType=NORM_L2, bool crossCheck=false)
Brute-force matcher constructor (obsolete). Please use BFMatcher.create()
cv::Rect_::value_type
_Tp value_type
Definition: types.hpp:384
cv::instr::NodeData::m_counter
volatile int m_counter
Definition: utility.hpp:1131
cv::ml::ANN_MLP::TrainingMethods
TrainingMethods
Definition: ml.hpp:1274
tinyxml2::XMLElement::DoubleAttribute
double DoubleAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1202
cv::StereoSGBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::CalibrateRobertson::getThreshold
virtual float getThreshold() const =0
cvIntegral
void cvIntegral(const CvArr *image, CvArr *sum, CvArr *sqsum=NULL, CvArr *tilted_sum=NULL)
Finds integral image: SUM(X,Y) = sum(x<X,y<Y)I(x,y)
cv::AKAZE::getDiffusivity
virtual int getDiffusivity() const =0
cv::cudev::min_
__host__ Expr< BinaryTransformPtrSz< typename PtrTraits< SrcPtr1 >::ptr_type, typename PtrTraits< SrcPtr2 >::ptr_type, minimum< typename LargerType< typename PtrTraits< SrcPtr1 >::value_type, typename PtrTraits< SrcPtr2 >::value_type >::type > > > min_(const SrcPtr1 &src1, const SrcPtr2 &src2)
Definition: per_element_func.hpp:66
cv::v_reinterpret_as_u8
v_uint8x16 v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1560
cv::datasets::TRACK_vot::getGT
virtual vector< Point2d > getGT()=0
cv::OPEN_CAMERA
@ OPEN_CAMERA
Definition: cap_winrt.hpp:40
cv::hal::cvtBGRtoYUV
void cvtBGRtoYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isCbCr)
cv::Rect_::contains
bool contains(const Point_< _Tp > &pt) const
checks whether the rectangle contains the point
cv::SparseMatIterator
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3085
cv::videostab::MotionInpainter::borderMode
int borderMode() const
Definition: inpainting.hpp:156
cv::VideoCapture::VideoCapture
VideoCapture()
Default constructor.
LOG_METHOD
#define LOG_METHOD(NAME, LEVEL)
Definition: logger.h:108
clEnqueueBarrier
#define clEnqueueBarrier
Definition: opencl_core_wrappers.hpp:64
cv::COLOR_YUV2RGBA_I420
@ COLOR_YUV2RGBA_I420
Definition: imgproc.hpp:655
cv::cuda::DeviceInfo::ECCEnabled
bool ECCEnabled() const
device has ECC support enabled
cv::ORB::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
cv::bgsegm::BackgroundSubtractorGMG
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:100
cv::cudacodec::SF_IYUV
@ SF_IYUV
Definition: cudacodec.hpp:76
cv::videostab::StabilizerBase::frameSource
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
cvGEMM
void cvGEMM(const CvArr *src1, const CvArr *src2, double alpha, const CvArr *src3, double beta, CvArr *dst, int tABC=0)
cv::KalmanFilter::correct
const Mat & correct(const Mat &measurement)
Updates the predicted state from the measurement.
cv::cudev::vcmpgt2
__device__ __forceinline__ uint vcmpgt2(uint a, uint b)
Definition: simd_functions.hpp:339
cv::cudev::globPtr
__host__ __device__ GlobPtr< T > globPtr(T *data, size_t step)
Definition: glob.hpp:91
CvContourScanner
struct _CvContourScanner * CvContourScanner
Definition: types_c.h:468
CvFileNode::tag
int tag
Definition: types_c.h:1788
tinyxml2::XMLElement::ShallowEqual
virtual bool ShallowEqual(const XMLNode *compare) const
cv::viz::WTrajectory
Trajectories.
Definition: widgets.hpp:605
cv::datasets::PascalPart
Definition: or_pascal.hpp:60
cv::ButtonCallback
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:277
nn_index.h
cv::dnn::PoolingLayer::type
int type
Definition: all_layers.hpp:261
cv::TonemapReinhard::setIntensity
virtual void setIntensity(float intensity)=0
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< UMat > &vec)
cv::CvLBPEvaluator::features
std::vector< Feature > features
Definition: feature.hpp:391
cv::cornerEigenValsAndVecs
void cornerEigenValsAndVecs(InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
cv::detail::FeaturesMatcher::FeaturesMatcher
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:256
cv::bioinspired::RetinaParameters::IplMagnoParameters::normaliseOutput
bool normaliseOutput
Definition: retina.hpp:175
cv::videostab::WobbleSuppressorBase::setMotionEstimator
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: wobble_suppression.hpp:67
CvAbstractCamera
Definition: cap_ios.h:43
cv::SparsePyrLKOpticalFlow::create
static Ptr< SparsePyrLKOpticalFlow > create(Size winSize=Size(21, 21), int maxLevel=3, TermCriteria crit=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
cv::Ptr::Ptr
Ptr()
cv::BOWImgDescriptorExtractor::compute
void compute(InputArray keypointDescriptors, OutputArray imgDescriptor, std::vector< std::vector< int > > *pointIdxsOfClusters=0)
CvConvexityDefect::start
CvPoint * start
Definition: types_c.h:520
cv::ximgproc::thinning
void thinning(InputArray src, OutputArray dst, int thinningType=THINNING_ZHANGSUEN)
Applies a binary blob thinning operation, to achieve a skeletization of the input image.
cv::videostab::ColorAverageInpainter
Definition: inpainting.hpp:175
cvCvtColor
void cvCvtColor(const CvArr *src, CvArr *dst, int code)
Converts input array pixels from one color space to another.
cv::KeyPoint::hash
size_t hash() const
cv::CAP_PROP_POS_MSEC
@ CAP_PROP_POS_MSEC
Current position of the video file in milliseconds.
Definition: videoio.hpp:124
CPU_SSE3
@ CPU_SSE3
Definition: cvdef.h:141
cvCheckChessboard
int cvCheckChessboard(IplImage *src, CvSize size)
cv::detail::stitchingLogLevel
int & stitchingLogLevel()
CV_CAP_PROP_PVAPI_DECIMATIONVERTICAL
@ CV_CAP_PROP_PVAPI_DECIMATIONVERTICAL
Definition: videoio_c.h:255
cv::ShapeTransformer::estimateTransformation
virtual void estimateTransformation(InputArray transformingShape, InputArray targetShape, std::vector< DMatch > &matches)=0
Estimate the transformation parameters of the current transformer algorithm, based on point matches.
cv::text::ERStat::pixels
std::vector< int > * pixels
Definition: erfilter.hpp:97
cv::dnn::RNNLayer::setWeights
virtual void setWeights(const Blob &Wxh, const Blob &bh, const Blob &Whh, const Blob &Who, const Blob &bo)=0
clCreateImage2D
#define clCreateImage2D
Definition: opencl_core.hpp:116
facerec.hpp
cv::cuda::GpuMat::ptr
const _Tp * ptr(int y=0) const
cv::xobjdetect::WBDetector::create
static Ptr< WBDetector > create()
Create instance of WBDetector.
cv::datasets::dark
@ dark
Definition: gr_skig.hpp:84
OPENCV_HAL_NOP
#define OPENCV_HAL_NOP(a)
Definition: intrin.hpp:55
cv::ml::ANN_MLP::setTermCriteria
virtual void setTermCriteria(TermCriteria val)=0
cv::IMREAD_REDUCED_GRAYSCALE_2
@ IMREAD_REDUCED_GRAYSCALE_2
If set, always convert image to the single channel grayscale image and the image size reduced 1/2.
Definition: imgcodecs.hpp:71
cv::SeqIterator::operator*
_Tp & operator*()
returns reference to the current sequence element
Definition: core_c.h:3104
cv::COLOR_YUV2RGBA_YUNV
@ COLOR_YUV2RGBA_YUNV
Definition: imgproc.hpp:703
cv::operator/=
v_reg< _Tp, n > & operator/=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:411
CvMat::rows
int rows
Definition: types_c.h:444
OPENCV_HAL_IMPL_MINMAX_FUNC
#define OPENCV_HAL_IMPL_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:515
cv::videostab::ColorInpainter
Definition: inpainting.hpp:184
cv::CAP_PROP_AUTO_EXPOSURE
@ CAP_PROP_AUTO_EXPOSURE
DC1394: exposure control done by camera, user can adjust reference level using this feature.
Definition: videoio.hpp:145
CV_YUV420sp2RGBA
@ CV_YUV420sp2RGBA
Definition: types_c.h:247
cv::bgsegm::BackgroundSubtractorMOG
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: bgsegm.hpp:63
cv::projectPoints
void projectPoints(InputArray objectPoints, InputArray rvec, InputArray tvec, InputArray cameraMatrix, InputArray distCoeffs, OutputArray imagePoints, OutputArray jacobian=noArray(), double aspectRatio=0)
Projects 3D points to an image plane.
NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
Definition: NCV.hpp:344
cv::stereo::CensusKernel::CensusKernel
CensusKernel(uint8_t **images)
Definition: descriptor.hpp:176
cv::Range::Range
Range()
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D(Pose3DPtr newPose)
Definition: pose_3d.hpp:147
TIXML2_MAJOR_VERSION
static const int TIXML2_MAJOR_VERSION
Definition: tinyxml2.h:125
cv::KAZE::getNOctaveLayers
virtual int getNOctaveLayers() const =0
CV_BLUR
@ CV_BLUR
Definition: types_c.h:76
cv::aruco::DetectorParameters::minOtsuStdDev
double minOtsuStdDev
Definition: aruco.hpp:148
cv::CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
@ CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Readonly, returns (const char *).
Definition: videoio.hpp:546
cvGetNextSparseNode
CvSparseNode * cvGetNextSparseNode(CvSparseMatIterator *mat_iterator)
Returns the next sparse matrix element.
Definition: core_c.h:542
cv::ReduceTypes
ReduceTypes
Definition: core.hpp:235
cv::Tonemap::getGamma
virtual float getGamma() const =0
cv::cudev::GpuMat_::operator=
__host__ GpuMat_ & operator=(const GpuMat_ &m)
assignment operators
cv::ximgproc::dtFilter
void dtFilter(InputArray guide, InputArray src, OutputArray dst, double sigmaSpatial, double sigmaColor, int mode=DTF_NC, int numIters=3)
Simple one-line Domain Transform filter call. If you have multiple images to filter with the same gui...
cv::cudev::interCubic
__host__ CubicInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interCubic(const SrcPtr &src)
Definition: interpolation.hpp:219
cv::_InputArray::init
void init(int _flags, const void *_obj)
cvPerspectiveTransform
void cvPerspectiveTransform(const CvArr *src, CvArr *dst, const CvMat *mat)
cv::datasets::Dataset::test
std::vector< std::vector< Ptr< Object > > > test
Definition: dataset.hpp:533
cvEllipse2Poly
int cvEllipse2Poly(CvPoint center, CvSize axes, int angle, int arc_start, int arc_end, CvPoint *pts, int delta)
Returns the polygon points which make up the given ellipse.
cv::cnn_3dobj::icoSphere::getRadius
float getRadius(cv::Mat cloud, cv::Point3d center)
Get the proper camera radius from the view point to the center of model.
cvflann::any::any
any(const char *x)
Special initializing constructor for string literals.
Definition: any.h:204
CV_IN_OUT
#define CV_IN_OUT
Definition: cvdef.h:377
tinyxml2::XMLAttribute::Value
const char * Value() const
The value of the attribute.
cv::Error::StsKernelStructContentErr
@ StsKernelStructContentErr
incorr. transform kernel content
Definition: base.hpp:99
cv::rgbd::isValidDepth
bool isValidDepth(const float &depth)
Definition: rgbd.hpp:61
cv::cudev::VecTraits< char1 >::all
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
cv::TrackerMIL::Params::read
void read(const FileNode &fn)
cv::stereo::StereoMatcher::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::face::StandardCollector::getResultsMap
std::map< int, double > getResultsMap() const
Return results as map Labels are keys, values are minimal distances.
cv::detail::GraphEdge
Definition: util.hpp:73
cv::AgastFeatureDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::Mat_::eye
static MatExpr eye(Size size)
cv::TrackerGOTURN::Params
Definition: tracker.hpp:1277
tinyxml2::XMLAttribute::DoubleValue
double DoubleValue() const
Query as a double. See IntValue()
Definition: tinyxml2.h:1070
CV_CAP_PROP_XI_WIDTH
@ CV_CAP_PROP_XI_WIDTH
Definition: videoio_c.h:308
CV_HSV2RGB
@ CV_HSV2RGB
Definition: types_c.h:186
cv::VideoCapture
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:597
cv::FarnebackOpticalFlow::setNumIters
virtual void setNumIters(int numIters)=0
cv::cudev::ConstantPtrSz::rows
int rows
Definition: constant.hpp:69
cv::DataType::depth
@ depth
Definition: traits.hpp:114
cv::cudev::remap_
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > > remap_(const SrcPtr &src, const MapPtr &map)
Definition: warping.hpp:76
cv::AgastFeatureDetector::NONMAX_SUPPRESSION
@ NONMAX_SUPPRESSION
Definition: features2d.hpp:479
cv::cudev::threshToZero_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshToZeroFunc< typename PtrTraits< SrcPtr >::value_type > > > threshToZero_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:103
cv::SparseMat_
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2788
tinyxml2::XMLElement::IntAttribute
int IntAttribute(const char *name) const
Definition: tinyxml2.h:1184
cvflann::ensureSimpleDistance
Distance::ResultType ensureSimpleDistance(typename Distance::ResultType dist)
Definition: dist.h:895
cv::text::OCRHMMDecoder::ClassifierCallback
Callback with the character classifier is made a class.
Definition: ocr.hpp:171
CV_COMP_CHISQR_ALT
@ CV_COMP_CHISQR_ALT
Definition: types_c.h:535
cv::xphoto::LearningBasedWB::extractSimpleFeatures
virtual void extractSimpleFeatures(InputArray src, OutputArray dst)=0
Implements the feature extraction part of the algorithm.
cvflann::HistIntersectionDistance
Definition: dist.h:535
cv::ocl::Device::deviceVersionMajor
int deviceVersionMajor() const
cvflann::allocate
T * allocate(size_t count=1)
Definition: allocator.h:49
cv::cudev::ThreshTruncFunc
Definition: functional.hpp:735
cv::LDA::~LDA
~LDA()
cvflann::anyimpl::empty_any
Definition: any.h:31
cv::UndistortTypes
UndistortTypes
cv::undistort mode
Definition: imgproc.hpp:353
cvTermCriteria
CvTermCriteria cvTermCriteria(int type, int max_iter, double epsilon)
Definition: types_c.h:852
cv::_writeFeatures
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:106
cv::dnn::Layer::allocate
void allocate(const std::vector< Blob > &inputs, std::vector< Blob > &outputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
tinyxml2::XMLUnknown::operator=
XMLUnknown & operator=(const XMLUnknown &)
cv::FarnebackOpticalFlow::getPolySigma
virtual double getPolySigma() const =0
CV_EVENT_LBUTTONDOWN
@ CV_EVENT_LBUTTONDOWN
Definition: highgui_c.h:179
cv::cnn_3dobj::descriptorExtractor::extract
void extract(InputArrayOfArrays inputimg, OutputArray feature, String feature_blob)
Extract features from a single image or from a vector of images. If loadNet was not called before,...
cv::TM_CCOEFF_NORMED
@ TM_CCOEFF_NORMED
Definition: imgproc.hpp:3637
cv::dnn::BlobShape::size
int & size(int axis)
Returns reference to the size of the specified axis.
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor()
Definition: objdetect.hpp:345
cv::structured_light::SinusoidalPattern::computeDataModulationTerm
virtual void computeDataModulationTerm(InputArrayOfArrays patternImages, OutputArray dataModulationTerm, InputArray shadowMask)=0
compute the data modulation term.
cvflann::L2::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:139
cv::CAP_PROP_IOS_DEVICE_FLASH
@ CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio.hpp:488
cv::ocl::Context::useSVM
bool useSVM() const
cv::videostab::WobbleSuppressorBase::setStabilizationMotions
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:84
cv::tracking::UnscentedKalmanFilterParams::beta
double beta
Default is 2.0.
Definition: kalman_filters.hpp:141
tinyxml2::XMLElement::QueryAttribute
int QueryAttribute(const char *name, unsigned int *value) const
Definition: tinyxml2.h:1289
cv::cudev::LaplacianPtr< 3, SrcPtr >::index_type
int index_type
Definition: deriv.hpp:352
nppsStCompact_32f_host
NCVStatus nppsStCompact_32f_host(Ncv32f *h_src, Ncv32u srcLen, Ncv32f *h_dst, Ncv32u *dstLen, Ncv32f elemRemove)
CV_YUV2RGB_Y422
@ CV_YUV2RGB_Y422
Definition: types_c.h:282
cv::datasets::TRACK_votObj::imagePath
std::string imagePath
Definition: track_vot.hpp:64
cv::Accumulator< unsigned char >::Type
float Type
Definition: features2d.hpp:714
cv::cuda::HOG::setWinStride
virtual void setWinStride(Size win_stride)=0
Window stride. It must be a multiple of block stride.
cvDecomposeProjectionMatrix
void cvDecomposeProjectionMatrix(const CvMat *projMatr, CvMat *calibMatr, CvMat *rotMatr, CvMat *posVect, CvMat *rotMatrX=NULL, CvMat *rotMatrY=NULL, CvMat *rotMatrZ=NULL, CvPoint3D64f *eulerAngles=NULL)
cv::saliency::StaticSaliencySpectralResidual::setImageWidth
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
cv::threshold
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
cv::BaseClassifier::getErrors
void getErrors(float *errors)
cv::MatExpr::MatExpr
MatExpr()
cv::MatSize
Definition: mat.hpp:520
CvHidHaarClassifierCascade
struct CvHidHaarClassifierCascade CvHidHaarClassifierCascade
Definition: objdetect_c.h:104
NCV_INVALID_STEP
@ NCV_INVALID_STEP
Definition: NCV.hpp:329
cv::VideoWriter::get
virtual double get(int propId) const
Returns the specified VideoWriter property.
cv::COLOR_YUV2GRAY_YV12
@ COLOR_YUV2GRAY_YV12
Definition: imgproc.hpp:663
cv::MORPH_HITMISS
@ MORPH_HITMISS
Definition: imgproc.hpp:248
cv::cudev::ResizePtr::fx
float fx
Definition: resize.hpp:66
CV_CUDEV_RGB2HSV_INST
#define CV_CUDEV_RGB2HSV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:209
cvAnd
void cvAnd(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
cv::optflow::DISOpticalFlow::setUseMeanNormalization
virtual void setUseMeanNormalization(bool val)=0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
cv::dnn::Layer::forward
void forward(const std::vector< Blob > &inputs, std::vector< Blob > &outputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::ocl::Device::preferredVectorWidthShort
int preferredVectorWidthShort() const
cv::detail::BestOf2NearestMatcher::num_matches_thresh2_
int num_matches_thresh2_
Definition: matchers.hpp:297
cvEncodeImage
CvMat * cvEncodeImage(const char *ext, const CvArr *image, const int *params=0)
cv::accumulateSquare
void accumulateSquare(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds the square of a source image to the accumulator.
cvflann::MaxDistance::is_kdtree_distance
False is_kdtree_distance
Definition: dist.h:324
cvReshape
CvMat * cvReshape(const CvArr *arr, CvMat *header, int new_cn, int new_rows=0)
Changes shape of matrix/image without copying data.
cv::bioinspired::Retina::getParvo
virtual void getParvo(OutputArray retinaOutput_parvo)=0
Accessor of the details channel of the retina (models foveal vision).
cv::ml::EM::getCovarianceMatrixType
virtual int getCovarianceMatrixType() const =0
CV_CUDEV_Luv2RGB_INST
#define CV_CUDEV_Luv2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:398
CvCmpFunc
int(* CvCmpFunc)(const void *a, const void *b, void *userdata)
Definition: core_c.h:1706
hal_ni_morphFree
int hal_ni_morphFree(cvhalFilter2D *context)
hal_morphFree
Definition: hal_replacement.hpp:230
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(UMat &m)
cv::cudev::saturate_cast< schar >
__device__ __forceinline__ schar saturate_cast< schar >(uchar v)
Definition: saturate_cast.hpp:109
tinyxml2::XML_ERROR_PARSING_DECLARATION
@ XML_ERROR_PARSING_DECLARATION
Definition: tinyxml2.h:1016
cvflann::KMeansIndex::KMeansDistanceComputer::KMeansDistanceComputer
KMeansDistanceComputer(Distance _distance, const Matrix< ElementType > &_dataset, const int _branching, const int *_indices, const Matrix< double > &_dcenters, const size_t _veclen, int *_count, int *_belongs_to, std::vector< DistanceType > &_radiuses, bool &_converged, cv::Mutex &_mtx)
Definition: kmeans_index.h:277
cv::Mutex::lock
void lock()
cvFont
CvFont cvFont(double scale, int thickness=1)
Definition: imgproc_c.h:1157
clEnqueueWaitForEvents
#define clEnqueueWaitForEvents
Definition: opencl_core.hpp:180
cv::CovarFlags
CovarFlags
Covariation flags.
Definition: core.hpp:165
cv::TrackerStateEstimatorMILBoosting
TrackerStateEstimator based on Boosting.
Definition: tracker.hpp:591
cv::bridge::Bridge::toPtrTonemapMantiuk
Ptr_TonemapMantiuk toPtrTonemapMantiuk()
Definition: bridge.hpp:518
cv::CAP_PROP_GIGA_FRAME_OFFSET_X
@ CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio.hpp:499
cv::invertAffineTransform
void invertAffineTransform(InputArray M, OutputArray iM)
Inverts an affine transformation.
cv::datasets::HPE_humanevaObj::type2
std::string type2
Definition: hpe_humaneva.hpp:65
cv::CAP_PROP_PAN
@ CAP_PROP_PAN
Definition: videoio.hpp:156
cv::datasets::FR_lfw::load
virtual void load(const std::string &path)=0
cv::KalmanFilter::errorCovPost
Mat errorCovPost
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: tracking.hpp:374
cvflann::BranchStruct
Definition: result_set.h:51
hal_ni_cvtTwoPlaneYUVtoBGR
int hal_ni_cvtTwoPlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
hal_cvtTwoPlaneYUVtoBGR
Definition: hal_replacement.hpp:499
cv::ccalib::CustomPattern::findRtRANSAC
bool findRtRANSAC(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, int minInliersCount=100, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
hal_ni_dft2D
int hal_ni_dft2D(cvhalDFT *context, const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)
Definition: hal_replacement.hpp:543
cv::directx::convertToD3D11Texture2D
void convertToD3D11Texture2D(InputArray src, ID3D11Texture2D *pD3D11Texture2D)
Converts InputArray to ID3D11Texture2D. If destination texture format is DXGI_FORMAT_NV12 then input ...
cv::cuda::NATIVE_DOUBLE
@ NATIVE_DOUBLE
Definition: cuda.hpp:607
cv::detail::StereographicWarper::StereographicWarper
StereographicWarper(float scale)
Definition: warpers.hpp:318
cv::Mat::dims
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:1957
cv::datasets::AR_hmdb::create
static Ptr< AR_hmdb > create()
cv::v_reg::v_reg
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:291
cv::cudev::gridFindMaxVal
__host__ void gridFindMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:329
cv::ximgproc::getDisparityVis
void getDisparityVis(InputArray src, OutputArray dst, double scale=1.0)
Function for creating a disparity map visualization (clamped CV_8U image)
imgproc_c.h
cv::ximgproc::AdaptiveManifoldFilter
Interface for Adaptive Manifold Filter realizations.
Definition: edge_filter.hpp:204
cv::MultiTracker_Alt::boundingBoxes
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracker.hpp:1446
CvSize::CvSize
CvSize(int w=0, int h=0)
Definition: types_c.h:1013
cv::Allocator::pointer
value_type * pointer
Definition: cvstd.hpp:131
cv::instr::NodeData::m_tls
TLSData< NodeDataTls > m_tls
Definition: utility.hpp:1133
cv::aruco::estimatePoseSingleMarkers
void estimatePoseSingleMarkers(InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs)
Pose estimation for single markers.
cv::SparseMat::SparseMat
SparseMat()
Various SparseMat constructors.
cv::cudev::gridFindMinVal
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
cv::CALIB_CB_FAST_CHECK
@ CALIB_CB_FAST_CHECK
Definition: calib3d.hpp:246
cvflann::CompositeIndex::CompositeIndex
CompositeIndex(const CompositeIndex &)
cv::Mat::isContinuous
bool isContinuous() const
Reports whether the matrix is continuous or not.
cv::Subdiv2D
Definition: imgproc.hpp:906
cv::SimpleBlobDetector::Params
Definition: features2d.hpp:557
cv::videostab::TwoPassStabilizer::setWobbleSuppressor
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:167
cv::viz::MouseEvent::type
Type type
Definition: types.hpp:264
cv::MergeRobertson
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:705
CvString
Definition: types_c.h:1767
cv::cuda::Event::Event
Event(CreateFlags flags=DEFAULT)
IplROI::coi
int coi
Definition: types_c.h:344
tinyxml2::DynArray::PeekTop
const T & PeekTop() const
Definition: tinyxml2.h:264
cv::Mat::Mat
Mat(const Matx< _Tp, m, n > &mtx, bool copyData=true)
cv::Subdiv2D::Vertex::Vertex
Vertex()
cvflann::HierarchicalClusteringIndex::getType
flann_algorithm_t getType() const
Definition: hierarchical_clustering_index.h:483
cv::COLOR_BayerGB2RGB_VNG
@ COLOR_BayerGB2RGB_VNG
Definition: imgproc.hpp:757
cv::ppf_match_3d::normalize_pc
Mat normalize_pc(Mat pc, float scale)
tinyxml2::XMLElement::SetText
void SetText(unsigned value)
Convenience method for setting text inside and element. See SetText() for important limitations.
cv::CascadeClassifier::getFeatureType
int getFeatureType() const
cv::ocl::Context::setUseSVM
void setUseSVM(bool enabled)
tinyxml2::XML_ERROR_FILE_READ_ERROR
@ XML_ERROR_FILE_READ_ERROR
Definition: tinyxml2.h:1008
tinyxml2::XMLUtil::SkipWhiteSpace
static const char * SkipWhiteSpace(const char *p)
Definition: tinyxml2.h:492
cv::videostab::TwoPassStabilizer
Definition: stabilizer.hpp:160
cv::cuda::fastNlMeansDenoisingColored
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h_luminance, float photo_render, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Modification of fastNlMeansDenoising function for colored images.
cv::BufferPoolController::freeAllReservedBuffers
virtual void freeAllReservedBuffers()=0
histogram.hpp
cvSVD
void cvSVD(CvArr *A, CvArr *W, CvArr *U=NULL, CvArr *V=NULL, int flags=0)
cv::stereo::StereoMatcher::setBlockSize
virtual void setBlockSize(int blockSize)=0
cv::VideoCapture::VideoCapture
VideoCapture(int index)
Open a camera for video capturing.
CV_CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
@ CV_CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
Definition: videoio_c.h:409
cv::waitKey
int waitKey(int delay=0)
Waits for a pressed key.
CV_DIST_L1
@ CV_DIST_L1
Definition: types_c.h:558
cv::saturate_cast< short >
short saturate_cast< short >(ushort v)
Definition: saturate.hpp:131
cv::detail::ExposureCompensator
Base class for all exposure compensators.
Definition: exposure_compensate.hpp:61
cv::COLOR_BayerGB2BGR_EA
@ COLOR_BayerGB2BGR_EA
Definition: imgproc.hpp:763
cv::dnn::_Range::_Range
_Range(int start, int size=1)
Definition: shape_utils.hpp:80
cv::superres::BroxOpticalFlow::getGamma
virtual double getGamma() const =0
Gradient constancy importance.
cv::Error::BadOffset
@ BadOffset
offset is invalid
Definition: base.hpp:80
cv::linemod::QuantizedPyramid
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:93
CV_FONT_DEMIBOLD
@ CV_FONT_DEMIBOLD
Definition: highgui_c.h:70
cv::dnn::Blob::getRef
XMat & getRef(bool writeOnly=true)
cv::videostab::InpainterBase::frames_
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
cv::CvHaarEvaluator::writeFeature
void writeFeature(FileStorage &fs) const
cv::COLORMAP_HOT
@ COLORMAP_HOT
Definition: imgproc.hpp:4091
CV_DIST_MASK_5
@ CV_DIST_MASK_5
Definition: types_c.h:543
CV_YCrCb2BGR
@ CV_YCrCb2BGR
Definition: types_c.h:161
CvSparseMat::dims
int dims
Definition: types_c.h:680
cv::viz::Viz3d::getScreenshot
cv::Mat getScreenshot() const
Returns the Mat screenshot of the current scene.
cv::flann::LinearIndexParams::LinearIndexParams
LinearIndexParams()
CV_OpenGlNotSupported
@ CV_OpenGlNotSupported
Definition: types_c.h:169
cv::ocl::Device::localMemType
int localMemType() const
cv::TrackerKCF::Params::Params
Params()
Constructor.
cv::detail::CylindricalPortraitWarper::CylindricalPortraitWarper
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:581
cv::AlignMTB::calculateShift
virtual Point calculateShift(InputArray img0, InputArray img1)=0
Calculates shift between two images, i. e. how to shift the second image to correspond it with the fi...
cv::TrackerStateEstimatorAdaBoosting::computeSwappedClassifier
std::vector< int > computeSwappedClassifier()
Get the list of the weak classifiers that replace those to be replaced.
cv::detail::ProjectorBase
Base class for warping logic implementation.
Definition: warpers.hpp:125
cv::ppf_match_3d::Pose3D::clone
Pose3DPtr clone()
cv::FileStorage::isOpened
virtual bool isOpened() const
Checks whether the file is opened.
cv::SparseMat::Node
sparse matrix node - element of a hash table
Definition: mat.hpp:2535
cv::datasets::RIGHT
@ RIGHT
Definition: slam_tumindoor.hpp:63
cv::CAP_PROP_GPHOTO2_FLUSH_MSGS
@ CAP_PROP_GPHOTO2_FLUSH_MSGS
Readonly, returns (const char *).
Definition: videoio.hpp:550
cvflann::AutotunedIndex::ElementType
Distance::ElementType ElementType
Definition: autotuned_index.h:73
cl_filter_mode
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT const cl_device_id const size_t const unsigned char cl_int cl_int *CL_RUNTIME_EXPORT const cl_device_id const char cl_int *CL_RUNTIME_EXPORT const char const size_t cl_int *CL_RUNTIME_EXPORT cl_filter_mode
Definition: opencl_core.hpp:293
cv::normL1
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:473
cv::linemod::QuantizedPyramid::Candidate::score
float score
Definition: linemod.hpp:133
tinyxml2::XMLNode::_prev
XMLNode * _prev
Definition: tinyxml2.h:844
cv::GeneralizedHough::getCannyLowThresh
virtual int getCannyLowThresh() const =0
cv::ocl::Device::imageSupport
bool imageSupport() const
cv::AgastFeatureDetector_Impl::getThreshold
int getThreshold() const
Definition: agast.txt:7524
cv::stereo::MVKernel::image
uint8_t * image[num_images]
Definition: descriptor.hpp:67
cv::TermCriteria::COUNT
@ COUNT
the maximum number of iterations or elements to compute
Definition: types.hpp:788
cvflann::LinearIndex::DistanceType
Distance::ResultType DistanceType
Definition: linear_index.h:54
cv::HOGDescriptor::getDaimlerPeopleDetector
static std::vector< float > getDaimlerPeopleDetector()
cv::ocl::KernelArg::WriteOnlyNoSize
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:378
cv::CascadeClassifier::getMaskGenerator
Ptr< BaseCascadeClassifier::MaskGenerator > getMaskGenerator()
clReleaseCommandQueue
#define clReleaseCommandQueue
Definition: opencl_core.hpp:232
cvflann::LshIndex::getParameters
IndexParams getParameters() const
Definition: lsh_index.h:177
cv::DescriptorMatcher::read
virtual void read(const FileNode &)
Reads algorithm parameters from a file storage.
cv::BOWTrainer::descriptorsCount
int descriptorsCount() const
Returns the count of all descriptors stored in the training set.
cv::cuda::COLOR_BayerBG2GRAY_MHT
@ COLOR_BayerBG2GRAY_MHT
Definition: cudaimgproc.hpp:105
cv::QT_NEW_BUTTONBAR
@ QT_NEW_BUTTONBAR
Button should create a new buttonbar.
Definition: highgui.hpp:250
cv::TonemapMantiuk::getSaturation
virtual float getSaturation() const =0
cv::BOWTrainer::descriptors
std::vector< Mat > descriptors
Definition: features2d.hpp:1253
cv::face::FaceRecognizer::train
virtual void train(InputArrayOfArrays src, InputArray labels)=0
Trains a FaceRecognizer with given data and associated labels.
cv::saliency::StaticSaliencySpectralResidual::read
void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
CV_CAP_PROP_EXPOSUREPROGRAM
@ CV_CAP_PROP_EXPOSUREPROGRAM
Definition: videoio_c.h:513
cv::datasets::TRACK_alov::getNextGT
virtual vector< Point2f > getNextGT()=0
CvStereoBMState::uniquenessRatio
int uniquenessRatio
Definition: calib3d_c.h:338
cv::IMWRITE_JPEG_CHROMA_QUALITY
@ IMWRITE_JPEG_CHROMA_QUALITY
Separate chroma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:87
cv::Moments::mu12
double mu12
Definition: types.hpp:867
cv::ogl::Arrays::setNormalArray
void setNormalArray(InputArray normal)
Sets an array of vertex normals.
cv::cuda::reduce
void reduce(InputArray mtx, OutputArray vec, int dim, int reduceOp, int dtype=-1, Stream &stream=Stream::Null())
Reduces a matrix to a vector.
cv::ParamType< double >::const_param_type
double const_param_type
Definition: core.hpp:3140
cv::ml::ANN_MLP::getTrainMethod
virtual int getTrainMethod() const =0
cv::bioinspired::Retina::setupOPLandIPLParvoChannel
virtual void setupOPLandIPLParvoChannel(const bool colorMode=true, const bool normaliseOutput=true, const float photoreceptorsLocalAdaptationSensitivity=0.7f, const float photoreceptorsTemporalConstant=0.5f, const float photoreceptorsSpatialConstant=0.53f, const float horizontalCellsGain=0.f, const float HcellsTemporalConstant=1.f, const float HcellsSpatialConstant=7.f, const float ganglionCellsSensitivity=0.7f)=0
Setup the OPL and IPL parvo channels (see biologocal model)
cv::GeneralizedHoughGuil::getAngleThresh
virtual int getAngleThresh() const =0
IPL_DEPTH_8S
#define IPL_DEPTH_8S
Definition: types_c.h:265
cv::saliency::ObjectnessBING::create
static Ptr< ObjectnessBING > create()
Definition: saliencySpecializedClasses.hpp:278
partition
int partition(const std::vector< _Tp > &_vec, std::vector< int > &labels, _EqPredicate predicate=_EqPredicate())
Splits an element set into equivalency classes.
Definition: operations.hpp:439
cv::rgbd::RgbdICPOdometry::getMinGradientMagnitudes
cv::Mat getMinGradientMagnitudes() const
Definition: rgbd.hpp:953
cv::CAP_PROP_ROLL
@ CAP_PROP_ROLL
Definition: videoio.hpp:158
cv::cuda::cvtColor
void cvtColor(InputArray src, OutputArray dst, int code, int dcn=0, Stream &stream=Stream::Null())
Converts an image from one color space to another.
CV_BGR5652RGB
@ CV_BGR5652RGB
Definition: types_c.h:133
hal_ni_addWeighted8s
int hal_ni_addWeighted8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:319
cv::USAGE_ALLOCATE_DEVICE_MEMORY
@ USAGE_ALLOCATE_DEVICE_MEMORY
Definition: mat.hpp:397
cv::FarnebackOpticalFlow::getPyrScale
virtual double getPyrScale() const =0
cv::Matx::eye
static Matx eye()
cv::CAP_OPENNI_DEPTH_GENERATOR
@ CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio.hpp:212
cvGetTextSize
void cvGetTextSize(const char *text_string, const CvFont *font, CvSize *text_size, int *baseline)
Calculates bounding box of text stroke (useful for alignment)
cv::AgastFeatureDetector::AGAST_5_8
@ AGAST_5_8
Definition: features2d.hpp:478
cv::dnn::Layer::name
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:131
cv::COLOR_YUV2BGR_UYVY
@ COLOR_YUV2BGR_UYVY
Definition: imgproc.hpp:671
cv::cudev::threshToZeroInv_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshToZeroInvFunc< typename PtrTraits< SrcPtr >::value_type > > > threshToZeroInv_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:110
cv::CAP_OPENNI_IR_IMAGE
@ CAP_OPENNI_IR_IMAGE
Data given from IR image generator.
Definition: videoio.hpp:257
cv::detail::Timelapser::test_point
virtual bool test_point(Point pt)
clCreateCommandQueue
#define clCreateCommandQueue
Definition: opencl_core.hpp:108
cv::NAryMatIterator::idx
size_t idx
Definition: mat.hpp:3276
cvflann::simpleDistance
Definition: dist.h:851
IplConvKernel::nRows
int nRows
Definition: types_c.h:355
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst, InputArray mask, Stream &stream) const
copies those GpuMat elements to "m" that are marked with non-zero mask elements (Non-Blocking call)
cv::ocl::Kernel
Definition: ocl.hpp:393
cv::cudev::UnaryTransformPtrSz::rows
int rows
Definition: transform.hpp:77
cv::flann::GenericIndex::knnSearch
void knnSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, int knn, const ::cvflann::SearchParams &params)
Performs a K-nearest neighbor search for a given query point using the index.
cv::bridge::Bridge::operator=
Bridge & operator=(const double &)
Definition: bridge.hpp:282
cv::datasets::join::Rx
double Rx
Definition: gr_chalearn.hpp:67
cvflann::HierarchicalClusteringIndex::saveIndex
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: hierarchical_clustering_index.h:489
CV_BGR2GRAY
@ CV_BGR2GRAY
Definition: types_c.h:121
cv::plot::Plot2d::setMinY
virtual void setMinY(double _plotMinY)=0
cv::ShapeTransformer
Abstract base class for shape transformation algorithms.
Definition: shape_transformer.hpp:59
cv::viz::KeyboardEvent
This class represents a keyboard event.
Definition: types.hpp:225
cv::cudev::numeric_limits< uint >::max
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
cv::linemod::Detector::readClass
String readClass(const FileNode &fn, const String &class_id_override="")
cv::linemod::ColorGradient::processImpl
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const
NCVMemNativeAllocator::alignment
virtual Ncv32u alignment(void) const
cv::rgbd::RgbdPlane::getMinSize
int getMinSize() const
Definition: rgbd.hpp:404
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(InputArrayOfArrays points2d)=0
Calls the pipeline in order to perform Eclidean reconstruction.
cv::viz::Viz3d::Viz3d
Viz3d(const Viz3d &)
cv::videostab::WobbleSuppressorBase::stabilizationMotions_
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
cv::CvFeatureEvaluator
Definition: feature.hpp:157
cv::MSER::setMinArea
virtual void setMinArea(int minArea)=0
cv::instr::NodeData::m_funError
bool m_funError
Definition: utility.hpp:1129
cv::cuda::GpuMat::download
void download(OutputArray dst, Stream &stream) const
pefroms download data from device to host memory (Non-Blocking call)
cv::cudev::BinaryTupleAdapter
Definition: tuple_adapter.hpp:79
cv::cuda::Feature2DAsync::~Feature2DAsync
virtual ~Feature2DAsync()
cvCloneImage
IplImage * cvCloneImage(const IplImage *image)
cv::rgbd::RgbdICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: rgbd.hpp:945
cv::flann::IndexParams::setDouble
void setDouble(const String &key, double value)
cv::instr::NodeData::~NodeData
~NodeData()
CvMoments::mu03
double mu03
Definition: types_c.h:400
cv::detail::NoSeamFinder
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:75
cv::FileStorage::write
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:882
CV_CAP_PROP_XI_BUFFER_POLICY
@ CV_CAP_PROP_XI_BUFFER_POLICY
Definition: videoio_c.h:376
cv::CalibrateDebevec::setLambda
virtual void setLambda(float lambda)=0
cv::HOGDescriptor::L2Hys
@ L2Hys
Definition: objdetect.hpp:340
cv::cudev::SingleMaskChannels::value_type
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
cl_mem_object_type
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_platform_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_mem_object_type
Definition: opencl_core.hpp:342
cv::datasets::MSM_middlebury::load
virtual void load(const std::string &path)=0
CV_BGR2RGB
@ CV_BGR2RGB
Definition: types_c.h:115
NPPST_MEM_ALLOC_ERR
@ NPPST_MEM_ALLOC_ERR
CUDA memory allocation error.
Definition: NCV.hpp:361
cv::ximgproc::FastLineDetector::~FastLineDetector
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
matlab::MxArray::isLogical
bool isLogical() const
Definition: mxarray.hpp:429
CV_EVENT_RBUTTONUP
@ CV_EVENT_RBUTTONUP
Definition: highgui_c.h:183
cv::SimpleBlobDetector::Params::blobColor
uchar blobColor
Definition: features2d.hpp:566
cv::Affine3::rotation
void rotation(const Mat3 &R)
Rotation matrix.
cv::hdf::HDF5::kpgetsize
virtual int kpgetsize(String kplabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch keypoint dataset size.
cv::AgastFeatureDetector::setNonmaxSuppression
virtual void setNonmaxSuppression(bool f)=0
cvflann::DynamicBitset::reset
void reset(size_t index)
set one bit to 0
Definition: dynamic_bitset.h:100
cv::cuda::BackgroundSubtractorMOG2::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
cv::QT_STYLE_NORMAL
@ QT_STYLE_NORMAL
Normal font.
Definition: highgui.hpp:240
CV_GAUSSIAN_5x5
@ CV_GAUSSIAN_5x5
Definition: types_c.h:90
cv::PCA::eigenvectors
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2455
CvSeqBlock::start_index
int start_index
Definition: types_c.h:1219
cv::ocl::Kernel::Kernel
Kernel(const char *kname, const Program &prog)
cv::bridge::Bridge::toMat
cv::Mat toMat() const
Definition: bridge.hpp:243
cv::viz::WPlane
This 3D Widget defines a finite plane.
Definition: widgets.hpp:250
cv::detail::MercatorProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
CV_LBGR2Luv
@ CV_LBGR2Luv
Definition: types_c.h:217
cv::StrongClassifierDirectSelection::initBaseClassifier
void initBaseClassifier()
seeds.hpp
cv::v_matmul
v_float32x4 v_matmul(const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
Matrix multiplication.
Definition: intrin_cpp.hpp:1765
cv::cudev::NormL2::result_type
float result_type
Definition: vec_distance.hpp:125
cv::videostab::TwoPassStabilizer::doWobbleSuppression_
bool doWobbleSuppression_
Definition: stabilizer.hpp:190
cvflann::AutotunedIndex::loadIndex
virtual void loadIndex(FILE *stream)
Definition: autotuned_index.h:134
cv::ocl::Device::nativeVectorWidthShort
int nativeVectorWidthShort() const
cv::cudev::CountNonZeroExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:157
cv::ppf_match_3d::writePLYVisibleNormals
void writePLYVisibleNormals(Mat PC, const char *fileName)
Used for debbuging pruposes, writes a point cloud to a PLY file with the tip of the normal vectors as...
cv::format
String format(const char *fmt,...)
Returns a text string formatted using the printf-like expression.
cvFindHomography
int cvFindHomography(const CvMat *src_points, const CvMat *dst_points, CvMat *homography, int method=0, double ransacReprojThreshold=3, CvMat *mask=0, int maxIters=2000, double confidence=0.995)
cv::reg::MapperGradEuclid::calculate
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
cv::viz::Widget3D::applyTransform
void applyTransform(const Affine3d &transform)
Transforms internal widget data (i.e. points, normals) using the given transform.
cvflann::anyimpl::base_any_policy::copy_from_value
virtual void copy_from_value(void const *src, void **dest)=0
cv::cudev::PtrTraitsBase::value_type
Ptr2D::value_type value_type
Definition: traits.hpp:61
cv::ocl::Device::globalMemSize
size_t globalMemSize() const
cv::detail::SphericalPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::stereo::Matching::getMaxDisparity
int getMaxDisparity()
method for getting the disparity
Definition: matching.hpp:383
cv::ocl::KernelArg::Local
static KernelArg Local()
Definition: ocl.hpp:361
tinyxml2::XMLUnknown::ToUnknown
virtual const XMLUnknown * ToUnknown() const
Definition: tinyxml2.h:981
cv::CAP_PROP_XI_CC_MATRIX_11
@ CAP_PROP_XI_CC_MATRIX_11
Color Correction Matrix element [1][1].
Definition: videoio.hpp:402
cv::ogl::Buffer::create
void create(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::Detector::getConfidences
const std::vector< float > & getConfidences() const
Definition: onlineBoosting.hpp:231
cv::TrackerKCF::setFeatureExtractor
virtual void setFeatureExtractor(void(*)(const Mat, const Rect, Mat &), bool pca_func=false)
clEnqueueWriteBufferRect
#define clEnqueueWriteBufferRect
Definition: opencl_core.hpp:184
cvflann::Logger
Definition: logger.h:44
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, int value)
cvflann::KNNSimpleResultSet::size
size_t size() const
Definition: result_set.h:107
cv::videostab::LpMotionStabilizer
Definition: motion_stabilizing.hpp:118
cv::superres::FarnebackOpticalFlow::getPyrScale
virtual double getPyrScale() const =0
CV_BGRA2RGB
@ CV_BGRA2RGB
Definition: types_c.h:113
cv::optflow::GPCTree::operator==
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:194
cv::cudev::BrdReflect
Definition: extrapolation.hpp:172
cv::ximgproc::DisparityFilter::filter
virtual void filter(InputArray disparity_map_left, InputArray left_view, OutputArray filtered_disparity_map, InputArray disparity_map_right=Mat(), Rect ROI=Rect(), InputArray right_view=Mat())=0
Apply filtering to the disparity map.
HaarFeature64_CreateCheck_MaxRectField
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
tinyxml2::XML_ERROR_PARSING_ELEMENT
@ XML_ERROR_PARSING_ELEMENT
Definition: tinyxml2.h:1010
cv::CAP_PROP_XI_EXPOSURE
@ CAP_PROP_XI_EXPOSURE
Exposure time in microseconds.
Definition: videoio.hpp:347
cv::ml::TrainData::getNAllVars
virtual int getNAllVars() const =0
cv::startLoop
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
cv::ogl::Buffer::rows
int rows() const
cvflann::ZeroIterator::operator[]
T operator[](int)
Definition: dist.h:761
cv::CAP_PROP_TILT
@ CAP_PROP_TILT
Definition: videoio.hpp:157
cv::dnn::SoftmaxLayer::create
static Ptr< SoftmaxLayer > create(int axis=1)
cv::aruco::Dictionary::create
static Ptr< Dictionary > create(int nMarkers, int markerSize, const Ptr< Dictionary > &baseDictionary)
cv::detail::CameraParams::CameraParams
CameraParams(const CameraParams &other)
cv::cuda::BackgroundSubtractorMOG2
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:127
cv::Affine3d
Affine3< double > Affine3d
Definition: affine.hpp:143
cv::EVENT_RBUTTONUP
@ EVENT_RBUTTONUP
indicates that right mouse button is released.
Definition: highgui.hpp:210
dist.h
cv::cudacodec::EncoderParams::PeakBitrate
int PeakBitrate
NVVE_PEAK_BITRATE,.
Definition: cudacodec.hpp:90
CvSize::CvSize
CvSize(const cv::Size_< _Tp > &sz)
Definition: types_c.h:1015
tinyxml2::XMLDocument::ErrorID
XMLError ErrorID() const
Return the errorID.
Definition: tinyxml2.h:1661
cv::CAP_OPENNI2_ASUS
@ CAP_OPENNI2_ASUS
OpenNI2 (for Asus Xtion and Occipital Structure sensors)
Definition: videoio.hpp:112
cv::detail::Graph::create
void create(int num_vertices)
Definition: util.hpp:89
cv::Rect_::operator=
Rect_ & operator=(const Rect_ &r)
cvflann::lsh::operator<<
std::ostream & operator<<(std::ostream &out, const LshStats &stats)
Definition: lsh_table.h:101
cv::DECOMP_NORMAL
@ DECOMP_NORMAL
Definition: base.hpp:151
cv::cudev::DefaultGlobReducePolicy
Definition: reduce.hpp:294
cv::cuda::DeviceInfo::maxTextureCubemapLayered
Vec2i maxTextureCubemapLayered() const
maximum Cubemap layered texture dimensions
cv::EVENT_RBUTTONDBLCLK
@ EVENT_RBUTTONDBLCLK
indicates that right mouse button is double clicked.
Definition: highgui.hpp:213
CV_EVENT_MBUTTONUP
@ CV_EVENT_MBUTTONUP
Definition: highgui_c.h:184
CPU_AVX_512F
@ CPU_AVX_512F
Definition: cvdef.h:151
cv::cudev::max
__device__ __forceinline__ uchar1 max(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:785
CvType::last
static CvTypeInfo * last
Definition: core_c.h:2782
cv::String::String
String(const char *s)
cv::TermCriteria::EPS
@ EPS
the desired accuracy or change in parameters at which the iterative algorithm stops
Definition: types.hpp:790
cv::cudev::DerivXPtrSz::cols
int cols
Definition: deriv.hpp:76
cv::UMat::rowRange
UMat rowRange(int startrow, int endrow) const
... for the specified row span
cv::line_descriptor::BinaryDescriptor::setNumOfOctaves
void setNumOfOctaves(int octaves)
Set number of octaves.
hal_ni_cvtGraytoBGR5x5
int hal_ni_cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
hal_cvtGraytoBGR5x5
Definition: hal_replacement.hpp:380
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const cuda::GpuMat &d_mat)
cv::Detector::getPatchIdxOfDetection
int getPatchIdxOfDetection(int detectionIdx)
cv::Affine3::Affine3
Affine3()
cv::TrackerTLD::Params::write
void write(FileStorage &) const
cv::dnn::SliceLayer::create
static Ptr< SliceLayer > create(int axis, const std::vector< int > &sliceIndices)
cv::ml::LogisticRegression::getTrainMethod
virtual int getTrainMethod() const =0
cv::WImageBuffer::IsNull
bool IsNull() const
Definition: wimage.hpp:340
cv::LineSegmentDetectorModes
LineSegmentDetectorModes
Definition: imgproc.hpp:478
CV_CHAIN_APPROX_SIMPLE
@ CV_CHAIN_APPROX_SIMPLE
Definition: types_c.h:458
cv::detail::AKAZEFeaturesFinder
AKAZE features finder. :
Definition: matchers.hpp:161
cv::viz::SHADING_GOURAUD
@ SHADING_GOURAUD
Definition: widgets.hpp:84
cv::flann::GenericIndex::knnSearch
void knnSearch(const Mat &queries, Mat &indices, Mat &dists, int knn, const ::cvflann::SearchParams &params)
cv::cudev::DefaultHistogramPolicy
Definition: histogram.hpp:101
cv::CvFeatureEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
cv::COLOR_RGB2YUV
@ COLOR_RGB2YUV
Definition: imgproc.hpp:623
cv::cudev::vsetlt4
__device__ __forceinline__ uint vsetlt4(uint a, uint b)
Definition: simd_functions.hpp:691
cv::GemmFlags
GemmFlags
generalized matrix multiplication flags
Definition: base.hpp:209
cv::ppf_match_3d::hashtableResize
int hashtableResize(hashtable_int *hashtbl, size_t size)
cv::DescriptorMatcher::trainDescCollection
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1012
cv::ROISelector::handlerT::isDrawing
bool isDrawing
Definition: tracker.hpp:1374
cv::cuda::BackgroundSubtractorGMG::getMaxVal
virtual double getMaxVal() const =0
cvflann::AutotunedIndex
Definition: autotuned_index.h:71
cv::cudev::LaplacianPtr< 1, SrcPtr >::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:331
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9, const _Tp10 &a10, const _Tp11 &a11, const _Tp12 &a12, const _Tp13 &a13)
Definition: ocl.hpp:533
cv::aruco::DICT_4X4_1000
@ DICT_4X4_1000
Definition: dictionary.hpp:145
CV_IMWRITE_JPEG_LUMA_QUALITY
@ CV_IMWRITE_JPEG_LUMA_QUALITY
Definition: imgcodecs_c.h:86
cv::Error::StsBadFlag
@ StsBadFlag
flag is wrong or not supported
Definition: base.hpp:106
cv::dnn::BlobShape::like
static BlobShape like(const Mat &m)
Returns shape of passed Mat.
cv::rgbd::RgbdPlane::setSensorErrorA
void setSensorErrorA(double val)
Definition: rgbd.hpp:432
tinyxml2::XMLHandle::XMLHandle
XMLHandle(XMLNode &node)
Create a handle from a node.
Definition: tinyxml2.h:1770
cv::datasets::GR_chalearn::create
static Ptr< GR_chalearn > create()
cv::AutoBuffer::AutoBuffer
AutoBuffer(const AutoBuffer< _Tp, fixed_size > &buf)
the copy constructor
cvAddWeighted
void cvAddWeighted(const CvArr *src1, double alpha, const CvArr *src2, double beta, double gamma, CvArr *dst)
cv::detail::BestOf2NearestMatcher::BestOf2NearestMatcher
BestOf2NearestMatcher(bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6, int num_matches_thresh2=6)
Constructs a "best of 2 nearest" matcher.
cv::cudev::PerspectiveMapPtr::warpMat
const float * warpMat
Definition: warping.hpp:112
cv::hal::magnitude64f
void magnitude64f(const double *x, const double *y, double *dst, int n)
cv::ximgproc::SuperpixelSLIC::iterate
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
cv::linemod::ColorGradient::strong_threshold
float strong_threshold
Definition: linemod.hpp:228
cv::bridge::vector_float
std::vector< float > vector_float
Definition: bridge.hpp:72
NPPST_MEM_RESIDENCE_ERROR
@ NPPST_MEM_RESIDENCE_ERROR
Memory residence error detected (check if pointers should be device or pinned)
Definition: NCV.hpp:369
cvSet1D
void cvSet1D(CvArr *arr, int idx0, CvScalar value)
Change the particular array element.
cv::flann::Index::release
virtual void release()
cv::CAP_PROP_XI_LENS_FOCUS_MOVE
@ CAP_PROP_XI_LENS_FOCUS_MOVE
Moves lens focus motor by steps set in XI_PRM_LENS_FOCUS_MOVEMENT_VALUE.
Definition: videoio.hpp:423
CvSparseMat::hdr_refcount
int hdr_refcount
Definition: types_c.h:682
cv::Stitcher::waveCorrection
bool waveCorrection() const
Definition: stitching.hpp:181
cvflann::Index
Definition: flann_base.hpp:101
cv::stereo::Matching::blockAgregation
void blockAgregation(const Mat &partialSums, int windowSize, Mat &cost)
The aggregation on the cost volume.
Definition: matching.hpp:464
cv::detail::Graph
Definition: util.hpp:86
CV_TYZX_RIGHT
@ CV_TYZX_RIGHT
Definition: videoio_c.h:93
cv::ocl::Device::isIntel
bool isIntel() const
Definition: ocl.hpp:186
cv::ml::StatModel::predict
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const =0
Predicts response(s) for the provided sample(s)
cv::RNG_MT19937
Mersenne Twister random number generator.
Definition: core.hpp:2845
cv::CvParams::CvParams
CvParams()
cv::rgbd::Odometry::computeImpl
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const =0
cv::WImage::View
WImageView< T > View(int c, int r, int width, int height)
Definition: wimage.hpp:588
cv::datasets::AR_hmdbObj::id
int id
Definition: ar_hmdb.hpp:62
cv::reg::MapperPyramid::calculate
void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
cv::ppf_match_3d::PoseCluster3D::writePoseCluster
int writePoseCluster(const std::string &FileName)
cv::TrackerFeatureHAAR::selection
void selection(Mat &response, int npoints)
Identify most effective features.
cv::FileStorage
XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or readi...
Definition: persistence.hpp:303
hal_ni_sub16s
int hal_ni_sub16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:87
cv::CAP_PROP_GIGA_FRAME_SENS_HEIGH
@ CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio.hpp:504
cv::Stitcher::setFeaturesMatcher
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:194
cv::cuda::CornernessCriteria::compute
virtual void compute(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Computes the cornerness criteria at each image pixel.
CPU_SSE
@ CPU_SSE
Definition: cvdef.h:139
cv::ogl::Buffer::Buffer
Buffer(Size asize, int atype, unsigned int abufId, bool autoRelease=false)
CV_CAP_INTELPERC
@ CV_CAP_INTELPERC
Definition: videoio_c.h:119
cvDilate
void cvDilate(const CvArr *src, CvArr *dst, IplConvKernel *element=NULL, int iterations=1)
dilates input image (applies maximum filter) one or more times.
cv::ocl::KernelArg::ReadWrite
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:368
cvSetIdentity
void cvSetIdentity(CvArr *mat, CvScalar value=cvRealScalar(1))
tinyxml2::XMLVisitor::VisitEnter
virtual bool VisitEnter(const XMLElement &, const XMLAttribute *)
Visit an element.
Definition: tinyxml2.h:457
cvGetSpatialMoment
double cvGetSpatialMoment(CvMoments *moments, int x_order, int y_order)
Retrieve spatial moments.
cv::SparseMat_::create
void create(int dims, const int *_sizes)
equivalent to cv::SparseMat::create(dims, _sizes, DataType<_Tp>::type)
cv::sfm::fundamentalFromCorrespondences8PointRobust
double fundamentalFromCorrespondences8PointRobust(InputArray x1, InputArray x2, double max_error, OutputArray F, OutputArray inliers, double outliers_probability=1e-2)
Estimate robustly the fundamental matrix between two dataset of 2D point (image coords space).
cv::sfm::SFMLibmvEuclideanReconstruction::setReconstructionOptions
virtual void setReconstructionOptions(const libmv_ReconstructionOptions &libmv_reconstruction_options)=0
Setter method for reconstruction options.
cv::reg::MapperGradEuclid::~MapperGradEuclid
~MapperGradEuclid(void)
cv::detail::ProjectorBase::t
float t[3]
Definition: warpers.hpp:135
cv::cuda::GpuMat::depth
int depth() const
returns element type
cv::rgbd::ICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const
Definition: rgbd.hpp:777
cv::ORB::create
static Ptr< ORB > create(int nfeatures=500, float scaleFactor=1.2f, int nlevels=8, int edgeThreshold=31, int firstLevel=0, int WTA_K=2, int scoreType=ORB::HARRIS_SCORE, int patchSize=31, int fastThreshold=20)
The ORB constructor.
cv::v_floor
v_reg< int, n > v_floor(const v_reg< _Tp, n > &a)
Floor elements.
Definition: intrin_cpp.hpp:501
cv::CAP_PROP_XI_HOUS_TEMP
@ CAP_PROP_XI_HOUS_TEMP
Camera housing temperature.
Definition: videoio.hpp:387
cv::hal::add8u
void add8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::linemod::ColorGradient::write
virtual void write(FileStorage &fs) const
CV_8U
#define CV_8U
Definition: interface.h:67
CV_CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
@ CV_CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Definition: videoio_c.h:386
cv::UMatData::unlock
void unlock()
cvMaxS
void cvMaxS(const CvArr *src, double value, CvArr *dst)
tinyxml2::XMLNode::Value
const char * Value() const
cv::cuda::Feature2DAsync::computeAsync
virtual void computeAsync(InputArray image, OutputArray keypoints, OutputArray descriptors, Stream &stream=Stream::Null())
Computes the descriptors for a set of keypoints detected in an image.
CV_YUV2BGR_YVYU
@ CV_YUV2BGR_YVYU
Definition: types_c.h:299
cv::Vec::operator[]
const _Tp & operator[](int i) const
cv::bgsegm::BackgroundSubtractorGMG::getDecisionThreshold
virtual double getDecisionThreshold() const =0
Returns the value of decision threshold.
cv::viz::Viz3d::~Viz3d
~Viz3d()
cv::RNG::uniform
float uniform(float a, float b)
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const MatConstIterator_ &it)
copy constructor
cv::videostab::MotionEstimatorL1
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:154
CV_CAP_PROP_XI_BINNING_HORIZONTAL
@ CV_CAP_PROP_XI_BINNING_HORIZONTAL
Definition: videoio_c.h:289
cv::cudev::IntegerAreaInterPtr::src
SrcPtr src
Definition: interpolation.hpp:239
cv::cuda::EventAccessor::getEvent
static cudaEvent_t getEvent(const Event &event)
cv::LDA::subspaceProject
static Mat subspaceProject(InputArray W, InputArray mean, InputArray src)
cv::Seq::iterator
SeqIterator< _Tp > iterator
Definition: core_c.h:2842
tinyxml2::StrPair::GetStr
const char * GetStr()
cv::aruco::DetectorParameters::minDistanceToBorder
int minDistanceToBorder
Definition: aruco.hpp:138
cv::SparsePyrLKOpticalFlow::setWinSize
virtual void setWinSize(Size winSize)=0
cv::WImageBuffer3_16s
WImageBufferC< short, 3 > WImageBuffer3_16s
Definition: wimage.hpp:99
cv::stereo::StereoBinaryBM::setSmallerBlockSize
virtual void setSmallerBlockSize(int blockSize)=0
cv::ml::NormalBayesClassifier
Bayes classifier for normally distributed data.
Definition: ml.hpp:380
cv::_InputArray::sizend
int sizend(int *sz, int i=-1) const
cv::text::ERStat::child
ERStat * child
Definition: erfilter.hpp:104
cv::cudev::BinaryTransformPtr::operator()
__device__ __forceinline__ Op::result_type operator()(typename PtrTraits< Src1Ptr >::index_type y, typename PtrTraits< Src1Ptr >::index_type x) const
Definition: transform.hpp:113
cv::Point3_::Point3_
Point3_(const Vec< _Tp, 3 > &v)
cv::xphoto::BM3D_STEP2
@ BM3D_STEP2
Definition: bm3d_image_denoising.hpp:75
tinyxml2::XMLUtil::ToStr
static void ToStr(float v, char *buffer, int bufferSize)
cvPyrUp
void cvPyrUp(const CvArr *src, CvArr *dst, int filter=CV_GAUSSIAN_5x5)
Up-samples image and smoothes the result with gaussian kernel.
cvflann::Heap::CompareT
Definition: heap.h:109
cv::cudev::LaplacianPtr< 1, SrcPtr >::index_type
int index_type
Definition: deriv.hpp:332
cv::MatExpr::min
MatExpr min(const Mat &a, double s)
cv::ShapeContextDistanceExtractor::getImages
virtual void getImages(OutputArray image1, OutputArray image2) const =0
cvflann::anyimpl::big_any_policy::clone
virtual void clone(void *const *src, void **dest)
Definition: any.h:89
CV_8S
#define CV_8S
Definition: interface.h:68
CV_CAP_PROP_VIEWFINDER
@ CV_CAP_PROP_VIEWFINDER
Definition: videoio_c.h:514
CV_HLS2BGR_FULL
@ CV_HLS2BGR_FULL
Definition: types_c.h:212
cv::aruco::detectCharucoDiamond
void detectCharucoDiamond(InputArray image, InputArrayOfArrays markerCorners, InputArray markerIds, float squareMarkerLengthRate, OutputArrayOfArrays diamondCorners, OutputArray diamondIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray())
Detect ChArUco Diamond markers.
cv::BFMatcher::~BFMatcher
virtual ~BFMatcher()
Definition: features2d.hpp:1031
transform.hpp
cv::cudev::PerspectiveMapPtrSz::rows
int rows
Definition: warping.hpp:127
CV_GRAPH_FIELDS
#define CV_GRAPH_FIELDS()
Definition: types_c.h:1365
cv::ppf_match_3d::Pose3D::~Pose3D
virtual ~Pose3D()
Definition: pose_3d.hpp:125
tinyxml2::XMLNode::DeleteChildren
void DeleteChildren()
cv::Error::GpuApiCallError
@ GpuApiCallError
Definition: base.hpp:117
HaarFeatureDescriptor32::isTilted
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:151
cv::bioinspired::Retina::write
virtual void write(String fs) const =0
Write xml/yml formated parameters information.
CvType
class for automatic module/RTTI data registration/unregistration
Definition: core_c.h:2774
cvStartReadSeq
void cvStartReadSeq(const CvSeq *seq, CvSeqReader *reader, int reverse=0)
CvLevMarq::updateAlt
bool updateAlt(const CvMat *&param, CvMat *&JtJ, CvMat *&JtErr, double *&errNorm)
cv::face::StandardCollector::getMinLabel
int getMinLabel() const
Returns label with minimal distance.
cv::cudev::CommonAreaInterPtrSz
Definition: interpolation.hpp:366
cv::ocl::Context::p
Impl * p
Definition: ocl.hpp:258
cv::cudev::blockCopy
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
cv::datasets::OR_mnist::load
virtual void load(const std::string &path)=0
cv::_InputOutputArray
Definition: mat.hpp:342
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_KeyPoint &)
Definition: bridge.hpp:395
cv::ml::DTrees::Split::subsetOfs
int subsetOfs
Definition: ml.hpp:1083
cv::FileStorage::release
virtual void release()
Closes the file and releases all the memory buffers.
cv::_InputArray::copyTo
void copyTo(const _OutputArray &arr, const _InputArray &mask) const
cv::COLOR_BGRA2RGB
@ COLOR_BGRA2RGB
Definition: imgproc.hpp:530
cvflann::PooledAllocator::allocateMemory
void * allocateMemory(int size)
Definition: allocator.h:123
IPL_DEPTH_SIGN
#define IPL_DEPTH_SIGN
Definition: types_c.h:258
cv::FileNodeIterator::SeqReader::block
void * block
Definition: persistence.hpp:673
cv::hal::DCT2D::create
static Ptr< DCT2D > create(int width, int height, int depth, int flags)
cv::viz::Viz3d::showWidget
void showWidget(const String &id, const Widget &widget, const Affine3d &pose=Affine3d::Identity())
Shows a widget in the window.
cv::dnn::ConvolutionLayer
Definition: all_layers.hpp:217
cv::COLOR_RGBA2YUV_YV12
@ COLOR_RGBA2YUV_YV12
Definition: imgproc.hpp:731
cv::hal::cvtGraytoBGR5x5
void cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
cv::StereoBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::structured_light::GrayCodePattern::Params
Parameters of StructuredLightPattern constructor.
Definition: graycodepattern.hpp:77
CV_BayerGB2RGB
@ CV_BayerGB2RGB
Definition: types_c.h:176
cv::datasets::MSM_epflObj::p
Matx34d p
Definition: msm_epfl.hpp:73
cv::cuda::DeviceInfo::warpSize
int warpSize() const
warp size in threads
cv::tracking::createAugmentedUnscentedKalmanFilter
Ptr< UnscentedKalmanFilter > createAugmentedUnscentedKalmanFilter(const AugmentedUnscentedKalmanFilterParams &params)
Augmented Unscented Kalman Filter factory method.
cv::COLOR_mRGBA2RGBA
@ COLOR_mRGBA2RGBA
Definition: imgproc.hpp:717
clRetainSampler
#define clRetainSampler
Definition: opencl_core_wrappers.hpp:250
cv::Subdiv2D::setEdgePoints
void setEdgePoints(int edge, int orgPt, int dstPt)
NCV_CUDA_ERROR
@ NCV_CUDA_ERROR
Definition: NCV.hpp:319
cvflann::FLANN_INDEX_KMEANS
@ FLANN_INDEX_KMEANS
Definition: defines.h:85
cv::sfm::fundamentalFromCorrespondences7PointRobust
double fundamentalFromCorrespondences7PointRobust(InputArray x1, InputArray x2, double max_error, OutputArray F, OutputArray inliers, double outliers_probability=1e-2)
Estimate robustly the fundamental matrix between two dataset of 2D point (image coords space).
cv::dnn::Layer::inputNameToIndex
virtual int inputNameToIndex(String inputName)
Returns index of input blob into the input array.
tinyxml2::XMLVisitor
Definition: tinyxml2.h:443
cv::cudev::sqr_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
cv::ogl::Buffer::mapDevice
cuda::GpuMat mapDevice(cuda::Stream &stream)
Maps OpenGL buffer to CUDA device memory.
cv::demosaicing
void demosaicing(InputArray _src, OutputArray _dst, int code, int dcn=0)
cv::COLOR_YUV2BGR_YVYU
@ COLOR_YUV2BGR_YVYU
Definition: imgproc.hpp:691
CV_BayerRG2RGB_EA
@ CV_BayerRG2RGB_EA
Definition: types_c.h:349
CvLevMarq::JtErr
cv::Ptr< CvMat > JtErr
Definition: calib3d_c.h:412
cv::cuda::CannyEdgeDetector
Base class for Canny Edge Detector. :
Definition: cudaimgproc.hpp:280
cv::hal::max32s
void max32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cvReleaseMat
void cvReleaseMat(CvMat **mat)
Deallocates a matrix.
cv::dnn::Net::forward
void forward(LayerId startLayer, LayerId toLayer)
Runs forward pass to compute output of layer toLayer, but computations start from startLayer.
NCVMatrixAlloc::isMemAllocated
NcvBool isMemAllocated() const
Definition: NCV.hpp:893
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_vector_DMatch &)
Definition: bridge.hpp:420
nppiStIntegral_32f32f_C1R_host
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::omnidir::CALIB_FIX_SKEW
@ CALIB_FIX_SKEW
Definition: omnidir.hpp:57
cv::sfm::depth
double depth(InputArray R, InputArray t, InputArray X)
Returns the depth of a point transformed by a rigid transform.
cv::CAP_ANDROID
@ CAP_ANDROID
Android - not used.
Definition: videoio.hpp:104
cv::cuda::CascadeClassifier::convert
virtual void convert(OutputArray gpu_objects, std::vector< Rect > &objects)=0
Converts objects array from internal representation to standard vector.
cv::String::pointer
char * pointer
Definition: cvstd.hpp:483
cv::Error::StsObjectNotFound
@ StsObjectNotFound
request can't be completed
Definition: base.hpp:104
cv::datasets::turnaround
@ turnaround
Definition: gr_skig.hpp:70
cv::cuda::BackgroundSubtractorGMG::getMaxFeatures
virtual int getMaxFeatures() const =0
cv::Allocator::destroy
void destroy(pointer p)
Definition: cvstd.hpp:153
cv::Allocator::address
const_pointer address(const_reference r)
Definition: cvstd.hpp:147
cv::rgbd::RgbdPlane::setBlockSize
void setBlockSize(int val)
Definition: rgbd.hpp:400
cv::cudev::ScharrXPtrSz::rows
int rows
Definition: deriv.hpp:256
cv::sum
Scalar sum(InputArray src)
Calculates the sum of array elements.
CV_CAP_PROP_PVAPI_BINNINGX
@ CV_CAP_PROP_PVAPI_BINNINGX
Definition: videoio_c.h:256
cv::ml::LogisticRegression::RegKinds
RegKinds
Regularization kinds.
Definition: ml.hpp:1471
cv::detail::createWeightMap
void createWeightMap(InputArray mask, float sharpness, InputOutputArray weight)
cv::cudev::ScharrYPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:288
cv::BORDER_DEFAULT
@ BORDER_DEFAULT
same as BORDER_REFLECT_101
Definition: base.hpp:262
cv::SparsePyrLKOpticalFlow::setFlags
virtual void setFlags(int flags)=0
cv::detail::ExposureCompensator::apply
virtual void apply(int index, Point corner, InputOutputArray image, InputArray mask)=0
Compensate exposure in the specified image.
cvPtr3D
uchar * cvPtr3D(const CvArr *arr, int idx0, int idx1, int idx2, int *type=NULL)
cv::reg::MapperGradAffine::calculate
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
cv::ml::EM
The class implements the Expectation Maximization algorithm.
Definition: ml.hpp:749
CV_EVENT_FLAG_SHIFTKEY
@ CV_EVENT_FLAG_SHIFTKEY
Definition: highgui_c.h:198
cv::ocl::Queue::p
Impl * p
Definition: ocl.hpp:349
cv::cuda::CascadeClassifier::create
static Ptr< CascadeClassifier > create(const FileStorage &file)
cv::SparseMatIterator_::operator*
_Tp & operator*() const
returns the reference to the current element
cvAlloc
void * cvAlloc(size_t size)
cv::copyMakeBorder
void copyMakeBorder(InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar())
Forms a border around an image.
cv::viz::WCloudNormals
This 3D Widget represents normals of a point cloud. :
Definition: widgets.hpp:765
CV_CUDEV_RGB2Luv_INST
#define CV_CUDEV_RGB2Luv_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:371
cv::ACCESS_WRITE
@ ACCESS_WRITE
Definition: mat.hpp:62
nppsStCompact_32u_host
NCVStatus nppsStCompact_32u_host(Ncv32u *h_src, Ncv32u srcLen, Ncv32u *h_dst, Ncv32u *dstLen, Ncv32u elemRemove)
hal_ni_max8u
int hal_ni_max8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:103
hal_ni_addWeighted16s
int hal_ni_addWeighted16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:321
cv::Vec3i
Vec< int, 3 > Vec3i
Definition: matx.hpp:376
cv::TonemapDrago::getSaturation
virtual float getSaturation() const =0
cv::HOGDescriptor
Definition: objdetect.hpp:338
cv::optflow::OpticalFlowPCAFlow::dampingFactor
const float dampingFactor
Definition: pcaflow.hpp:102
cv::ml::DTrees::getPriors
virtual cv::Mat getPriors() const =0
The array of a priori class probabilities, sorted by the class label value.
cvGetReal2D
double cvGetReal2D(const CvArr *arr, int idx0, int idx1)
cv::reg::MapShift::scale
void scale(double factor)
cv::reg::Map::compose
virtual void compose(const Map &map)=0
cv::CompressedRectilinearWarper
Definition: warpers.hpp:109
cv::Feature2D::detectAndCompute
virtual void detectAndCompute(InputArray image, InputArray mask, std::vector< KeyPoint > &keypoints, OutputArray descriptors, bool useProvidedKeypoints=false)
cv::bridge::Bridge::toVectorUchar
vector_uchar toVectorUchar()
Definition: bridge.hpp:411
cv::createEMDL1HistogramCostExtractor
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
cv::bridge::Bridge::toPtrDualTVL1OpticalFlow
Ptr_DualTVL1OpticalFlow toPtrDualTVL1OpticalFlow()
Definition: bridge.hpp:478
cv::MatStep::operator[]
const size_t & operator[](int i) const
cv::_InputArray::dims
int dims(int i=-1) const
cv::CAP_GSTREAMER
@ CAP_GSTREAMER
GStreamer.
Definition: videoio.hpp:114
cv::ocl::Kernel::set
int set(int i, const _Tp &value)
Definition: ocl.hpp:412
CvStereoBMState::speckleWindowSize
int speckleWindowSize
Definition: calib3d_c.h:341
cv::ml::TrainData::~TrainData
virtual ~TrainData()
CV_FONT_BOLD
@ CV_FONT_BOLD
Definition: highgui_c.h:71
CV_BGR5552BGRA
@ CV_BGR5552BGRA
Definition: types_c.h:148
cvClipLine
int cvClipLine(CvSize img_size, CvPoint *pt1, CvPoint *pt2)
Clips the line segment connecting *pt1 and *pt2 by the rectangular window.
cv::datasets::cameraParam
Definition: msm_epfl.hpp:61
cvflann::CompositeIndex::~CompositeIndex
virtual ~CompositeIndex()
Definition: composite_index.h:95
cv::cudev::RemapPtr2
Definition: remap.hpp:76
transpose.hpp
cv::videostab::TranslationBasedLocalOutlierRejector::TranslationBasedLocalOutlierRejector
TranslationBasedLocalOutlierRejector()
cv::detail::RotationWarper::~RotationWarper
virtual ~RotationWarper()
Definition: warpers.hpp:62
hal_ni_split32s
int hal_ni_split32s(const int *src_data, int **dst_data, int len, int cn)
Definition: hal_replacement.hpp:347
CV_PI_F
#define CV_PI_F
Definition: common.hpp:87
CV_NEXT_SEQ_ELEM
#define CV_NEXT_SEQ_ELEM(elem_size, reader)
Definition: types_c.h:1613
cv::ocl::Kernel::~Kernel
~Kernel()
deriv.hpp
CV_CAP_INTELPERC_GENERATORS_MASK
@ CV_CAP_INTELPERC_GENERATORS_MASK
Definition: videoio_c.h:452
cv::TrackerModel::stateEstimator
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracker.hpp:516
cv::operator*=
v_reg< _Tp, n > & operator*=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:406
cv::BaseCascadeClassifier::isOldFormatCascade
virtual bool isOldFormatCascade() const =0
cv::TM_CCORR
@ TM_CCORR
Definition: imgproc.hpp:3632
cvflann::LshIndex::DistanceType
Distance::ResultType DistanceType
Definition: lsh_index.h:82
cv::ocl::PlatformInfo
Definition: ocl.hpp:648
cv::flann::SearchParams::SearchParams
SearchParams(int checks=32, float eps=0, bool sorted=true)
cv::KeyPointsFilter::retainBest
static void retainBest(std::vector< KeyPoint > &keypoints, int npoints)
cudafilters.hpp
cv::MinProblemSolver::Function::getGradientEps
virtual double getGradientEps() const
cv::cudev::DerivYPtr::src
SrcPtr src
Definition: deriv.hpp:106
cv::cuda::BackgroundSubtractorMOG::getNoiseSigma
virtual double getNoiseSigma() const =0
cv::CAP_PROP_XI_CC_MATRIX_02
@ CAP_PROP_XI_CC_MATRIX_02
Color Correction Matrix element [0][2].
Definition: videoio.hpp:399
cv::Mat::allocator
MatAllocator * allocator
custom allocator
Definition: mat.hpp:1969
cv::initUndistortRectifyMap
void initUndistortRectifyMap(InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, Size size, int m1type, OutputArray map1, OutputArray map2)
Computes the undistortion and rectification transformation map.
cv::stereo::StereoBinarySGBM::getP1
virtual int getP1() const =0
cv::CAP_PROP_XI_SHARPNESS
@ CAP_PROP_XI_SHARPNESS
Sharpness Strength.
Definition: videoio.hpp:396
cv::CAP_FIREWARE
@ CAP_FIREWARE
Same as CAP_FIREWIRE.
Definition: videoio.hpp:94
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::~TrackerAdaBoostingTargetState
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracker.hpp:689
CV_AA
#define CV_AA
Definition: imgproc_c.h:988
cl_device_type
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT cl_device_type
Definition: opencl_core.hpp:284
cvRestoreMemStoragePos
void cvRestoreMemStoragePos(CvMemStorage *storage, CvMemStoragePos *pos)
cvv::FinalShowCaller::~FinalShowCaller
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
cv::CalibrateCRF::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
Recovers inverse camera response.
cvflann::RadiusResultSet::~RadiusResultSet
~RadiusResultSet()
Definition: result_set.h:244
NcvPoint2D32u::y
Ncv32u y
Point Y.
Definition: NCV.hpp:203
cv::SeqIterator::seek
void seek(size_t pos)
positions the iterator within the sequence
Definition: core_c.h:3095
cv::SparseMat::Hdr::pool
std::vector< uchar > pool
Definition: mat.hpp:2528
matlab::conditionalError
static void conditionalError(bool expr, const std::string &str)
raise error if condition fails
Definition: mxarray.hpp:96
cv::dnn::LSTMLayer::setProduceCellOutput
virtual void setProduceCellOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
cv::EstimatedGaussDistribution::getMean
float getMean()
cv::videostab::DeblurerBase::blurrinessRates
virtual const std::vector< float > & blurrinessRates() const
Definition: deblurring.hpp:81
clEnqueueBarrierWithWaitList
#define clEnqueueBarrierWithWaitList
Definition: opencl_core_wrappers.hpp:67
cv::aruco::DetectorParameters::cornerRefinementMinAccuracy
double cornerRefinementMinAccuracy
Definition: aruco.hpp:143
cv::bridge::Bridge::toRNG
cv::RNG toRNG()
explicit conversion to cv::RNG()
Definition: bridge.hpp:361
cv::bioinspired::Retina::write
virtual void write(FileStorage &fs) const =0
cv::videostab::MoreAccurateMotionWobbleSuppressor
Definition: wobble_suppression.hpp:114
cv::viz::Color::pink
static Color pink()
cv::line_descriptor::KeyLine::endPointX
float endPointX
Definition: descriptor.hpp:131
version.hpp
cv::COLOR_YUV2BGRA_YUYV
@ COLOR_YUV2BGRA_YUYV
Definition: imgproc.hpp:702
cv::ParamType< bool >::member_type
bool member_type
Definition: core.hpp:3125
cvflann::HierarchicalClusteringIndex
Definition: hierarchical_clustering_index.h:81
cv::hal::sub64f
void sub64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
NCVMemStackAllocator::alignment
virtual Ncv32u alignment(void) const
cv::viz::Color::apricot
static Color apricot()
cv::Algorithm::write
virtual void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
Definition: core.hpp:3034
cv::cudev::LaplacianPtr< 3, SrcPtr >::src
SrcPtr src
Definition: deriv.hpp:354
cv::SparseMat_::SparseMat_
SparseMat_(const SparseMat_ &m)
the copy constructor. This is O(1) operation - no data is copied
Cv_iplDeallocate
void(CV_STDCALL * Cv_iplDeallocate)(IplImage *, int)
Definition: core_c.h:1939
cv::Stitcher::featuresFinder
const Ptr< detail::FeaturesFinder > featuresFinder() const
Definition: stitching.hpp:188
cvCalcProbDensity
void cvCalcProbDensity(const CvHistogram *hist1, const CvHistogram *hist2, CvHistogram *dst_hist, double scale=255)
Divides one histogram by another.
stereo.hpp
cvGraphRemoveEdgeByPtr
void cvGraphRemoveEdgeByPtr(CvGraph *graph, CvGraphVtx *start_vtx, CvGraphVtx *end_vtx)
cv::dnn::LSTMLayer
LSTM recurrent layer.
Definition: all_layers.hpp:77
tinyxml2::XMLConstHandle::ToDeclaration
const XMLDeclaration * ToDeclaration() const
Definition: tinyxml2.h:1902
tinyxml2::XML_ERROR_PARSING_TEXT
@ XML_ERROR_PARSING_TEXT
Definition: tinyxml2.h:1013
cv::TonemapMantiuk::setSaturation
virtual void setSaturation(float saturation)=0
CvBox2D::CvBox2D
CvBox2D(CvPoint2D32f c=CvPoint2D32f(), CvSize2D32f s=CvSize2D32f(), float a=0)
Definition: types_c.h:1069
cv::COLOR_BayerRG2RGB_VNG
@ COLOR_BayerRG2RGB_VNG
Definition: imgproc.hpp:758
cv::StereoMatcher::setMinDisparity
virtual void setMinDisparity(int minDisparity)=0
cv::boxPoints
void boxPoints(RotatedRect box, OutputArray points)
Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
cv::ocl::Kernel::workGroupSize
size_t workGroupSize() const
cv::datasets::MSM_middleburyObj::k
Matx33d k
Definition: msm_middlebury.hpp:63
cv::cudev::NormL1< float >::result_type
float result_type
Definition: vec_distance.hpp:93
cv::ximgproc::AdaptiveManifoldFilter::getSigmaS
virtual double getSigmaS() const =0
cv::cuda::HOG::create
static Ptr< HOG > create(Size win_size=Size(64, 128), Size block_size=Size(16, 16), Size block_stride=Size(8, 8), Size cell_size=Size(8, 8), int nbins=9)
Creates the HOG descriptor and detector.
cv::bridge::Bridge::FromMat
static matlab::MxArray FromMat(const cv::Mat &mat)
Definition: bridge.hpp:227
cv::hal::cvtBGRtoGray
void cvtBGRtoGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
cv::BaseClassifier::weakClassifier
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:140
CV_MAKETYPE
#define CV_MAKETYPE(depth, cn)
Definition: interface.h:79
cv::ccalib::CustomPattern::calibrate
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
cv::BackgroundSubtractorMOG2::getHistory
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
cv::DescriptorMatcher::empty
virtual bool empty() const
Returns true if there are no train descriptors in the both collections.
cv::Allocator::address
pointer address(reference r)
Definition: cvstd.hpp:146
cv::MergeExposures::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
cv::sfm::BaseSFM::run
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
cv::RNG_MT19937::seed
void seed(unsigned s)
cv::haveOpenVX
bool haveOpenVX()
Check if use of OpenVX is possible.
cv::cudev::NormHamming::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:169
cv::optflow::GPCForest::train
void train(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, const GPCTrainingParams params=GPCTrainingParams())
Definition: sparse_matching_gpc.hpp:265
cv::datasets::TRACK_alov::getDatasetLength
virtual int getDatasetLength(int id)=0
cv::cuda::CascadeClassifier::setScaleFactor
virtual void setScaleFactor(double scaleFactor)=0
Parameter specifying how much the image size is reduced at each image scale.
cv::detail::WaveCorrectKind
WaveCorrectKind
Definition: motion_estimators.hpp:323
cv::CHAIN_APPROX_TC89_KCOS
@ CHAIN_APPROX_TC89_KCOS
Definition: imgproc.hpp:452
cv::SparseMat_::operator()
_Tp operator()(int i0, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(i0, hashval)
cv::detail::CylindricalWarperGpu::CylindricalWarperGpu
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:524
cv::DualTVL1OpticalFlow::setMedianFiltering
virtual void setMedianFiltering(int val)=0
Median filter kernel size (1 = no filter) (3 or 5)
cvflann::IndexHeader::rows
size_t rows
Definition: saving.h:75
cv::MatOp::multiply
virtual void multiply(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
cv::directx::getTypeFromDXGI_FORMAT
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
cv::viz::Viz3d::wasStopped
bool wasStopped() const
Returns whether the event loop has been stopped.
cv::cudev::BrdConstant::rows
int rows
Definition: extrapolation.hpp:66
hal_ni_QR64f
int hal_ni_QR64f(double *src1, size_t src1_step, int m, int n, int k, double *src2, size_t src2_step, double *dst, int *info)
Definition: hal_replacement.hpp:655
cv::detail::ImageFeatures::descriptors
UMat descriptors
Definition: matchers.hpp:67
cv::datasets::OR_sunObj::label
int label
Definition: or_sun.hpp:62
cv::GeneralizedHoughBallard::getVotesThreshold
virtual int getVotesThreshold() const =0
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState::~TrackerMILTargetState
~TrackerMILTargetState()
Destructor.
Definition: tracker.hpp:614
cv::KalmanFilter::processNoiseCov
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:370
cv::cudev::greater_equal
Definition: functional.hpp:173
cv::CAP_PROP_PVAPI_BINNINGY
@ CAP_PROP_PVAPI_BINNINGY
Vertical binning factor.
Definition: videoio.hpp:289
CV_BGR2YUV_I420
@ CV_BGR2YUV_I420
Definition: types_c.h:328
CvRect::CvRect
CvRect(int _x=0, int _y=0, int w=0, int h=0)
Definition: types_c.h:786
cv::cudev::IsBinaryFunction::No::a
Yes a[2]
Definition: functional.hpp:890
cv::dnn::Blob::reshape
Blob & reshape(const BlobShape &shape)
Changes shape of the blob without copying the data.
cv::cnn_3dobj::icoSphere::swapEndian
static int swapEndian(int val)
Suit the position of bytes in 4 byte data structure for particular system.
cv::CAP_PROP_XI_CC_MATRIX_13
@ CAP_PROP_XI_CC_MATRIX_13
Color Correction Matrix element [1][3].
Definition: videoio.hpp:404
camera.hpp
cv::randu
void randu(InputOutputArray dst, InputArray low, InputArray high)
Generates a single uniformly-distributed random number or an array of random numbers.
cv::ml::DTrees::setPriors
virtual void setPriors(const cv::Mat &val)=0
The array of a priori class probabilities, sorted by the class label value.
cv::cuda::pow
void pow(InputArray src, double power, OutputArray dst, Stream &stream=Stream::Null())
Raises every matrix element to a power.
CV_RGBA2mRGBA
@ CV_RGBA2mRGBA
Definition: types_c.h:324
cv::Point_::y
_Tp y
Definition: types.hpp:176
CvStringHashNode
Definition: types_c.h:1776
CV_CAP_PROP_XI_LED_MODE
@ CV_CAP_PROP_XI_LED_MODE
Definition: videoio_c.h:273
cv::cudev::Avg::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:94
cvflann::FLANN_CENTERS_KMEANSPP
@ FLANN_CENTERS_KMEANSPP
Definition: defines.h:109
cv::cuda::StereoBeliefPropagation::setDiscSingleJump
virtual void setDiscSingleJump(double disc_single_jump)=0
cv::SparseOpticalFlow::calc
virtual void calc(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err=cv::noArray())=0
Calculates a sparse optical flow.
cv::_OutputArray::assign
void assign(const Mat &m) const
cv::instr::NodeData::m_retAddress
void * m_retAddress
Definition: utility.hpp:1127
cv::CascadeClassifier::empty
bool empty() const
Checks whether the classifier has been loaded.
CvMemStorage::signature
int signature
Definition: types_c.h:1191
cv::Matx::all
static Matx all(_Tp alpha)
cv::ppf_match_3d::hashtableInsert
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
cv::videostab::StabilizerBase::doCorrectionForInclusion
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:90
cv::saliency::StaticSaliencyFineGrained::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)
cv::CAP_PROP_XI_SENSOR_BOARD_TEMP
@ CAP_PROP_XI_SENSOR_BOARD_TEMP
Camera sensor board temperature.
Definition: videoio.hpp:389
cv::cuda::Stream::waitForCompletion
void waitForCompletion()
Blocks the current CPU thread until all operations in the stream are complete.
CvMoments::m10
double m10
Definition: types_c.h:399
cv::cudev::hypot
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
cv::superres::createFrameSource_Video
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
cv::hal::LU64f
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
CvLevMarq::init
void init(int nparams, int nerrs, CvTermCriteria criteria=cvTermCriteria(CV_TERMCRIT_EPS+CV_TERMCRIT_ITER, 30, DBL_EPSILON), bool completeSymmFlag=false)
cv::cudev::TransposeBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
cv::AutoBuffer< int, 4 >
opencl_svm_definitions.hpp
cv::ocl::predictOptimalVectorWidth
int predictOptimalVectorWidth(InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray(), OclVectorStrategy strat=OCL_VECTOR_DEFAULT)
cv::StereoBM::setPreFilterSize
virtual void setPreFilterSize(int preFilterSize)=0
cv::VideoCapture::set
virtual bool set(int propId, double value)
Sets a property in the VideoCapture.
cv::rgbd::ICPOdometry::maxDepth
double maxDepth
Definition: rgbd.hpp:864
cv::cuda::DeviceInfo::maxSurface1D
int maxSurface1D() const
maximum 1D surface size
cv::bioinspired::RetinaParameters::IplMagnoParameters::localAdaptintegration_tau
float localAdaptintegration_tau
Definition: retina.hpp:176
cv::WarperCreator::~WarperCreator
virtual ~WarperCreator()
Definition: warpers.hpp:58
cv::viz::Color::gold
static Color gold()
cv::LDA::reconstruct
Mat reconstruct(InputArray src)
cv::cnn_3dobj::icoSphere::CameraPos
std::vector< cv::Point3d > CameraPos
Camera position on the sphere after duplicated points elimination.
Definition: cnn_3dobj.hpp:159
CV_StsFilterOffsetErr
@ CV_StsFilterOffsetErr
Definition: types_c.h:151
cv::detail::PlanePortraitWarper
Definition: warpers.hpp:598
cv::Error::StsBackTrace
@ StsBackTrace
pseudo error for back trace
Definition: base.hpp:70
cv::cuda::SparsePyrLKOpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool useInitialFlow)=0
nppiStSqrIntegral_8u64u_C1R_host
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::cudev::vec_math_detail::SatCastHelper
Definition: vec_math.hpp:61
cv::hal::cvtBGRtoHSV
void cvtBGRtoHSV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV)
cv::TonemapDrago::setSaturation
virtual void setSaturation(float saturation)=0
cv::COLOR_RGBA2BGRA
@ COLOR_RGBA2BGRA
Definition: imgproc.hpp:536
cvGet1D
CvScalar cvGet1D(const CvArr *arr, int idx0)
Return a specific array element.
cv::Mat4f
Mat_< Vec4f > Mat4f
Definition: mat.hpp:2216
cv::v_uint16x8
v_reg< ushort, 8 > v_uint16x8
Eight 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:358
cv::getNumberOfCPUs
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
cv::detail::FeaturesMatcher::match
virtual void match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info)=0
This method must implement matching logic in order to make the wrappers detail::FeaturesMatcher::oper...
cv::flann::IndexParams::setBool
void setBool(const String &key, bool value)
nppiStDecimate_64s_C1R_host
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::THRESH_TOZERO
@ THRESH_TOZERO
Definition: imgproc.hpp:332
cv::Moments::mu21
double mu21
Definition: types.hpp:867
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, String dslabel) const =0
CV_CAP_MODE_YUYV
@ CV_CAP_MODE_YUYV
Definition: videoio_c.h:462
cv::Mat_::Mat_
Mat_(Size _size)
equivalent to Mat(_size, DataType<_Tp>::type)
tinyxml2::XMLDocument::WhitespaceMode
Whitespace WhitespaceMode() const
Definition: tinyxml2.h:1566
cv::detail::PairwiseSeamFinder::run
void run()
cv::minAreaRect
RotatedRect minAreaRect(InputArray points)
Finds a rotated rectangle of the minimum area enclosing the input 2D point set.
cv::Mat::elemSize
size_t elemSize() const
Returns the matrix element size in bytes.
cv::detail::GraphCutSeamFinderBase
Base class for all minimum graph-cut-based seam estimators.
Definition: seam_finders.hpp:229
HaarStage64::setStageThreshold
__host__ NCVStatus setStageThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:275
cv::StereoBM::getPreFilterType
virtual int getPreFilterType() const =0
InpaintingModes
InpaintingModes
Definition: photo_c.h:58
cv::text::OCR_LEVEL_WORD
@ OCR_LEVEL_WORD
Definition: ocr.hpp:60
cv::CAP_PROP_GPHOTO2_RELOAD_CONFIG
@ CAP_PROP_GPHOTO2_RELOAD_CONFIG
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:547
cv::cudev::IsBinaryFunction::value
@ value
Definition: functional.hpp:897
CvFileNode::str
CvString str
Definition: types_c.h:1795
cv::LDA::_eigenvectors
Mat _eigenvectors
Definition: core.hpp:2531
cv::cudacodec::EncoderParams::ForceIntra
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:96
clEnqueueCopyBuffer
#define clEnqueueCopyBuffer
Definition: opencl_core_wrappers.hpp:70
cv::ml::SVM::Types
Types
SVM type
Definition: ml.hpp:580
cv::datasets::OR_pascal::create
static Ptr< OR_pascal > create()
cv::Mat::ptr
_Tp * ptr(const Vec< int, n > &idx)
cv::hal::cvtYUVtoBGR
void cvtYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isCbCr)
cvflann::KNNSimpleResultSet::full
bool full() const
Definition: result_set.h:112
cvflann::KL_Divergence::ElementType
T ElementType
Definition: dist.h:697
cv::SparseMat::create
void create(int dims, const int *_sizes, int _type)
reallocates sparse matrix.
tinyxml2::XMLElement::CLOSED
@ CLOSED
Definition: tinyxml2.h:1463
cv::Seq::remove
void remove(int idx)
removes element at the specified position
Definition: core_c.h:3065
cv::WeakClassifierHaarFeature::~WeakClassifierHaarFeature
virtual ~WeakClassifierHaarFeature()
cv::SOLVEPNP_UPNP
@ SOLVEPNP_UPNP
Exhaustive Linearization for Robust Camera Pose and Focal Length Estimation .
Definition: calib3d.hpp:239
CvVideoCamera
Definition: cap_ios.h:101
cvflann::KMeansIndex::saveIndex
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: kmeans_index.h:451
cv::face::StandardCollector::PredictResult::label
int label
Definition: predict_collector.hpp:87
nppiStTranspose_32s_C1R_host
NCVStatus nppiStTranspose_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::dnn::Layer::allocate
std::vector< Blob > allocate(const std::vector< Blob > &inputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::FlannBasedMatcher::radiusMatchImpl
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< _Tp > &vec)
cv::cuda::HostMem::~HostMem
~HostMem()
cv::CAP_PROP_XI_TS_RST_SOURCE
@ CAP_PROP_XI_TS_RST_SOURCE
Defines which source will be used for timestamp reset. Writing this parameter will trigger settings o...
Definition: videoio.hpp:447
cv::cuda::dft
void dft(InputArray src, OutputArray dst, Size dft_size, int flags=0, Stream &stream=Stream::Null())
Performs a forward or inverse discrete Fourier transform (1D or 2D) of the floating point matrix.
traits.hpp
cv::cvarrToMat
Mat cvarrToMat(const CvArr *arr, bool copyData=false, bool allowND=true, int coiMode=0, AutoBuffer< double > *buf=0)
converts array (CvMat or IplImage) to cv::Mat
cv::CAP_INTELPERC_DEPTH_GENERATOR
@ CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio.hpp:522
cv::detail::DisjointSets::parent
std::vector< int > parent
Definition: util.hpp:64
NcvRect32s
Definition: NCV.hpp:149
cvAvgSdv
void cvAvgSdv(const CvArr *arr, CvScalar *mean, CvScalar *std_dev, const CvArr *mask=NULL)
matlab::ArgumentParser::variantIs
bool variantIs(const String &name)
check if the valid variant is the key name
Definition: mxarray.hpp:628
cv::detail::PlaneWarperGpu::PlaneWarperGpu
PlaneWarperGpu(float scale=1.f)
Definition: warpers.hpp:438
cv::ml::createConcentricSpheresTestSet
void createConcentricSpheresTestSet(int nsamples, int nfeatures, int nclasses, OutputArray samples, OutputArray responses)
Creates test set.
cv::KMEANS_PP_CENTERS
@ KMEANS_PP_CENTERS
Definition: core.hpp:205
cv::omnidir::RECTIFY_CYLINDRICAL
@ RECTIFY_CYLINDRICAL
Definition: omnidir.hpp:69
cv::ximgproc::DisparityWLSFilter::setLRCthresh
virtual void setLRCthresh(int _LRC_thresh)=0
cv::DIST_LABEL_PIXEL
@ DIST_LABEL_PIXEL
Definition: imgproc.hpp:385
cv::cuda::createLinearFilter
Ptr< Filter > createLinearFilter(int srcType, int dstType, InputArray kernel, Point anchor=Point(-1,-1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a non-separable linear 2D filter.
cv::cuda::BackgroundSubtractorMOG2::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
CvSeqBlock::next
struct CvSeqBlock * next
Definition: types_c.h:1218
cv::cuda::HostMem::data
uchar * data
Definition: cuda.hpp:419
cv::xphoto::LearningBasedWB
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:169
cv::CAP_PROP_XI_GPO_MODE
@ CAP_PROP_XI_GPO_MODE
Set general purpose output mode.
Definition: videoio.hpp:336
cv::UMat::dims
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2405
cv::cudev::SobelXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
cv::SparseMat::Hdr::freeList
size_t freeList
Definition: mat.hpp:2527
cv::saliency::MotionSaliencyBinWangApr2014::setImagesize
void setImagesize(int W, int H)
This is a utility function that allows to set the correct size (taken from the input image) in the co...
hal_ni_mul8s
int hal_ni_mul8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:239
cv::StrongClassifierDirectSelection::~StrongClassifierDirectSelection
virtual ~StrongClassifierDirectSelection()
cv::cuda::HoughLinesDetector::getMaxLines
virtual int getMaxLines() const =0
cv::CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
@ CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Horizontal sub-sampling of the image.
Definition: videoio.hpp:286
cv::ogl::Buffer::copyTo
void copyTo(OutputArray arr) const
Copies from OpenGL buffer to host/device memory or another OpenGL buffer object.
cv::sfm::BaseSFM::getPoints
virtual void getPoints(OutputArray points3d)=0
cv::WINDOW_KEEPRATIO
@ WINDOW_KEEPRATIO
the ratio of the image is respected.
Definition: highgui.hpp:189
CvChainPtReader
Definition: types_c.h:472
cv::cudev::gridMerge_
__host__ void gridMerge_(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:64
cv::ppf_match_3d::hashtableGet
void * hashtableGet(hashtable_int *hashtbl, KeyType key)
cv::CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
@ CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
Selects which test pattern generator is controlled by the TestPattern feature.
Definition: videoio.hpp:360
cv::cuda::calcNorm
void calcNorm(InputArray src, OutputArray dst, int normType, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::FileNodeIterator::SeqReader::header_size
int header_size
Definition: persistence.hpp:671
cv::cuda::swapChannels
void swapChannels(InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null())
Exchanges the color channels of an image in-place.
HaarFeatureDescriptor32_NumFeatures_Shift
#define HaarFeatureDescriptor32_NumFeatures_Shift
Definition: NCVHaarObjectDetection.hpp:124
cv::ogl::Buffer::bind
void bind(Target target) const
Binds OpenGL buffer to the specified buffer binding point.
cv::LineIterator::minusDelta
int minusDelta
Definition: imgproc.hpp:4597
cvCreateFileCapture
CvCapture * cvCreateFileCapture(const char *filename)
start capturing frames from video file
cv::line_descriptor::KeyLine::startPointX
float startPointX
Definition: descriptor.hpp:129
cv::fisheye::estimateNewCameraMatrixForUndistortRectify
void estimateNewCameraMatrixForUndistortRectify(InputArray K, InputArray D, const Size &image_size, InputArray R, OutputArray P, double balance=0.0, const Size &new_size=Size(), double fov_scale=1.0)
Estimates new camera matrix for undistortion or rectification.
cv::COLOR_RGB2HSV
@ COLOR_RGB2HSV
Definition: imgproc.hpp:582
CV_CAP_PROP_ANDROID_WHITEBALANCE_LOCK
@ CV_CAP_PROP_ANDROID_WHITEBALANCE_LOCK
Definition: videoio_c.h:423
cv::COLOR_BayerBG2GRAY
@ COLOR_BayerBG2GRAY
Definition: imgproc.hpp:745
cv::DMatch
Class for matching keypoint descriptors.
Definition: types.hpp:738
cv::KeyPoint::angle
float angle
Definition: types.hpp:703
cvFloor
int cvFloor(double value)
Rounds floating-point number to the nearest integer not larger than the original.
Definition: fast_math.hpp:131
clAmdBlasSgemmEx
#define clAmdBlasSgemmEx
Definition: opencl_clamdblas.hpp:379
cv::videostab::StabilizerBase::setFrameSource
void setFrameSource(Ptr< IFrameSource > val)
Definition: stabilizer.hpp:77
cvCalcArrHist
void cvCalcArrHist(CvArr **arr, CvHistogram *hist, int accumulate=0, const CvArr *mask=NULL)
Calculates array histogram.
cv::seqPushFront
schar * seqPushFront(CvSeq *seq, const void *element=0)
CV_CAP_PROP_TILT
@ CV_CAP_PROP_TILT
Definition: videoio_c.h:202
cv::Subdiv2D::Vertex::firstEdge
int firstEdge
Definition: imgproc.hpp:1134
cv::hal::min32s
void min32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
CvKalman::temp2
CvMat * temp2
Definition: tracking_c.h:201
cv::cuda::HOG::setGammaCorrection
virtual void setGammaCorrection(bool gamma_correction)=0
Flag to specify whether the gamma correction preprocessing is required or not.
cvflann::KDTreeIndex::veclen
size_t veclen() const
Definition: kdtree_index.h:176
cv::videostab::WobbleSuppressorBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:78
cv::stereo::MCTKernel::image
uint8_t * image[num_images]
Definition: descriptor.hpp:103
cv::HausdorffDistanceExtractor::setDistanceFlag
virtual void setDistanceFlag(int distanceFlag)=0
Set the norm used to compute the Hausdorff value between two shapes. It can be L1 or L2 norm.
cv::DescriptorMatcher::DescriptorCollection::DescriptorCollection
DescriptorCollection()
cv::ml::DTrees::Split::Split
Split()
cv::COLOR_BGR5552RGB
@ COLOR_BGR5552RGB
Definition: imgproc.hpp:562
cv::EVENT_MBUTTONDOWN
@ EVENT_MBUTTONDOWN
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:208
cv::FlannBasedMatcher::clone
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const
Clones the matcher.
cv::cudev::Block::blockId
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
tinyxml2::XMLPrinter::VisitExit
virtual bool VisitExit(const XMLDocument &)
Visit a document.
Definition: tinyxml2.h:2000
cvflann::ZeroIterator::operator+=
ZeroIterator< T > & operator+=(int)
Definition: dist.h:776
cv::CAP_PROP_ZOOM
@ CAP_PROP_ZOOM
Definition: videoio.hpp:151
cv::optflow::OpticalFlowPCAFlow::OpticalFlowPCAFlow
OpticalFlowPCAFlow(Ptr< const PCAPrior > _prior=Ptr< const PCAPrior >(), const Size _basisSize=Size(18, 14), float _sparseRate=0.024, float _retainedCornersFraction=0.2, float _occlusionsThreshold=0.0003, float _dampingFactor=0.00002, float _claheClip=14)
Creates an instance of PCAFlow algorithm.
cv::cuda::BroxOpticalFlow::setGradientConstancyImportance
virtual void setGradientConstancyImportance(double gamma)=0
cv::instr::operator==
bool operator==(const NodeData &lhs, const NodeData &rhs)
nppiStTranspose_32f_C1R
NCVStatus nppiStTranspose_32f_C1R(Ncv32f *d_src, Ncv32u srcStride, Ncv32f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::TrackerStateEstimatorAdaBoosting::TrackerStateEstimatorAdaBoosting
TrackerStateEstimatorAdaBoosting(int numClassifer, int initIterations, int nFeatures, Size patchSize, const Rect &ROI)
Constructor.
cv::CAP_PROP_XI_DEBUG_LEVEL
@ CAP_PROP_XI_DEBUG_LEVEL
Set debug level.
Definition: videoio.hpp:467
descriptor.hpp
cv::cuda::StereoBM
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:73
CV_BadDataPtr
@ CV_BadDataPtr
Definition: types_c.h:132
cv::viz::Viz3d::converTo3DRay
void converTo3DRay(const Point3d &window_coord, Point3d &origin, Vec3d &direction)
Transforms a point in window coordinate system to a 3D ray in world coordinate system.
cv::cudev::RemapPtr2::src
SrcPtr src
Definition: remap.hpp:80
cvflann::ZeroIterator::operator++
const ZeroIterator< T > & operator++()
Definition: dist.h:766
cv::cudev::Log2
Definition: type_traits.hpp:79
cv::Algorithm::read
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3038
CvSize2D32f::CvSize2D32f
CvSize2D32f(const cv::Size_< _Tp > &sz)
Definition: types_c.h:1041
cv::Mat::Mat
Mat(const Point_< _Tp > &pt, bool copyData=true)
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst, Stream &stream) const
copies the GpuMat content to device memory (Non-Blocking call)
tinyxml2::XMLElement::SetAttribute
void SetAttribute(const char *name, double value)
Sets the named attribute to value.
Definition: tinyxml2.h:1326
cv::ShapeContextDistanceExtractor::setImageAppearanceWeight
virtual void setImageAppearanceWeight(float imageAppearanceWeight)=0
Set the weight of the Image Appearance cost in the final value of the shape distance....
cv::cuda::integral
void integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
cvRandInt
unsigned cvRandInt(CvRNG *rng)
Returns a 32-bit unsigned integer and updates RNG.
Definition: types_c.h:228
erfilter.hpp
CV_StsObjectNotFound
@ CV_StsObjectNotFound
Definition: types_c.h:155
cv::ppf_match_3d::Pose3D::residual
double residual
Definition: pose_3d.hpp:127
cv::COLOR_HLS2BGR_FULL
@ COLOR_HLS2BGR_FULL
Definition: imgproc.hpp:609
cvGetValidDisparityROI
CvRect cvGetValidDisparityROI(CvRect roi1, CvRect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize)
CvFont::ascii
const int * ascii
font data and metrics
Definition: imgproc_c.h:1123
CV_YUV2GRAY_IYUV
@ CV_YUV2GRAY_IYUV
Definition: types_c.h:272
interface.h
cv::Exception::~Exception
virtual ~Exception()
cv::MultiTracker_Alt::targetNum
int targetNum
Current number of targets in tracking-list.
Definition: tracker.hpp:1438
cv::saliency::StaticSaliency::computeBinaryMap
bool computeBinaryMap(InputArray _saliencyMap, OutputArray _binaryMap)
This function perform a binary map of given saliency map. This is obtained in this way:
cv::dnn::Blob::getState
int getState() const
Returns current state of the blob,.
cv::ml::TrainData::getClassLabels
virtual Mat getClassLabels() const =0
Returns the vector of class labels.
cv::Matx12d
Matx< double, 1, 2 > Matx12d
Definition: matx.hpp:196
cvflann::KNNResultSet::addPoint
void addPoint(DistanceType dist, int index)
Definition: result_set.h:185
CV_CHAIN_APPROX_TC89_L1
@ CV_CHAIN_APPROX_TC89_L1
Definition: types_c.h:459
cv::bridge::Bridge::toScalar
cv::Scalar toScalar()
Definition: bridge.hpp:335
cv::detail::PaniniPortraitWarper::PaniniPortraitWarper
PaniniPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:397
cv::cv2eigen
static void cv2eigen(const Mat &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst)
Definition: eigen.hpp:95
CV_TERMCRIT_EPS
#define CV_TERMCRIT_EPS
Definition: types_c.h:831
cv::cuda::HostMem::empty
bool empty() const
cv::Point3d
Point3_< double > Point3d
Definition: types.hpp:254
cv::WImageViewC
Definition: wimage.hpp:444
cv::_InputArray::getUMatVector
void getUMatVector(std::vector< UMat > &umv) const
TIXML2_MINOR_VERSION
static const int TIXML2_MINOR_VERSION
Definition: tinyxml2.h:126
tinyxml2::XMLText::operator=
XMLText & operator=(const XMLText &)
cvGetRealND
double cvGetRealND(const CvArr *arr, const int *idx)
cv::logPolar
void logPolar(InputArray src, OutputArray dst, Point2f center, double M, int flags)
Remaps an image to semilog-polar coordinates space.
cv::hal::cmp32s
void cmp32s(const int *src1, size_t step1, const int *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::FileNode
File Storage Node class.
Definition: persistence.hpp:486
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_()
the default constructor
cv::datasets::HPE_humanevaObj::imageNames
std::vector< std::string > imageNames
Definition: hpe_humaneva.hpp:68
cv::CAP_PROP_FRAME_HEIGHT
@ CAP_PROP_FRAME_HEIGHT
Height of the frames in the video stream.
Definition: videoio.hpp:128
cv::v_sub_wrap
v_reg< _Tp, n > v_sub_wrap(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Subtract values without saturation.
Definition: intrin_cpp.hpp:654
cv::optflow::GPCTree::create
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:192
cv::CAP_MODE_BGR
@ CAP_MODE_BGR
BGR24 (default)
Definition: videoio.hpp:170
dynamic_bitset.h
cv::TrackerModel::currentConfidenceMap
ConfidenceMap currentConfidenceMap
Definition: tracker.hpp:517
cv::cudev::reduceToRow_
__host__ Expr< ReduceToRowBody< Reductor, SrcPtr > > reduceToRow_(const SrcPtr &src)
Definition: reduction.hpp:187
OPENCV_HAL_IMPL_C_INIT_ZERO
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:1512
cv::detail::BundleAdjusterBase::refinementMask
const Mat refinementMask() const
Definition: motion_estimators.hpp:132
cvflann::L2_Simple::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:106
cv::CMP_NE
@ CMP_NE
src1 is unequal to src2.
Definition: base.hpp:205
cv::EstimatedGaussDistribution::setValues
void setValues(float mean, float sigma)
cv::Point_::x
_Tp x
Definition: types.hpp:176
cv::Mat::setTo
Mat & setTo(InputArray value, InputArray mask=noArray())
Sets all or some of the array elements to the specified value.
CV_CUDEV_EXPR_CVTCOLOR_INST
#define CV_CUDEV_EXPR_CVTCOLOR_INST(name)
Definition: color.hpp:60
cv::detail::SphericalWarperGpu
Definition: warpers.hpp:490
CvMoments::CvMoments
CvMoments()
Definition: types_c.h:404
cv::tracking::UnscentedKalmanFilter::getProcessNoiseCov
virtual Mat getProcessNoiseCov() const =0
cv::rgbd::Odometry
Definition: rgbd.hpp:528
cv::QtFontStyles
QtFontStyles
Qt font style.
Definition: highgui.hpp:239
cv::cudacodec::VideoReader
Video reader interface.
Definition: cudacodec.hpp:288
cv::cudacodec::FormatInfo
Struct providing information about video file format. :
Definition: cudacodec.hpp:274
hal_ni_cvtBGR5x5toGray
int hal_ni_cvtBGR5x5toGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
hal_cvtBGR5x5toGray
Definition: hal_replacement.hpp:369
cv::CvHOGEvaluator::Feature::calc
float calc(const std::vector< Mat > &_hists, const Mat &_normSum, size_t y, int featComponent) const
Definition: feature.hpp:340
cvflann::UniqueResultSet
Definition: result_set.h:288
cv::dnn::LayerFactory::createLayerInstance
static Ptr< Layer > createLayerInstance(const String &type, LayerParams &params)
Creates instance of registered layer.
cv::ocl::Device::compilerAvailable
bool compilerAvailable() const
cv::TickMeter::reset
void reset()
Definition: utility.hpp:359
cv::CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
@ CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Current format of pixels on transport layer.
Definition: videoio.hpp:432
cv::cudev::vsetle4
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
cv::ximgproc::WMF_JAC
@ WMF_JAC
Definition: weighted_median_filter.hpp:70
NCVVector::~NCVVector
virtual ~NCVVector()
Definition: NCV.hpp:577
cv::setTrackbarPos
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
cv::videostab::MotionEstimatorBase::MotionEstimatorBase
MotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:123
cv::MatStep::operator[]
size_t & operator[](int i)
cv::Seq::clear
void clear()
removes all the elements from the sequence
Definition: core_c.h:3041
cv::datasets::IS_weizmannObj::imageName
std::string imageName
Definition: is_weizmann.hpp:62
CvTreeNodeIterator::node
const void * node
Definition: core_c.h:1896
cv::DualTVL1OpticalFlow::getWarpingsNumber
virtual int getWarpingsNumber() const =0
Number of warpings per scale.
cv::hconcat
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
cv::reg::MapProjec::~MapProjec
~MapProjec(void)
cv::WImage_b
WImage< uchar > WImage_b
Definition: wimage.hpp:60
cv::linemod::Detector::pyramid_levels
int pyramid_levels
Definition: linemod.hpp:420
cv::dnn::BaseConvolutionLayer::padMode
String padMode
Definition: all_layers.hpp:213
cvflann::lsh::LshTable::LshTable
LshTable(unsigned int feature_size, unsigned int key_size)
Definition: lsh_table.h:156
cv::face::StandardCollector::PredictResult::PredictResult
PredictResult(int label_=-1, double distance_=DBL_MAX)
Definition: predict_collector.hpp:89
cv::cudev::MakeVec< schar, 4 >::type
char4 type
Definition: vec_traits.hpp:79
cv::datasets::FR_adienceObj::tilt_ang
int tilt_ang
Definition: fr_adience.hpp:78
cv::datasets::rightleft
@ rightleft
Definition: gr_skig.hpp:65
CV_CAP_PROP_XI_RECENT_FRAME
@ CV_CAP_PROP_XI_RECENT_FRAME
Definition: videoio_c.h:389
cv::COLOR_YUV2BGR_NV12
@ COLOR_YUV2BGR_NV12
Definition: imgproc.hpp:629
cv::AutoBuffer::size
size_t size() const
returns the current buffer size
cv::viz::Color::silver
static Color silver()
CV_CANNY_L2_GRADIENT
@ CV_CANNY_L2_GRADIENT
Definition: types_c.h:602
cv::ppf_match_3d::ICP::~ICP
virtual ~ICP()
Definition: icp.hpp:100
cv::videostab::KeypointBasedMotionEstimator::KeypointBasedMotionEstimator
KeypointBasedMotionEstimator(Ptr< MotionEstimatorBase > estimator)
cv::cuda::CannyEdgeDetector::setLowThreshold
virtual void setLowThreshold(double low_thresh)=0
cv::Point_::dot
_Tp dot(const Point_ &pt) const
dot product
cv::CAP_PROP_XI_IMAGE_DATA_FORMAT
@ CAP_PROP_XI_IMAGE_DATA_FORMAT
Output data format.
Definition: videoio.hpp:362
cv::rgbd::RgbdICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const
Definition: rgbd.hpp:905
cv::COLOR_BGR2YUV_IYUV
@ COLOR_BGR2YUV_IYUV
Definition: imgproc.hpp:723
cv::cuda::DeviceInfo::maxTexture3D
Vec3i maxTexture3D() const
maximum 3D texture dimensions
cv::flann::Index::radiusSearch
virtual int radiusSearch(InputArray query, OutputArray indices, OutputArray dists, double radius, int maxResults, const SearchParams &params=SearchParams())
cv::detail::ImageFeatures::img_idx
int img_idx
Definition: matchers.hpp:64
cv::cuda::ALPHA_PREMUL
@ ALPHA_PREMUL
Definition: cudaimgproc.hpp:160
cvCreateMatND
CvMatND * cvCreateMatND(int dims, const int *sizes, int type)
Creates the header and allocates the data for a multi-dimensional dense array.
cv::rgbd::RgbdOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: rgbd.hpp:678
cv::cuda::DensePyrLKOpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
hal_ni_dftInit2D
int hal_ni_dftInit2D(cvhalDFT **context, int width, int height, int depth, int src_channels, int dst_channels, int flags, int nonzero_rows)
Definition: hal_replacement.hpp:537
cv::sfm::libmv_CameraIntrinsicsOptions::libmv_CameraIntrinsicsOptions
libmv_CameraIntrinsicsOptions(const int _distortion_model=0, const double _focal_length=0, const double _principal_point_x=0, const double _principal_point_y=0, const double _polynomial_k1=0, const double _polynomial_k2=0, const double _polynomial_k3=0, const double _polynomial_p1=0, const double _polynomial_p2=0)
Definition: simple_pipeline.hpp:75
map.hpp
cv::cuda::GpuMat::cols
int cols
Definition: cuda.hpp:286
cv::cudev::VecTraits< char2 >::make
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
cv::SparseMatConstIterator_::iterator_category
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3123
cv::CAP_PVAPI_PIXELFORMAT_RGBA32
@ CAP_PVAPI_PIXELFORMAT_RGBA32
Rgba32.
Definition: videoio.hpp:315
cv::fontQt
QtFont fontQt(const String &nameFont, int pointSize=-1, Scalar color=Scalar::all(0), int weight=QT_FONT_NORMAL, int style=QT_STYLE_NORMAL, int spacing=0)
Creates the font to draw a text on an image.
cv::ORB::setNLevels
virtual void setNLevels(int nlevels)=0
cv::UMat::isContinuous
bool isContinuous() const
returns true iff the matrix data is continuous
cv::cudev::GpuMat_
Definition: gpumat.hpp:61
cv::UMat::create
void create(const std::vector< int > &sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::cudev::project1st
Definition: functional.hpp:289
cvflann::HierarchicalClusteringIndexParams
Definition: hierarchical_clustering_index.h:55
cv::cuda::HostMem::elemSize1
size_t elemSize1() const
cv::Mat::step1
size_t step1(int i=0) const
Returns a normalized step.
CV_CAP_PROP_XI_TIMEOUT
@ CV_CAP_PROP_XI_TIMEOUT
Definition: videoio_c.h:281
cv::Size_::Size_
Size_(_Tp _width, _Tp _height)
cv::datasets::TRACK_votObj::gtbb
vector< Point2d > gtbb
Definition: track_vot.hpp:65
cv::hal::Morph::create
static Ptr< Morph > create(int op, int src_type, int dst_type, int max_width, int max_height, int kernel_type, uchar *kernel_data, size_t kernel_step, int kernel_width, int kernel_height, int anchor_x, int anchor_y, int borderType, const double borderValue[4], int iterations, bool isSubmatrix, bool allowInplace)
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:440
cv::DECOMP_CHOLESKY
@ DECOMP_CHOLESKY
Definition: base.hpp:143
cv::calcOpticalFlowFarneback
void calcOpticalFlowFarneback(InputArray prev, InputArray next, InputOutputArray flow, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags)
Computes a dense optical flow using the Gunnar Farneback's algorithm.
cv::bridge::Bridge::operator=
Bridge & operator=(const mxArray *obj)
Definition: bridge.hpp:212
CvPhotoCameraDelegate-p
Definition: cap_ios.h:133
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Rect_< _Tp > &r)
Definition: persistence.hpp:990
cvSliceLength
int cvSliceLength(CvSlice slice, const CvSeq *seq)
CPU_SSE2
@ CPU_SSE2
Definition: cvdef.h:140
cv::datasets::PD_caltech::load
virtual void load(const std::string &path)=0
cvflann::addValue
void addValue(int pos, float val, float *vals, T *point, T *points, int n)
Definition: simplex_downhill.h:41
cv::superres::DualTVL1OpticalFlow::getLambda
virtual double getLambda() const =0
CV_BGR5552RGBA
@ CV_BGR5552RGBA
Definition: types_c.h:149
clBuildProgram
#define clBuildProgram
Definition: opencl_core_wrappers.hpp:10
cv::rgbd::RgbdICPOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: rgbd.hpp:949
cl_kernel_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_kernel_info
Definition: opencl_core.hpp:334
cv::ppf_match_3d::hashtableDestroy
void hashtableDestroy(hashtable_int *hashtbl)
cv::datasets::sectionSizes
const int sectionSizes[]
Definition: track_alov.hpp:71
tinyxml2::XMLDocument::SaveFile
XMLError SaveFile(FILE *fp, bool compact=false)
cv::Matx< double, 1, 3 >
cv::IMWRITE_JPEG_RST_INTERVAL
@ IMWRITE_JPEG_RST_INTERVAL
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:85
cv::cudev::operator!
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, logical_not< T > > > operator!(const GpuMat_< T > &src)
Definition: unary_op.hpp:90
cv::cudev::IntegerAreaInterPtrSz
Definition: interpolation.hpp:272
cv::cudev::gridFindMinMaxVal
__host__ void gridFindMinMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:341
cv::bridge::vector_Point
std::vector< cv::Point > vector_Point
Definition: bridge.hpp:70
tinyxml2::StrPair::ParseName
char * ParseName(char *in)
cv::WImage::Width
int Width() const
Definition: wimage.hpp:188
cv::cudev::sobelXPtr
__host__ SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelXPtr(const SrcPtr &src)
Definition: deriv.hpp:173
cv::DFT_COMPLEX_OUTPUT
@ DFT_COMPLEX_OUTPUT
Definition: base.hpp:232
cv::datasets::GR_chalearnObj::depth
int depth
Definition: gr_chalearn.hpp:78
projection.hpp
NCVMemStackAllocator::NCVMemStackAllocator
NCVMemStackAllocator(NCVMemoryType memT, size_t capacity, Ncv32u alignment, void *reusePtr=NULL)
cv::cudacodec::SF_BGR
@ SF_BGR
Definition: cudacodec.hpp:77
cv::ParamType< float >::const_param_type
float const_param_type
Definition: core.hpp:3180
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::normaliseOutput
bool normaliseOutput
Definition: retina.hpp:161
cv::DualTVL1OpticalFlow::setGamma
virtual void setGamma(double val)=0
coefficient for additional illumination variation term
CV_MAX_ARR
#define CV_MAX_ARR
Definition: core_c.h:563
cv::polarToCart
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false)
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
cv::datasets::word::width
int width
Definition: tr_icdar.hpp:63
cv::CAP_PROP_XI_LUT_INDEX
@ CAP_PROP_XI_LUT_INDEX
Control the index (offset) of the coefficient to access in the LUT.
Definition: videoio.hpp:443
cv::detail::PlaneWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R, InputArray T)
NcvPoint2D32u::x
Ncv32u x
Point X.
Definition: NCV.hpp:202
clGetEventProfilingInfo
#define clGetEventProfilingInfo
Definition: opencl_core.hpp:202
CvLevMarq::CvLevMarq
CvLevMarq()
cv::cudev::scharrY_
__host__ Expr< ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrY_(const SrcPtr &src)
Definition: deriv.hpp:108
cv::ocl::Device::hostUnifiedMemory
bool hostUnifiedMemory() const
cvflann::FLANN_DIST_CS
@ FLANN_DIST_CS
Definition: defines.h:138
cv::dpm::DPMDetector::~DPMDetector
virtual ~DPMDetector()
Definition: dpm.hpp:142
cv::Mat1b
Mat_< uchar > Mat1b
Definition: mat.hpp:2193
cvGraphRemoveVtx
int cvGraphRemoveVtx(CvGraph *graph, int index)
cv::viz::WMesh::WMesh
WMesh(const Mesh &mesh)
cv::SL2::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:729
cv::ogl::POINTS
@ POINTS
Definition: opengl.hpp:479
cv::face::BIF
Definition: bif.hpp:57
cv::multicalib::MultiCameraCalibration::initialize
void initialize()
cv::cudev::BrdConstant::cols
int cols
Definition: extrapolation.hpp:66
cv::WImageView_16u
WImageView< ushort > WImageView_16u
Definition: wimage.hpp:102
cvStdErrReport
int cvStdErrReport(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
tinyxml2::XMLUnknown::ToUnknown
virtual XMLUnknown * ToUnknown()
Safely cast to an Unknown, or null.
Definition: tinyxml2.h:978
cv::GFTTDetector
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:499
clGetPlatformInfo
#define clGetPlatformInfo
Definition: opencl_core.hpp:220
cv::cuda::HostMem::refcount
int * refcount
Definition: cuda.hpp:420
cv::ppf_match_3d::PPF3DDetector::read
void read(const FileNode &fn)
cv::getNumThreads
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
cv::TrackerMIL::Params::write
void write(FileStorage &fs) const
cv::LineSegmentDetector::~LineSegmentDetector
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1222
CV_BadAlphaChannel
@ CV_BadAlphaChannel
Definition: types_c.h:138
cv::detail::CompressedRectilinearWarper::CompressedRectilinearWarper
CompressedRectilinearWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:334
cv::videostab::LpMotionStabilizer::weight2
float weight2() const
Definition: motion_stabilizing.hpp:135
CV_MOP_BLACKHAT
@ CV_MOP_BLACKHAT
Definition: types_c.h:393
cv::detail::DpSeamFinder
Definition: seam_finders.hpp:119
tinyxml2::DynArray::operator[]
T & operator[](int i)
Definition: tinyxml2.h:254
cv::CALIB_FIX_K5
@ CALIB_FIX_K5
Definition: calib3d.hpp:263
cv::buildPyramid
void buildPyramid(InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT)
Constructs the Gaussian pyramid for an image.
cv::COLOR_RGB2YUV_YV12
@ COLOR_RGB2YUV_YV12
Definition: imgproc.hpp:729
CV_RGBA2RGB
@ CV_RGBA2RGB
Definition: types_c.h:107
cv::dnn::LRNLayer::normBySize
bool normBySize
Definition: all_layers.hpp:243
cv::Ptr::get
T * get() const
CV_CHECKBOX
@ CV_CHECKBOX
Definition: highgui_c.h:96
cv::WImage3_f
WImageC< float, 3 > WImage3_f
Definition: wimage.hpp:83
clReleaseDevice
#define clReleaseDevice
Definition: opencl_core_wrappers.hpp:211
cvCountNonZero
int cvCountNonZero(const CvArr *arr)
cv::dnn::_layerDynamicRegisterer
Ptr< Layer > _layerDynamicRegisterer(LayerParams &params)
Definition: layer.hpp:123
tinyxml2::XMLNode::ToComment
virtual const XMLComment * ToComment() const
Definition: tinyxml2.h:634
CV_YUV2BGR_YUYV
@ CV_YUV2BGR_YUYV
Definition: types_c.h:301
cv::randpattern::RandomPatternGenerator::RandomPatternGenerator
RandomPatternGenerator(int imageWidth, int imageHeight)
cvflann::DynamicBitset::DynamicBitset
DynamicBitset(size_t sz)
Definition: dynamic_bitset.h:69
hal_ni_merge32s
int hal_ni_merge32s(const int **src_data, int *dst_data, int len, int cn)
Definition: hal_replacement.hpp:368
clReleaseProgram
#define clReleaseProgram
Definition: opencl_core_wrappers.hpp:223
layer.hpp
cv::videostab::InpaintingPipeline::setMotions
virtual void setMotions(const std::vector< Mat > &val)
cv::CvFeatureEvaluator::nneg
int nneg
Definition: feature.hpp:191
cv::dnn::PoolingLayer::padMode
String padMode
Definition: all_layers.hpp:264
cv::CAP_PROP_XI_GAMMAC
@ CAP_PROP_XI_GAMMAC
Chromaticity gamma.
Definition: videoio.hpp:395
shape_transformer.hpp
cv::_InputArray::_InputArray
_InputArray(const UMat &um)
cv::detail::PaniniProjector
Definition: warpers.hpp:365
cvflann::HellingerDistance
Definition: dist.h:590
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_(SparseMat *_m)
cv::detail::MultiBandBlender::setNumBands
void setNumBands(int val)
Definition: blenders.hpp:132
cv::ml::DTrees::getUse1SERule
virtual bool getUse1SERule() const =0
hal_ni_morphInit
int hal_ni_morphInit(cvhalFilter2D **context, int operation, int src_type, int dst_type, int max_width, int max_height, int kernel_type, uchar *kernel_data, size_t kernel_step, int kernel_width, int kernel_height, int anchor_x, int anchor_y, int borderType, const double borderValue[4], int iterations, bool allowSubmatrix, bool allowInplace)
hal_morphInit
Definition: hal_replacement.hpp:204
cv::TrackerSamplerCS::Params
Definition: tracker.hpp:861
cv::stereo::StereoBinaryBM::setUsePrefilter
virtual void setUsePrefilter(bool factor)=0
cv::videostab::MotionEstimatorL1::estimate
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)
Estimates global motion between two 2D point clouds.
cv::Matx::diag
static Matx diag(const diag_type &d)
cv::WImageBuffer1_b
WImageBufferC< uchar, 1 > WImageBuffer1_b
Definition: wimage.hpp:69
cv::cudev::interLinear
__host__ LinearInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interLinear(const SrcPtr &src)
Definition: interpolation.hpp:140
CV_StsOutOfRange
@ CV_StsOutOfRange
Definition: types_c.h:162
cv::Mat::begin
MatIterator_< _Tp > begin()
Returns the matrix iterator and sets it to the first matrix element.
cv::tracking::UnscentedKalmanFilterParams::UnscentedKalmanFilterParams
UnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::viz::WPolyLine::WPolyLine
WPolyLine(InputArray points, InputArray colors)
cvflann::FLANN_INDEX_LINEAR
@ FLANN_INDEX_LINEAR
Definition: defines.h:83
ncvApplyHaarClassifierCascade_host
NCVStatus ncvApplyHaarClassifierCascade_host(NCVMatrix< Ncv32u > &h_integralImage, NCVMatrix< Ncv32f > &h_weights, NCVMatrixAlloc< Ncv32u > &h_pixelMask, Ncv32u &numDetections, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures, NcvBool bMaskElements, NcvSize32u anchorsRoi, Ncv32u pixelStep, Ncv32f scaleArea)
cv::Error::StsInternal
@ StsInternal
internal error (bad state)
Definition: base.hpp:72
cvflann::NNIndex::findNeighbors
virtual void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)=0
Method that searches for nearest-neighbours.
cv::SparseMat::type
int type() const
returns type of sparse matrix elements
cv::bridge::Bridge::toPoint2f
cv::Point2f toPoint2f() const
Definition: bridge.hpp:315
cv::Subdiv2D::edgeDst
int edgeDst(int edge, Point2f *dstpt=0) const
Returns the edge destination.
cv::ppf_match_3d::Pose3D::readPose
int readPose(FILE *f)
cv::detail::SeamFinder
Base class for a seam estimator.
Definition: seam_finders.hpp:59
cv::aruco::DICT_5X5_50
@ DICT_5X5_50
Definition: dictionary.hpp:146
CvKalman::temp4
CvMat * temp4
Definition: tracking_c.h:203
cv::cudacodec::EncoderParams::QP_Level_Intra
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:91
cv::detail::ImageFeatures
Structure containing image keypoints and descriptors.
Definition: matchers.hpp:63
cv::rgbd::warpFrame
void warpFrame(const Mat &image, const Mat &depth, const Mat &mask, const Mat &Rt, const Mat &cameraMatrix, const Mat &distCoeff, Mat &warpedImage, Mat *warpedDepth=0, Mat *warpedMask=0)
cv::SVD::backSubst
static void backSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
performs back substitution
CvKalman::MeasurementMatr
float * MeasurementMatr
Definition: tracking_c.h:174
cvflann::ResultSet
Definition: result_set.h:67
cv::text::OCRBeamSearchDecoder::run
String run(InputArray image, InputArray mask, int min_confidence, int component_level=0)
tinyxml2::XMLUtil::ToUnsigned
static bool ToUnsigned(const char *str, unsigned *value)
cv::CALIB_RATIONAL_MODEL
@ CALIB_RATIONAL_MODEL
Definition: calib3d.hpp:265
cvFillPoly
void cvFillPoly(CvArr *img, CvPoint **pts, const int *npts, int contours, CvScalar color, int line_type=8, int shift=0)
Fills an area bounded by one or more arbitrary polygons.
cv::Mat::Mat
Mat(const std::vector< int > &sizes, int type)
cv::TrackerKCF::Params::write
void write(FileStorage &) const
Read parameters from file, currently unused.
cv::ClfOnlineStump::_sig0
float _sig0
Definition: onlineMIL.hpp:93
cv::detail::ProjectorBase::k_rinv
float k_rinv[9]
Definition: warpers.hpp:134
cv::cudev::Min::work_type
T work_type
Definition: reduce_to_vec.hpp:107
cv::_InputArray::getOGlBuffer
ogl::Buffer getOGlBuffer() const
CV_BayerRG2BGR
@ CV_BayerRG2BGR
Definition: types_c.h:172
cv::Size_
Template class for specifying the size of an image or rectangle.
Definition: types.hpp:291
cv::detail::CameraParams::focal
double focal
Definition: camera.hpp:65
cv::LineIterator::step
int step
Definition: imgproc.hpp:4595
cv::detail::AffineBasedEstimator
Affine transformation based estimator.
Definition: motion_estimators.hpp:120
cv::EMDHistogramCostExtractor
An EMD based cost extraction. :
Definition: hist_cost.hpp:84
cv::ParallelLoopBody::~ParallelLoopBody
virtual ~ParallelLoopBody()
cvDrawContours
void cvDrawContours(CvArr *img, CvSeq *contour, CvScalar external_color, CvScalar hole_color, int max_level, int thickness=1, int line_type=8, CvPoint offset=cvPoint(0, 0))
Draws contour outlines or filled interiors on the image.
tinyxml2::XMLElement::QueryAttribute
int QueryAttribute(const char *name, bool *value) const
Definition: tinyxml2.h:1293
cv::createGeneralizedHoughGuil
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
cv::cudev::CommonAreaInterPtrSz::cols
int cols
Definition: interpolation.hpp:367
cv::QT_FONT_DEMIBOLD
@ QT_FONT_DEMIBOLD
Weight of 63.
Definition: highgui.hpp:233
cv::cuda::CascadeClassifier::getMinObjectSize
virtual Size getMinObjectSize() const =0
cv::getCPUTickCount
int64 getCPUTickCount()
Returns the number of CPU ticks.
cv::linemod::Match::Match
Match()
Definition: linemod.hpp:284
cv::sfm::isotropicPreconditionerFromPoints
void isotropicPreconditionerFromPoints(InputArray points, OutputArray T)
Point conditioning (isotropic).
cv::hal::cmp16s
void cmp16s(const short *src1, size_t step1, const short *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::Error::BadAlphaChannel
@ BadAlphaChannel
Definition: base.hpp:87
tinyxml2::XMLVisitor::VisitExit
virtual bool VisitExit(const XMLElement &)
Visit an element.
Definition: tinyxml2.h:461
cv::Affine3::translation
void translation(const Vec3 &t)
cvflann::Hamming::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:425
cv::rgbd::RgbdICPOdometry::getNormalsComputer
Ptr< RgbdNormals > getNormalsComputer() const
Definition: rgbd.hpp:985
cv::rgbd::RgbdICPOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: rgbd.hpp:933
cv::face::BasicFaceRecognizer::setNumComponents
virtual void setNumComponents(int val)=0
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
cvflann::HammingLUT::ElementType
unsigned char ElementType
Definition: dist.h:384
ncvGroupRectangles_host
NCVStatus ncvGroupRectangles_host(NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
cv::cuda::BackgroundSubtractorMOG::setNMixtures
virtual void setNMixtures(int nmix)=0
cv::datasets::tag::width
int width
Definition: tr_svt.hpp:63
cv::videostab::InpainterBase
Definition: inpainting.hpp:62
cv::UMatData
Definition: mat.hpp:473
cv::cuda::GpuMat::channels
int channels() const
returns number of channels
cv::SparseMat::node
const Node * node(size_t nidx) const
OPENCV_HAL_IMPL_C_INIT_VAL
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:1532
cv::ImreadModes
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:64
CV_CAP_PROP_BRIGHTNESS
@ CV_CAP_PROP_BRIGHTNESS
Definition: videoio_c.h:176
cvGetQuadrangleSubPix
void cvGetQuadrangleSubPix(const CvArr *src, CvArr *dst, const CvMat *map_matrix)
Retrieves quadrangle from the input array.
cv::cudacodec::VideoWriter
Video writer interface.
Definition: cudacodec.hpp:176
matlab::Traits< int32_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:163
cv::optflow::GPCPatchDescriptor::markAsSeparated
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:73
cv::Matx::operator-=
static Matx< _Tp1, m, n > & operator-=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1129
cv::cuda::SparsePyrLKOpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
cv::cuda::BackgroundSubtractorGMG::setMinVal
virtual void setMinVal(double val)=0
cv::videostab::WobbleSuppressorBase::motions2
virtual const std::vector< Mat > & motions2() const
Definition: wobble_suppression.hpp:82
cvflann::optimizeSimplexDownhill
float optimizeSimplexDownhill(T *points, int n, F func, float *vals=NULL)
Definition: simplex_downhill.h:69
cv::fisheye::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: calib3d.hpp:1889
cv::omnidir::stereoCalibrate
double stereoCalibrate(InputOutputArrayOfArrays objectPoints, InputOutputArrayOfArrays imagePoints1, InputOutputArrayOfArrays imagePoints2, const Size &imageSize1, const Size &imageSize2, InputOutputArray K1, InputOutputArray xi1, InputOutputArray D1, InputOutputArray K2, InputOutputArray xi2, InputOutputArray D2, OutputArray rvec, OutputArray tvec, OutputArrayOfArrays rvecsL, OutputArrayOfArrays tvecsL, int flags, TermCriteria criteria, OutputArray idx=noArray())
Stereo calibration for omnidirectional camera model. It computes the intrinsic parameters for two cam...
cv::superres::DualTVL1OpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool val)=0
cv::superres::SuperResolution::getTau
virtual double getTau() const =0
Asymptotic value of steepest descent method.
cv::datasets::word::height
int height
Definition: tr_icdar.hpp:63
cv::CvHOGFeatureParams::CvHOGFeatureParams
CvHOGFeatureParams()
cv::RNG_MT19937::RNG_MT19937
RNG_MT19937()
CV_CAP_PROP_XI_DEBOUNCE_POL
@ CV_CAP_PROP_XI_DEBOUNCE_POL
Definition: videoio_c.h:354
cv::ocl::Device::nativeVectorWidthChar
int nativeVectorWidthChar() const
cv::hal::min16u
void min16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(const std::vector< std::string > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
Calls the pipeline in order to perform Eclidean reconstruction.
CV_HOUGH_GRADIENT
@ CV_HOUGH_GRADIENT
Definition: types_c.h:611
cv::Mat::zeros
static MatExpr zeros(int ndims, const int *sz, int type)
cv::SVD::compute
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w, Matx< _Tp, m, nm > &u, Matx< _Tp, n, nm > &vt)
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyTexture
Texture-based strategy for the selective search segmentation algorithm The class is implemented from ...
Definition: segmentation.hpp:118
cv::text::OCRBeamSearchDecoder::beam_size
int beam_size
Definition: ocr.hpp:451
cv::linemod::Modality
Interface for modalities that plug into the LINE template matching representation.
Definition: linemod.hpp:157
cv::TonemapReinhard::setLightAdaptation
virtual void setLightAdaptation(float light_adapt)=0
cv::cudev::hypot
__device__ __forceinline__ double4 hypot(double s, const double4 &b)
Definition: vec_math.hpp:917
cv::ximgproc::AdaptiveManifoldFilter::setSigmaR
virtual void setSigmaR(double val)=0
cv::PROJ_SPHERICAL_EQRECT
@ PROJ_SPHERICAL_EQRECT
Definition: imgproc.hpp:355
cv::DIST_L1
@ DIST_L1
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:310
saturate.hpp
cv::superres::FarnebackOpticalFlow::setPyrScale
virtual void setPyrScale(double val)=0
cv::cuda::createHoughSegmentDetector
Ptr< HoughSegmentDetector > createHoughSegmentDetector(float rho, float theta, int minLineLength, int maxLineGap, int maxLines=4096)
Creates implementation for cuda::HoughSegmentDetector .
CV_WINDOW_FULLSCREEN
@ CV_WINDOW_FULLSCREEN
Definition: highgui_c.h:126
cv::cudev::TexturePtr::index_type
float index_type
Definition: texture.hpp:188
cv::WImage_16u
WImage< ushort > WImage_16u
Definition: wimage.hpp:101
cvflann::squareDistance< L2< ElementType >, ElementType >::ResultType
L2< ElementType >::ResultType ResultType
Definition: dist.h:807
cvflann::KMeansIndex::loadIndex
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: kmeans_index.h:463
cv::cuda::DescriptorMatcher::add
virtual void add(const std::vector< GpuMat > &descriptors)=0
Adds descriptors to train a descriptor collection.
cv::TrackerStateEstimator::update
void update(std::vector< ConfidenceMap > &confidenceMaps)
Update the ConfidenceMap with the scores.
cv::line_descriptor::KeyLine::size
float size
Definition: descriptor.hpp:126
cv::ORB::getFastThreshold
virtual int getFastThreshold() const =0
cv::UMat::type
int type() const
returns element type, similar to CV_MAT_TYPE(cvmat->type)
cvRepeat
void cvRepeat(const CvArr *src, CvArr *dst)
cv::cudev::maximum::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:312
cv::viz::Widget
Base class of all widgets. Widget is implicitly shared. :
Definition: widgets.hpp:93
cvReadChainPoint
CvPoint cvReadChainPoint(CvChainPtReader *reader)
Retrieves the next chain point.
cv::AutoLock::mutex
Mutex * mutex
Definition: utility.hpp:601
cv::FastFeatureDetector::getThreshold
virtual int getThreshold() const =0
cv::operator-
ptrdiff_t operator-(const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
Definition: core_c.h:3157
cv::Matx14f
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:199
NCV_ALLOCATOR_NOT_INITIALIZED
@ NCV_ALLOCATOR_NOT_INITIALIZED
Definition: NCV.hpp:332
cv::cuda::createBackgroundSubtractorMOG
Ptr< cuda::BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
cv::COLORMAP_BONE
@ COLORMAP_BONE
Definition: imgproc.hpp:4081
cvflann::FLANNException::FLANNException
FLANNException(const char *message)
Definition: general.h:42
cv::TickMeter::getTimeTicks
int64 getTimeTicks() const
Definition: utility.hpp:319
cv::Subdiv2D::Vertex::Vertex
Vertex(Point2f pt, bool _isvirtual, int _firstEdge=0)
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:962
cv::face::PredictCollector::collect
virtual bool collect(int label, double dist)=0
Interface method called by face recognizer for each result.
CV_CAP_PROP_XI_DEBOUNCE_T0
@ CV_CAP_PROP_XI_DEBOUNCE_T0
Definition: videoio_c.h:352
cv::ximgproc::segmentation::SelectiveSearchSegmentation::process
virtual void process(std::vector< Rect > &rects)=0
Based on all images, graph segmentations and stragies, computes all possible rects and return them.
cv::TrackerBoosting::Params
Definition: tracker.hpp:1120
tinyxml2::XMLElement::QueryIntText
XMLError QueryIntText(int *ival) const
cv::videostab::InpainterBase::stabilizationMotions
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
cv::COLOR_RGBA2mRGBA
@ COLOR_RGBA2mRGBA
alpha premultiplication
Definition: imgproc.hpp:716
NcvRect8u::x
Ncv8u x
Definition: NCV.hpp:139
cv::bridge::Ptr_CLAHE
cv::Ptr< CLAHE > Ptr_CLAHE
Definition: bridge.hpp:82
cv::winrt_imshow
void winrt_imshow()
cvSetErrStatus
void cvSetErrStatus(int status)
cv::dpm::DPMDetector
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:102
cv::cudev::GlobPtr
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:63
cv::hal::div8s
void div8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
cv::ml::SVM::setTermCriteria
virtual void setTermCriteria(const cv::TermCriteria &val)=0
NCVMemStackAllocator
Definition: NCV.hpp:484
cv::ocl::Device::p
Impl * p
Definition: ocl.hpp:229
cv::TrackerSamplerCSC::Params::searchWinSize
float searchWinSize
size of search window
Definition: tracker.hpp:809
cv::detail::PaniniProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
CvModuleInfo::func_tab
CvPluginFuncInfo * func_tab
Definition: types_c.h:1858
cvflann::KMeansIndex::centersAlgFunction
void(KMeansIndex::* centersAlgFunction)(int, int *, int, int *, int &)
Definition: kmeans_index.h:88
cvflann::KMeansIndex::size
size_t size() const
Definition: kmeans_index.h:401
CV_CAP_PROP_XI_TRG_SOURCE
@ CV_CAP_PROP_XI_TRG_SOURCE
Definition: videoio_c.h:265
cv::Affine3::inv
Affine3 inv(int method=cv::DECOMP_SVD) const
HaarClassifierCascadeDescriptor::bHasStumpsOnly
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:340
clGetExtensionFunctionAddress
#define clGetExtensionFunctionAddress
Definition: opencl_core.hpp:204
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
5-element vector constructor
clReleaseCommandQueue
#define clReleaseCommandQueue
Definition: opencl_core_wrappers.hpp:205
cv::xobjdetect::WBDetector::read
virtual void read(const FileNode &node)=0
Read detector from FileNode.
phase_unwrapping.hpp
cvflann::KMeansIndex::getClusterCenters
int getClusterCenters(Matrix< DistanceType > &centers)
Definition: kmeans_index.h:532
cv::detail::GraphCutSeamFinder::find
void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
cvflann::HierarchicalClusteringIndex::size
size_t size() const
Definition: hierarchical_clustering_index.h:438
cv::cudev::WithOutMask::index_type
int index_type
Definition: mask.hpp:60
cv::dnn::LRNLayer::bias
double bias
Definition: all_layers.hpp:242
tinyxml2::MemPoolT::MemPoolT
MemPoolT()
Definition: tinyxml2.h:330
cv::stereo::CensusKernel::CensusKernel
CensusKernel()
Definition: descriptor.hpp:175
cv::bridge::Bridge
Type conversion class for converting OpenCV and native C++ types.
Definition: bridge.hpp:159
cv::text::OCRBeamSearchDecoder::ClassifierCallback
Callback with the character classifier is made a class.
Definition: ocr.hpp:354
cv::cudev::DefaultReduceToVecPolicy::block_size_y
@ block_size_y
Definition: reduce_to_vec.hpp:215
cv::KeyPoint::pt
Point2f pt
coordinates of the keypoints
Definition: types.hpp:701
cv::stereo::MVKernel
Definition: descriptor.hpp:66
cv::cuda::BackgroundSubtractorGMG::getQuantizationLevels
virtual int getQuantizationLevels() const =0
cv::cudev::threshBinary_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshBinaryFunc< typename PtrTraits< SrcPtr >::value_type > > > threshBinary_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh, typename PtrTraits< SrcPtr >::value_type maxVal)
Definition: per_element_func.hpp:82
cv::CAP_PROP_XI_TRG_SOURCE
@ CAP_PROP_XI_TRG_SOURCE
Defines source of trigger.
Definition: videoio.hpp:330
cv::bitwise_or
void bitwise_or(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar.
cv::detail::findMaxSpanningTree
void findMaxSpanningTree(int num_images, const std::vector< MatchesInfo > &pairwise_matches, Graph &span_tree, std::vector< int > &centers)
cv::BaseClassifier::replaceWeakClassifier
void replaceWeakClassifier(int index)
cv::CvFeatureEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
cv::aruco::CharucoBoard::getSquareLength
float getSquareLength() const
Definition: charuco.hpp:111
cvflann::Datatype< short >::type
static flann_datatype_t type()
Definition: saving.h:51
cv::ocl::Program::create
bool create(const ProgramSource &src, const String &buildflags, String &errmsg)
cv::omnidir::internal::compose_motion
void compose_motion(InputArray _om1, InputArray _T1, InputArray _om2, InputArray _T2, Mat &om3, Mat &T3, Mat &dom3dom1, Mat &dom3dT1, Mat &dom3dom2, Mat &dom3dT2, Mat &dT3dom1, Mat &dT3dT1, Mat &dT3dom2, Mat &dT3dT2)
cv::UMat::operator()
UMat operator()(const std::vector< Range > &ranges) const
NcvBool
bool NcvBool
Definition: NCV.hpp:118
cv::cuda::BackgroundSubtractorGMG::setQuantizationLevels
virtual void setQuantizationLevels(int nlevels)=0
tinyxml2::XMLConstHandle::NextSiblingElement
const XMLConstHandle NextSiblingElement(const char *_value=0) const
Definition: tinyxml2.h:1885
cv::ximgproc::EdgeAwareInterpolator
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:78
cvflann::LshIndex::buildIndex
void buildIndex()
Definition: lsh_index.h:110
cv::Allocator::difference_type
ptrdiff_t difference_type
Definition: cvstd.hpp:136
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
cv::datasets::SLAM_tumindoorObj::type
imageType type
Definition: slam_tumindoor.hpp:71
cv::SimpleBlobDetector::Params::read
void read(const FileNode &fn)
CvMoments::m12
double m12
Definition: types_c.h:399
cv::BOWTrainer::getDescriptors
const std::vector< Mat > & getDescriptors() const
Returns a training set of descriptors.
clEnqueueFillImage
#define clEnqueueFillImage
Definition: opencl_core_wrappers.hpp:88
vec_math.hpp
cv::IMREAD_IGNORE_ORIENTATION
@ IMREAD_IGNORE_ORIENTATION
If set, do not rotate the image according to EXIF's orientation flag.
Definition: imgcodecs.hpp:77
nppiStTranspose_64u_C1R
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::hal::cmp16u
void cmp16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::Canny
void Canny(InputArray image, OutputArray edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny algorithm .
cv::FileNode::mat
Mat mat() const
Simplified reading API to use with bindings.
cv::cudev::Warp
Definition: warp.hpp:63
cv::videostab::DeblurerBase::motions
virtual const std::vector< Mat > & motions() const
Definition: deblurring.hpp:78
cv::stereo::modifiedCensusTransform
void modifiedCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type, int t=0, const cv::Mat &IntegralImage1=cv::Mat::zeros(100, 100, CV_8UC1), const cv::Mat &IntegralImage2=cv::Mat::zeros(100, 100, CV_8UC1))
cv::BOWImgDescriptorExtractor::dextractor
Ptr< DescriptorExtractor > dextractor
Definition: features2d.hpp:1355
cv::cudev::GpuMat_::stepT
__host__ size_t stepT() const
returns step()/sizeof(T)
CV_RGBA2BGRA
@ CV_RGBA2BGRA
Definition: types_c.h:119
cv::cudev::PtrTraitsBase::ptr_sz_type
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
cv::datasets::IS_weizmannObj
Definition: is_weizmann.hpp:61
cvMixChannels
void cvMixChannels(const CvArr **src, int src_count, CvArr **dst, int dst_count, const int *from_to, int pair_count)
cv::BackgroundSubtractorMOG2::setShadowThreshold
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
hal_ni_mul16u
int hal_ni_mul16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:240
cv::RotatedRect::RotatedRect
RotatedRect(const Point2f &center, const Size2f &size, float angle)
cv::cuda::sqrt
void sqrt(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square root of each matrix element.
cvHaarDetectObjectsForROC
CvSeq * cvHaarDetectObjectsForROC(const CvArr *image, CvHaarClassifierCascade *cascade, CvMemStorage *storage, std::vector< int > &rejectLevels, std::vector< double > &levelWeightds, double scale_factor=1.1, int min_neighbors=3, int flags=0, CvSize min_size=cvSize(0, 0), CvSize max_size=cvSize(0, 0), bool outputRejectLevels=false)
cvflann::NNIndex::buildIndex
virtual void buildIndex()=0
Builds the index.
cv::viz::WCloudCollection::finalize
void finalize()
Finalizes cloud data by repacking to single cloud.
CV_CAP_GIGANETIX
@ CV_CAP_GIGANETIX
Definition: videoio_c.h:117
cv::_InputArray::getGpuMatVector
void getGpuMatVector(std::vector< cuda::GpuMat > &gpumv) const
cv::makePtr
Ptr< T > makePtr()
cv::AutoBuffer::ptr
_Tp * ptr
pointer to the real buffer, can point to buf if the buffer is small enough
Definition: utility.hpp:147
cv::COLOR_Luv2LRGB
@ COLOR_Luv2LRGB
Definition: imgproc.hpp:620
cv::MatConstIterator_
Matrix read-only iterator.
Definition: mat.hpp:2926
cv::viz::WCone::WCone
WCone(double length, double radius, int resolution=6.0, const Color &color=Color::white())
Constructs default cone oriented along x-axis with center of its base located at origin.
cv::DetectionROI
struct for detection region of interest (ROI)
Definition: objdetect.hpp:328
cv::rgbd::ICPOdometry::checkParams
virtual void checkParams() const
cv::datasets::male
@ male
Definition: fr_adience.hpp:62
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
4-element vector constructor
cvv::impl::showImage
void showImage(cv::InputArray img, const CallMetaData &data, const char *description, const char *view)
CvLevMarq::JtJN
cv::Ptr< CvMat > JtJN
Definition: calib3d_c.h:411
cv::edgePreservingFilter
void edgePreservingFilter(InputArray src, OutputArray dst, int flags=1, float sigma_s=60, float sigma_r=0.4f)
Filtering is the fundamental operation in image and video processing. Edge-preserving smoothing filte...
cv::cuda::HOG::getScaleFactor
virtual double getScaleFactor() const =0
cv::Ptr::Ptr
Ptr(Y *p)
cv::HersheyFonts
HersheyFonts
Definition: core.hpp:223
cv::stereo::Matching::getConfidence
double getConfidence()
Definition: matching.hpp:405
cv::ocl::Device::Device
Device(const Device &d)
cv::hal::cvtTwoPlaneYUVtoBGR
void cvtTwoPlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
cv::COLOR_YUV2GRAY_420
@ COLOR_YUV2GRAY_420
Definition: imgproc.hpp:660
cv::hdf::HDF5::kpread
virtual void kpread(vector< KeyPoint > &keypoints, String kplabel, const int offset=H5_NONE, const int counts=H5_NONE) const =0
Read specific keypoint dataset from hdf5 file into vector<KeyPoint> object.
cv::cuda::EventAccessor
Class that enables getting cudaEvent_t from cuda::Event.
Definition: cuda_stream_accessor.hpp:76
cvReleaseImage
void cvReleaseImage(IplImage **image)
Deallocates the image header and the image data.
cv::xobjdetect::WBDetector::~WBDetector
virtual ~WBDetector()
Definition: xobjdetect.hpp:96
cv::detail::TransverseMercatorProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cvflann::L2
Definition: dist.h:137
opencl_core.hpp
cv::Mat_::Mat_
Mat_(int _rows, int _cols, _Tp *_data, size_t _step=AUTO_STEP)
constructs a matrix on top of user-allocated data. step is in bytes(!!!), regardless of the type
cv::CvLBPEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const
cv::structured_light::SinusoidalPattern::Params::width
int width
Definition: sinusoidalpattern.hpp:85
cvflann::UniqueResultSet::is_full_
bool is_full_
Definition: result_set.h:374
Ncv32u
unsigned int Ncv32u
Definition: NCV.hpp:128
tinyxml2::XMLNode::NextSibling
const XMLNode * NextSibling() const
Get the next (right) sibling node of this node.
Definition: tinyxml2.h:730
cv::RHO
@ RHO
RHO algorithm.
Definition: calib3d.hpp:232
cv::saliency::MotionSaliencyBinWangApr2014::getImageHeight
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
cv::cudev::TypeTraits::is_signed_int
@ is_signed_int
Definition: type_traits.hpp:143
cv::detail::MatchesInfo::inliers_mask
std::vector< uchar > inliers_mask
Geometrically consistent matches mask.
Definition: matchers.hpp:214
CvSize2D32f::CvSize2D32f
CvSize2D32f(float w=0, float h=0)
Definition: types_c.h:1039
cv::stereo::StereoMatcher::getSpeckleWindowSize
virtual int getSpeckleWindowSize() const =0
cv::CAP_PROP_OPENNI_REGISTRATION
@ CAP_PROP_OPENNI_REGISTRATION
Definition: videoio.hpp:223
nppiStIntegral_8u32u_C1R_host
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
CV_CAP_XIAPI
@ CV_CAP_XIAPI
Definition: videoio_c.h:113
cv::ocl::PlatformInfo::PlatformInfo
PlatformInfo()
cv::CMP_GT
@ CMP_GT
src1 is greater than src2.
Definition: base.hpp:201
cv::cudev::GlobPtrSz::cols
int cols
Definition: glob.hpp:87
cv::datasets::OR_imagenet
Definition: or_imagenet.hpp:67
cvflann::Logger::fatal
static int fatal(const char *fmt,...)
Definition: logger.h:118
CvArr
void CvArr
This is the "metatype" used only as a function parameter.
Definition: types_c.h:114
cv::viz::Viz3d::removeAllWidgets
void removeAllWidgets()
Removes all widgets from the window.
CV_CAP_MODE_BGR
@ CV_CAP_MODE_BGR
Definition: videoio_c.h:459
cvSet2D
void cvSet2D(CvArr *arr, int idx0, int idx1, CvScalar value)
cv::UMat::rows
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2407
cv::UMatData::refcount
int refcount
Definition: mat.hpp:497
cv::ml::ANN_MLP::load
static Ptr< ANN_MLP > load(const String &filepath)
Loads and creates a serialized ANN from a file.
cv::cudev::ScharrXPtrSz
Definition: deriv.hpp:255
CV_BayerBG2RGB_VNG
@ CV_BayerBG2RGB_VNG
Definition: types_c.h:200
TINYXML2_LIB
#define TINYXML2_LIB
Definition: tinyxml2.h:75
cvHaveImageReader
int cvHaveImageReader(const char *filename)
cv::hal::DFT1D
Definition: hal.hpp:199
cv::FileNode::name
String name() const
returns the node name or an empty string if the node is nameless
cv::UMat::t
UMat t() const
matrix transposition by means of matrix expressions
cv::randShuffle
void randShuffle(InputOutputArray dst, double iterFactor=1., RNG *rng=0)
Shuffles the array elements randomly.
cv::UMat::ones
static UMat ones(int ndims, const int *sz, int type)
cv::ocl::Device::imageMaxBufferSize
size_t imageMaxBufferSize() const
cv::MatConstIterator_::operator++
MatConstIterator_ & operator++()
increments the iterator
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy::merge
virtual void merge(int r1, int r2)=0
Inform the strategy that two regions will be merged.
cv::cuda::HOG::getHitThreshold
virtual double getHitThreshold() const =0
cv::_InputArray::flags
int flags
Definition: mat.hpp:233
cv::ximgproc::segmentation::GraphSegmentation
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(double scale=1.0)
Creates camera coordinate frame at the origin.
tinyxml2::XMLPrinter::PrintSpace
virtual void PrintSpace(int depth)
cv::detail::AffineWarper
Affine warper that uses rotations and translations.
Definition: warpers.hpp:214
cvCalcPCA
void cvCalcPCA(const CvArr *data, CvArr *mean, CvArr *eigenvals, CvArr *eigenvects, int flags)
cv::COLOR_RGB2XYZ
@ COLOR_RGB2XYZ
Definition: imgproc.hpp:572
cv::SparsePyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int maxLevel)=0
tinyxml2::XMLConstHandle::ToElement
const XMLElement * ToElement() const
Definition: tinyxml2.h:1893
cv::Stitcher::composePanorama
Status composePanorama(InputArrayOfArrays images, OutputArray pano)
These functions try to compose the given images (or images stored internally from the other function ...
cv::hal::recip8u
void recip8u(const uchar *, size_t, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
cvGetErrInfo
int cvGetErrInfo(const char **errcode_desc, const char **description, const char **filename, int *line)
cv::getThreadNum
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
CV_CONTOUR_FIELDS
#define CV_CONTOUR_FIELDS()
Definition: types_c.h:1388
cv::cudacodec::VideoWriter::~VideoWriter
virtual ~VideoWriter()
Definition: cudacodec.hpp:178
cv::WImage::~WImage
virtual ~WImage()=0
Definition: wimage.hpp:510
cv::CAP_PROP_TRIGGER
@ CAP_PROP_TRIGGER
Definition: videoio.hpp:148
cvflann::Matrix::rows
size_t rows
Definition: matrix.h:51
clGetMemObjectInfo
#define clGetMemObjectInfo
Definition: opencl_core.hpp:216
cvGrabFrame
int cvGrabFrame(CvCapture *capture)
grab a frame, return 1 on success, 0 on fail.
cv::detail::PlaneWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
NcvRect32u::y
Ncv32u y
y-coordinate of upper left corner.
Definition: NCV.hpp:163
cv::cudev::NormL2
Definition: vec_distance.hpp:123
cv::ximgproc::FastLineDetector
Class implementing the FLD (Fast Line Detector) algorithm described in .
Definition: fast_line_detector.hpp:25
CV_MOP_DILATE
@ CV_MOP_DILATE
Definition: types_c.h:388
cv::WImageView::BaseType
WImage< T >::BaseType BaseType
Definition: wimage.hpp:411
intrin.hpp
matlab::MxArray::size
size_t size() const
Definition: mxarray.hpp:422
cv::superres::BroxOpticalFlow::setAlpha
virtual void setAlpha(double val)=0
Flow smoothness.
cv::TrackerKCF::Params::max_patch_size
int max_patch_size
threshold for the ROI size
Definition: tracker.hpp:1246
CV_GRAY2BGR
@ CV_GRAY2BGR
Definition: types_c.h:123
CV_CAP_OPENNI_POINT_CLOUD_MAP
@ CV_CAP_OPENNI_POINT_CLOUD_MAP
Definition: videoio_c.h:469
cvflann::CompositeIndexParams
Definition: composite_index.h:46
cv::RotateFlags
RotateFlags
Definition: core.hpp:1025
scan.hpp
CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:182
cv::TrackerKCF::MODE
MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracker.hpp:1214
cv::MatConstIterator_::operator[]
const _Tp & operator[](ptrdiff_t i) const
returns the i-th matrix element, relative to the current
cv::COLOR_Lab2LBGR
@ COLOR_Lab2LBGR
Definition: imgproc.hpp:617
NppStInterpolationState::pNewFrame
Ncv32f * pNewFrame
new frame
Definition: NPP_staging.hpp:125
CvModuleInfo::next
struct CvModuleInfo * next
Definition: types_c.h:1855
cv::exp
void exp(InputArray src, OutputArray dst)
Calculates the exponent of every array element.
cv::CAP_OPENNI_SXGA_30HZ
@ CAP_OPENNI_SXGA_30HZ
Definition: videoio.hpp:263
tinyxml2::XMLNode::DeleteChild
void DeleteChild(XMLNode *node)
cv::optflow::GPCDetails
Definition: sparse_matching_gpc.hpp:310
cv::cuda::DeviceInfo::memoryClockRate
int memoryClockRate() const
peak memory clock frequency in kilohertz
cv::cuda::ALPHA_ATOP_PREMUL
@ ALPHA_ATOP_PREMUL
Definition: cudaimgproc.hpp:160
dnn.hpp
cv::dnn::Blob::canonicalAxis
int canonicalAxis(int axis) const
Converts axis index to canonical format (where 0 <= axis < dims()).
nppiStGetInterpolationBufferSize
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
cv::Mat::ones
static MatExpr ones(Size size, int type)
cv::String::length
size_t length() const
cv::cudev::gridFindMinMaxVal_
__host__ void gridFindMinMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:174
motion_estimators.hpp
cv::dnn::Blob::type
int type() const
Returns type of the blob.
cv::ppf_match_3d::normalizePCCoeff
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
cv::AlignMTB::setCut
virtual void setCut(bool value)=0
cv::ocl::Device::set
void set(void *d)
cv::videostab::StabilizerBase::postProcessFrame
virtual Mat postProcessFrame(const Mat &frame)
cv::LineIterator::operator++
LineIterator & operator++()
prefix increment operator (++it). shifts iterator to the next pixel
CV_MAX_SOBEL_KSIZE
@ CV_MAX_SOBEL_KSIZE
Definition: types_c.h:97
cv::SparseMat_::end
SparseMatIterator_< _Tp > end()
returns sparse matrix iterator pointing to the element following the last sparse matrix element
cvGetErrMode
int cvGetErrMode(void)
tinyxml2::XMLDocument::XMLDocument
XMLDocument(bool processEntities=true, Whitespace=PRESERVE_WHITESPACE)
constructor
cv::HausdorffDistanceExtractor::getDistanceFlag
virtual int getDistanceFlag() const =0
cv::ml::TrainData::getNames
void getNames(std::vector< String > &names) const
Returns vector of symbolic names captured in loadFromCSV()
cv::DIST_C
@ DIST_C
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:312
cv::cudacodec::MPEG1
@ MPEG1
Definition: cudacodec.hpp:245
cv::Point3i
Point3_< int > Point3i
Definition: types.hpp:252
cv::FlannBasedMatcher::indexParams
Ptr< flann::IndexParams > indexParams
Definition: features2d.hpp:1098
tinyxml2::XMLText::~XMLText
virtual ~XMLText()
Definition: tinyxml2.h:894
cv::linearPolar
void linearPolar(InputArray src, OutputArray dst, Point2f center, double maxRadius, int flags)
Remaps an image to polar coordinates space.
cv::String::const_pointer
const char * const_pointer
Definition: cvstd.hpp:484
cv::Tracker::model
Ptr< TrackerModel > model
Definition: tracker.hpp:582
cv::videostab::MotionEstimatorBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Sets motion model.
Definition: global_motion.hpp:106
cv::detail::SphericalPortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
cv::ShapeContextDistanceExtractor::getAngularBins
virtual int getAngularBins() const =0
cv::CvHaarFeatureParams
Definition: feature.hpp:199
clGetMemObjectInfo
#define clGetMemObjectInfo
Definition: opencl_core_wrappers.hpp:181
CvRect
Definition: types_c.h:779
cv::CAP_PROP_FORMAT
@ CAP_PROP_FORMAT
Format of the Mat objects returned by VideoCapture::retrieve().
Definition: videoio.hpp:132
cv::hal::mul16u
void mul16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
cvflann::KDTreeSingleIndex::buildIndex
void buildIndex()
Definition: kdtree_single_index.h:116
cv::ppf_match_3d::PoseCluster3D::readPoseCluster
int readPoseCluster(FILE *f)
tinyxml2::XMLUtil::ToDouble
static bool ToDouble(const char *str, double *value)
cv::videostab::PyrLkOptFlowEstimatorBase::maxLevel_
int maxLevel_
Definition: optical_flow.hpp:93
cv::cudev::FindMaxValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:113
cv::COLOR_RGB2Lab
@ COLOR_RGB2Lab
Definition: imgproc.hpp:585
cvflann::KNNResultSet::size
size_t size() const
Definition: result_set.h:174
cv::TermCriteria::TermCriteria
TermCriteria(int type, int maxCount, double epsilon)
cv::rotate
void rotate(InputArray src, OutputArray dst, int rotateCode)
Rotates a 2D array in multiples of 90 degrees. The function rotate rotates the array in one of three ...
cv::stereo::Matching::setMaxDisparity
void setMaxDisparity(int val)
method for setting the maximum disparity
Definition: matching.hpp:377
cv::viz::WidgetAccessor::getProp
static vtkSmartPointer< vtkProp > getProp(const Widget &widget)
Returns vtkProp of a given widget.
CV_YUV2BGRA_NV21
@ CV_YUV2BGRA_NV21
Definition: types_c.h:246
cv::ml::SVMSGD::setOptimalParameters
virtual void setOptimalParameters(int svmsgdType=SVMSGD::ASGD, int marginType=SVMSGD::SOFT_MARGIN)=0
Function sets optimal parameters values for chosen SVM SGD model.
cv::RNG_MT19937::uniform
float uniform(float a, float b)
returns uniformly distributed floating-point random number from [a,b) range
cv::videostab::NullDeblurer
Definition: deblurring.hpp:91
CV_CUDEV_EXPR_UNOP_INST
#define CV_CUDEV_EXPR_UNOP_INST(op, functor)
Definition: unary_op.hpp:63
cv::BackgroundSubtractorMOG2::setHistory
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
OPENCV_HAL_AND
#define OPENCV_HAL_AND(a, b)
Definition: intrin.hpp:54
cvReleaseVideoWriter
void cvReleaseVideoWriter(CvVideoWriter **writer)
close video file writer
tinyxml2::XMLElement::ClosingType
int ClosingType() const
Definition: tinyxml2.h:1466
cv::TrackerFeatureSet::addTrackerFeature
bool addTrackerFeature(Ptr< TrackerFeature > &feature)
cvCalcGlobalOrientation
double cvCalcGlobalOrientation(const CvArr *orientation, const CvArr *mask, const CvArr *mhi, double timestamp, double duration)
cvflann::UniqueResultSet::size
size_t size() const
Definition: result_set.h:359
cv::hdf::HDF5::dscreate
virtual void dscreate(const vector< int > &sizes, const int type, String dslabel, const int compresslevel=HDF5::H5_NONE, const vector< int > &dims_chunks=vector< int >()) const =0
cv::videostab::RansacParams::size
int size
subset size
Definition: motion_core.hpp:75
cv::ml::EM::getClustersNumber
virtual int getClustersNumber() const =0
cv::Mat::end
MatConstIterator_< _Tp > end() const
cv::sfm::SFM_IO_VISUALSFM
@ SFM_IO_VISUALSFM
Definition: io.hpp:59
cvGetImage
IplImage * cvGetImage(const CvArr *arr, IplImage *image_header)
Returns image header for arbitrary array.
cv::superres::SuperResolution::collectGarbage
virtual void collectGarbage()
Clear all inner buffers.
cv::cuda::createMinEigenValCorner
Ptr< CornernessCriteria > createMinEigenValCorner(int srcType, int blockSize, int ksize, int borderType=BORDER_REFLECT101)
Creates implementation for the minimum eigen value of a 2x2 derivative covariation matrix (the corner...
cvPoint3D32f
CvPoint3D32f cvPoint3D32f(double x, double y, double z)
Definition: types_c.h:953
cv::seqPopMulti
void seqPopMulti(CvSeq *seq, void *elements, int count, int in_front=0)
cv::AlignExposures
The base class for algorithms that align images of the same scene with different exposures.
Definition: photo.hpp:478
cvFitEllipse2
CvBox2D cvFitEllipse2(const CvArr *points)
Fits ellipse into a set of 2d points.
cv::instr::setFlags
void setFlags(FLAGS modeFlags)
cv::CvFeatureParams::maxCatCount
int maxCatCount
Definition: feature.hpp:151
cv::String::const_reference
const char & const_reference
Definition: cvstd.hpp:482
cv::cudev::TupleTraits::is_tuple
@ is_tuple
Definition: tuple.hpp:66
cv::cuda::HoughSegmentDetector::getMaxLines
virtual int getMaxLines() const =0
cv::datasets::SLAM_kitti
Definition: slam_kitti.hpp:75
cv::CAP_PROP_POS_FRAMES
@ CAP_PROP_POS_FRAMES
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:125
cv::COLOR_YUV2RGBA_UYNV
@ COLOR_YUV2RGBA_UYNV
Definition: imgproc.hpp:685
cv::linemod::Detector::read
void read(const FileNode &fn)
tinyxml2::XMLElement::QueryAttribute
int QueryAttribute(const char *name, double *value) const
Definition: tinyxml2.h:1297
CV_IMWRITE_PAM_FORMAT_GRAYSCALE
@ CV_IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs_c.h:101
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
N
N
Definition: modelConvert.m:31
cv::omnidir::RECTIFY_PERSPECTIVE
@ RECTIFY_PERSPECTIVE
Definition: omnidir.hpp:68
CV_EXPORTS_AS
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:375
cvFindContours
int cvFindContours(CvArr *image, CvMemStorage *storage, CvSeq **first_contour, int header_size=sizeof(CvContour), int mode=CV_RETR_LIST, int method=CV_CHAIN_APPROX_SIMPLE, CvPoint offset=cvPoint(0, 0))
Retrieves outer and optionally inner boundaries of white (non-zero) connected components in the black...
cvflann::FLANN_UINT16
@ FLANN_UINT16
Definition: defines.h:162
cv::getMouseWheelDelta
int getMouseWheelDelta(int flags)
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVEN...
cv::cudev::UnaryTupleAdapter
Definition: tuple_adapter.hpp:58
cv::CalibrateDebevec::setSamples
virtual void setSamples(int samples)=0
cvBoundingRect
CvRect cvBoundingRect(CvArr *points, int update=0)
Calculates contour bounding rectangle (update=1) or just retrieves pre-calculated rectangle (update=0...
CvSlice::start_index
int start_index
Definition: types_c.h:1100
cv::Trajectory
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracker.hpp:398
cv::datasets::OR_pascalObj::depth
int depth
Definition: or_pascal.hpp:84
cv::KAZE::getThreshold
virtual double getThreshold() const =0
cv::cuda::ALPHA_OUT
@ ALPHA_OUT
Definition: cudaimgproc.hpp:159
cv::cuda::setGlDevice
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
hal_ni_add8s
int hal_ni_add8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:77
cv::linemod::Detector::LinearMemories
std::vector< Mat > LinearMemories
Definition: linemod.hpp:427
cv::bridge::Ptr_DualTVL1OpticalFlow
cv::Ptr< DualTVL1OpticalFlow > Ptr_DualTVL1OpticalFlow
Definition: bridge.hpp:88
show_image.hpp
cv::ml::SVM::setType
virtual void setType(int val)=0
cv::ocl::Device::isAMD
bool isAMD() const
Definition: ocl.hpp:185
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyMultiple
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
cvflann::UntypedMatrix::data
void * data
Definition: matrix.h:92
cv::bridge::vector_String
std::vector< cv::String > vector_String
Definition: bridge.hpp:73
cv::aruco::DICT_7X7_100
@ DICT_7X7_100
Definition: dictionary.hpp:155
cv::detail::PaniniWarper
Definition: warpers.hpp:374
cv::CAP_OPENNI_DEPTH_GENERATOR_BASELINE
@ CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio.hpp:240
cv::face::StandardCollector::create
static Ptr< StandardCollector > create(double threshold=DBL_MAX)
Static constructor.
clEnqueueWaitForEvents
#define clEnqueueWaitForEvents
Definition: opencl_core_wrappers.hpp:127
cv::cudev::NearestInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:65
NcvSize32u
Definition: NCV.hpp:182
CV_BGR2XYZ
@ CV_BGR2XYZ
Definition: types_c.h:154
cv::rgbd::RgbdOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: rgbd.hpp:686
cvCreateImage
IplImage * cvCreateImage(CvSize size, int depth, int channels)
Creates an image header and allocates the image data.
cv::stereo::StereoMatcher::DISP_SCALE
@ DISP_SCALE
Definition: stereo.hpp:83
cv::cudev::AffineMapPtrSz::cols
int cols
Definition: warping.hpp:79
cv::Stitcher::stitch
Status stitch(InputArrayOfArrays images, const std::vector< std::vector< Rect > > &rois, OutputArray pano)
These functions try to stitch the given images.
CV_WINDOW_NORMAL
@ CV_WINDOW_NORMAL
Definition: highgui_c.h:117
cv::line_descriptor::KeyLine::endPointY
float endPointY
Definition: descriptor.hpp:132
cv::SimilarRects::eps
double eps
Definition: objdetect.hpp:133
cv::createHanningWindow
void createHanningWindow(OutputArray dst, Size winSize, int type)
This function computes a Hanning window coefficients in two dimensions.
cv::_InputArray::_InputArray
_InputArray(const std::vector< _Tp > &vec)
cvReleaseCapture
void cvReleaseCapture(CvCapture **capture)
stop capturing/reading and free resources
cv::ROISelector::objects
std::vector< handlerT > objects
Definition: tracker.hpp:1387
cv::stereo::Matching::setConfidence
void setConfidence(double val)
setter for the confidence check
Definition: matching.hpp:399
Cv16suf::i
short i
Definition: cvdef.h:315
reduce.hpp
cv::xphoto::SimpleWB::getInputMax
virtual float getInputMax() const =0
Input image range maximum value.
cv::cuda::solvePnPRansac
void solvePnPRansac(const Mat &object, const Mat &image, const Mat &camera_mat, const Mat &dist_coef, Mat &rvec, Mat &tvec, bool use_extrinsic_guess=false, int num_iters=100, float max_dist=8.0, int min_inlier_count=100, std::vector< int > *inliers=NULL)
Finds the object pose from 3D-2D point correspondences.
CvMatND::CvMatND
CvMatND(const cv::Mat &m)
clBuildProgram
#define clBuildProgram
Definition: opencl_core.hpp:102
cvflann::squareDistance< ChiSquareDistance< ElementType >, ElementType >::ResultType
ChiSquareDistance< ElementType >::ResultType ResultType
Definition: dist.h:829
cvflann::L1::ElementType
T ElementType
Definition: dist.h:206
HaarClassifierCascadeDescriptor::bNeedsTiltedII
NcvBool bNeedsTiltedII
Definition: NCVHaarObjectDetection.hpp:339
cl_command_queue_properties
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_command_queue_properties
Definition: opencl_core.hpp:282
cv::TrackerFeatureSet::TrackerFeatureSet
TrackerFeatureSet()
cv::BFMatcher::clone
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const
Clones the matcher.
cv::cudev::max_
__host__ Expr< BinaryTransformPtrSz< typename PtrTraits< SrcPtr1 >::ptr_type, typename PtrTraits< SrcPtr2 >::ptr_type, maximum< typename LargerType< typename PtrTraits< SrcPtr1 >::value_type, typename PtrTraits< SrcPtr2 >::value_type >::type > > > max_(const SrcPtr1 &src1, const SrcPtr2 &src2)
Definition: per_element_func.hpp:73
tinyxml2::XMLNode::GetDocument
const XMLDocument * GetDocument() const
Get the XMLDocument that owns this XMLNode.
Definition: tinyxml2.h:595
cv::viz::getWindowByName
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
cv::hal::add32s
void add32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::StereoBM::getTextureThreshold
virtual int getTextureThreshold() const =0
cv::stereo::Matching::Median9x1Filter
void Median9x1Filter(const Mat &originalImage, Mat &filteredImage)
9x1 median filter
Definition: matching.hpp:590
cv::CvHaarEvaluator::FeatureHaar::getWeights
const std::vector< float > & getWeights() const
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, String dslabel) const =0
CvHaarClassifier::haar_feature
CvHaarFeature * haar_feature
Definition: objdetect_c.h:86
cv::StereoSGBM::setMode
virtual void setMode(int mode)=0
cv::connectedComponents
int connectedComponents(InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image
hal_ni_warpAffine
int hal_ni_warpAffine(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[6], int interpolation, int borderType, const double borderValue[4])
hal_warpAffine
Definition: hal_replacement.hpp:272
cv::bioinspired::RetinaFastToneMapping::createRetinaFastToneMapping
Ptr< RetinaFastToneMapping > createRetinaFastToneMapping(Size inputSize)
cv::hasSIMD128
static bool hasSIMD128()
Definition: intrin_cpp.hpp:1780
cv::ml::ErrorTypes
ErrorTypes
Error types
Definition: ml.hpp:90
cv::CAP_PROP_XI_SENSOR_FEATURE_VALUE
@ CAP_PROP_XI_SENSOR_FEATURE_VALUE
Allows access to sensor feature value currently selected by XI_PRM_SENSOR_FEATURE_SELECTOR.
Definition: videoio.hpp:475
cv::cudev::binaryTupleAdapter
__host__ __device__ BinaryTupleAdapter< Op, n0, n1 > binaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:92
cv::cuda::GpuMat::allocator
Allocator * allocator
allocator
Definition: cuda.hpp:303
CV_CAP_PROP_XI_DEVICE_MODEL_ID
@ CV_CAP_PROP_XI_DEVICE_MODEL_ID
Definition: videoio_c.h:363
cv::LineIterator::elemSize
int elemSize
Definition: imgproc.hpp:4595
cvflann::L2_Simple::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:109
cv::dnn::Blob::offset
size_t offset(int n=0, int cn=0, int row=0, int col=0) const
cvCreatePyramid
CvMat ** cvCreatePyramid(const CvArr *img, int extra_layers, double rate, const CvSize *layer_sizes=0, CvArr *bufarr=0, int calc=1, int filter=CV_GAUSSIAN_5x5)
Builds pyramid for an image.
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const std::vector< KeyPoint > &value)
cvGetCentralMoment
double cvGetCentralMoment(CvMoments *moments, int x_order, int y_order)
Retrieve central moments.
cv::FastFeatureDetector::create
static Ptr< FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=FastFeatureDetector::TYPE_9_16)
CvMoments::mu30
double mu30
Definition: types_c.h:400
CV_YUV2RGBA_Y422
@ CV_YUV2RGBA_Y422
Definition: types_c.h:291
cv::linemod::Match::x
int x
Definition: linemod.hpp:305
cvflann::CompositeIndex::DistanceType
Distance::ResultType DistanceType
Definition: composite_index.h:75
cv::face::StandardCollector::getResults
std::vector< std::pair< int, double > > getResults(bool sorted=false) const
Return results as vector.
predict_collector.hpp
NCV_CT_ASSERT
#define NCV_CT_ASSERT(X)
Definition: NCV.hpp:89
cv::ParamType< std::vector< Mat > >::const_param_type
const std::vector< Mat > & const_param_type
Definition: core.hpp:3164
NCVVectorAlloc
Definition: NCV.hpp:630
cv::cuda::FGDParams::perform_morphing
int perform_morphing
These erase one-pixel junk blobs and merge almost-touching blobs. Default value is 1.
Definition: cudalegacy.hpp:167
cv::cuda::HoughSegmentDetector::getTheta
virtual float getTheta() const =0
CV_LINK_RUNS
@ CV_LINK_RUNS
Definition: types_c.h:461
cv::FONT_HERSHEY_SCRIPT_SIMPLEX
@ FONT_HERSHEY_SCRIPT_SIMPLEX
hand-writing style font
Definition: core.hpp:230
cv::EstimatedGaussDistribution
Definition: onlineBoosting.hpp:152
cl_program
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT cl_program(CL_API_CALL *clCreateProgramWithBinary_pfn)(cl_context
cv::WImageBuffer::WImageBuffer
WImageBuffer(IplImage *img)
Definition: wimage.hpp:309
cv::UMatData::flags
int flags
Definition: mat.hpp:502
cvflann::anyimpl::small_any_policy::clone
virtual void clone(void *const *src, void **dest)
Definition: any.h:70
cv::Vec::conj
Vec conj() const
conjugation (makes sense for complex numbers and quaternions)
cv::StereoBM::create
static Ptr< StereoBM > create(int numDisparities=0, int blockSize=21)
Creates StereoBM object.
highgui.hpp
cvflann::LinearIndex::getParameters
IndexParams getParameters() const
Definition: linear_index.h:115
cv::cudev::bit_xor::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:245
cv::StereoBM
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: calib3d.hpp:1741
cv::BOWKMeansTrainer::~BOWKMeansTrainer
virtual ~BOWKMeansTrainer()
cv::cudacodec::createVideoReader
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
cv::Matx23d
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:216
cv::TrackerStateEstimator::className
String className
Definition: tracker.hpp:442
cv::COLOR_YUV2GRAY_YUYV
@ COLOR_YUV2GRAY_YUYV
Definition: imgproc.hpp:712
cv::cudev::bit_not
Definition: functional.hpp:253
cv::StereoMatcher::getSpeckleWindowSize
virtual int getSpeckleWindowSize() const =0
t_hash_int.hpp
cv::cuda::OpticalFlowDual_TVL1::getTau
virtual double getTau() const =0
cv::CLAHE::setTilesGridSize
virtual void setTilesGridSize(Size tileGridSize)=0
cvflann::KDTreeIndex
Definition: kdtree_index.h:71
cvSeqSearch
schar * cvSeqSearch(CvSeq *seq, const void *elem, CvCmpFunc func, int is_sorted, int *elem_idx, void *userdata=NULL)
matlab::MxArray::isString
bool isString() const
Definition: mxarray.hpp:430
cv::viz::readPose
bool readPose(const String &file, Affine3d &pose, const String &tag="pose")
Read/write poses and trajectories.
cv::detail::ProjectorBase::setCameraParams
void setCameraParams(InputArray K=Mat::eye(3, 3, CV_32F), InputArray R=Mat::eye(3, 3, CV_32F), InputArray T=Mat::zeros(3, 1, CV_32F))
cvGetReal1D
double cvGetReal1D(const CvArr *arr, int idx0)
Return a specific element of single-channel 1D, 2D, 3D or nD array.
ring_buffer.hpp
cvDecodeImageM
CvMat * cvDecodeImageM(const CvMat *buf, int iscolor=CV_LOAD_IMAGE_COLOR)
matlab::Map::at
ValueType & at(const KeyType &k)
Definition: map.hpp:78
cvv::impl::debugFilter
void debugFilter(cv::InputArray original, cv::InputArray result, const CallMetaData &data, const char *description, const char *view)
cv::UMat::diag
static UMat diag(const UMat &d)
constructs a square diagonal matrix which main diagonal is vector "d"
cv::MatAllocator::copy
virtual void copy(UMatData *srcdata, UMatData *dstdata, int dims, const size_t sz[], const size_t srcofs[], const size_t srcstep[], const size_t dstofs[], const size_t dststep[], bool sync) const
cvSetZero
void cvSetZero(CvArr *arr)
Clears the array.
cv::datasets::IS_weizmann
Definition: is_weizmann.hpp:69
cv::cudev::CommonAreaInterPtr::index_type
float index_type
Definition: interpolation.hpp:297
hal_ni_sub8s
int hal_ni_sub8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:85
CV_RGB2YUV
@ CV_RGB2YUV
Definition: types_c.h:226
CV_IMWRITE_PAM_FORMAT_BLACKANDWHITE
@ CV_IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs_c.h:100
cv::String::rfind
size_t rfind(const String &str, size_t pos=npos) const
cvFindExtrinsicCameraParams2
void cvFindExtrinsicCameraParams2(const CvMat *object_points, const CvMat *image_points, const CvMat *camera_matrix, const CvMat *distortion_coeffs, CvMat *rotation_vector, CvMat *translation_vector, int use_extrinsic_guess=0)
cv::datasets::Dataset::train
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:532
cv::ximgproc::EdgeAwareFiltersList
EdgeAwareFiltersList
Definition: edge_filter.hpp:52
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat &m, Allocator *allocator=defaultAllocator())
copy/conversion contructor. If m is of different type, it's converted
cv::MatExpr::operator/
MatExpr operator/(const Mat &a, const Mat &b)
CV_YUV420sp2BGR
@ CV_YUV420sp2BGR
Definition: types_c.h:241
cv::KMEANS_RANDOM_CENTERS
@ KMEANS_RANDOM_CENTERS
Definition: core.hpp:203
cv::Error::StsBadArg
@ StsBadArg
function arg/param is bad
Definition: base.hpp:74
cv::IMWRITE_PNG_STRATEGY
@ IMWRITE_PNG_STRATEGY
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_DEFAULT.
Definition: imgcodecs.hpp:89
cv::BaseCascadeClassifier::detectMultiScale
virtual void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &rejectLevels, std::vector< double > &levelWeights, double scaleFactor, int minNeighbors, int flags, Size minSize, Size maxSize, bool outputRejectLevels)=0
cv::IMREAD_REDUCED_COLOR_8
@ IMREAD_REDUCED_COLOR_8
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/8.
Definition: imgcodecs.hpp:76
NCV_SUCCESS
@ NCV_SUCCESS
Definition: NCV.hpp:316
cv::ocl::Device::singleFPConfig
int singleFPConfig() const
cvPutText
void cvPutText(CvArr *img, const char *text, CvPoint org, const CvFont *font, CvScalar color)
Renders text stroke with specified font and color at specified location. CvFont should be initialized...
cv::hal::div32s
void div32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
cv::LineIterator
Line iterator.
Definition: imgproc.hpp:4567
cvFastArctan
float cvFastArctan(float y, float x)
cv::dnn::Layer::outputNameToIndex
virtual int outputNameToIndex(String outputName)
Returns index of output blob in output array.
cv::COLOR_BayerGB2RGB
@ COLOR_BayerGB2RGB
Definition: imgproc.hpp:741
cv::Mat::ptr
_Tp * ptr(int i0, int i1, int i2)
cv::datasets::createDirectory
void createDirectory(const std::string &path)
cvSetTrackbarPos
void cvSetTrackbarPos(const char *trackbar_name, const char *window_name, int pos)
cv::cuda::Stream
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:472
cv::rgbd::RgbdOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: rgbd.hpp:702
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_Stitcher &)
Definition: bridge.hpp:497
cv::accumulate
void accumulate(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds an image to the accumulator.
cv::COLOR_BayerRG2BGR_VNG
@ COLOR_BayerRG2BGR_VNG
Definition: imgproc.hpp:753
CV_CAP_PROP_XI_TS_RST_SOURCE
@ CV_CAP_PROP_XI_TS_RST_SOURCE
Definition: videoio_c.h:382
matlab::MxArray::real
Scalar * real()
Definition: mxarray.hpp:401
cv::linemod::QuantizedPyramid::quantize
virtual void quantize(Mat &dst) const =0
Compute quantized image at current pyramid level for online detection.
cv::cuda::CannyEdgeDetector::setAppertureSize
virtual void setAppertureSize(int apperture_size)=0
cv::cudev::DerivYPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:108
cv::cuda::BackgroundSubtractorMOG::setBackgroundRatio
virtual void setBackgroundRatio(double backgroundRatio)=0
cv::ml::VAR_ORDERED
@ VAR_ORDERED
ordered variables
Definition: ml.hpp:84
cv::ocl::Device::Device
Device()
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, _T2 alpha, Matx_ScaleOp)
cv::cuda::DeviceInfo::minorVersion
int minorVersion() const
minor compute capability
cv::fisheye::undistortImage
void undistortImage(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray Knew=cv::noArray(), const Size &new_size=Size())
Transforms an image to compensate for fisheye lens distortion.
cv::datasets::HPE_humanevaObj
Definition: hpe_humaneva.hpp:61
cv::cudev::RemapPtr1::map
MapPtr map
Definition: remap.hpp:66
cv::CvHaarEvaluator::FeatureHaar::getAreas
const std::vector< Rect > & getAreas() const
Cv16suf::_fp16Format::exponent
unsigned int exponent
Definition: cvdef.h:322
cv::ximgproc::FastHoughTransform
void FastHoughTransform(InputArray src, OutputArray dst, int dstMatDepth, int angleRange=ARO_315_135, int op=FHT_ADD, int makeSkew=HDO_DESKEW)
Calculates 2D Fast Hough transform of an image.
cv::bgsegm::BackgroundSubtractorMOG::getHistory
virtual int getHistory() const =0
cv::Mat::at
const _Tp & at(Point pt) const
cv::TrackerSamplerAlgorithm::samplingImpl
virtual bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)=0
cv::linemod::Detector::getT
int getT(int pyramid_level) const
Get sampling step T at pyramid_level.
Definition: linemod.hpp:387
cv::rgbd::RgbdICPOdometry::maxDepth
double maxDepth
Definition: rgbd.hpp:1000
CvFont::color
CvScalar color
Definition: imgproc_c.h:1121
CV_YUV2BGR_UYNV
@ CV_YUV2BGR_UYNV
Definition: types_c.h:285
cv::FileNode::REAL
@ REAL
floating-point number
Definition: persistence.hpp:493
cv::ogl::Buffer::release
void release()
Decrements the reference counter and destroys the buffer object if needed.
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(_Tp *vec, int n)
NCVVector
Definition: NCV.hpp:567
cv::Point3_::cross
Point3_ cross(const Point3_ &pt) const
cross product of the 2 3D points
cv::InputOutputArrayOfArrays
InputOutputArray InputOutputArrayOfArrays
Definition: mat.hpp:384
cv::bridge::Bridge::toPtrMergeRobertson
Ptr_MergeRobertson toPtrMergeRobertson()
Definition: bridge.hpp:493
CV_CAP_PROP_XI_COLUMN_FPN_CORRECTION
@ CV_CAP_PROP_XI_COLUMN_FPN_CORRECTION
Definition: videoio_c.h:391
cv::phase_unwrapping::HistogramPhaseUnwrapping
Class implementing two-dimensional phase unwrapping based on This algorithm belongs to the quality-g...
Definition: histogramphaseunwrapping.hpp:66
cv::rgbd::RgbdICPOdometry::cameraMatrix
Mat cameraMatrix
Definition: rgbd.hpp:1008
cv::Stitcher::seamEstimationResol
double seamEstimationResol() const
Definition: stitching.hpp:172
cv::cudev::Log2::value
@ value
Definition: type_traits.hpp:80
tinyxml2::XML_ERROR_PARSING_COMMENT
@ XML_ERROR_PARSING_COMMENT
Definition: tinyxml2.h:1015
CV_RGB2BGRA
@ CV_RGB2BGRA
Definition: types_c.h:110
cv::text::ERFilter::setMinArea
virtual void setMinArea(float minArea)=0
cv::reg::Map::inverseWarp
virtual void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const =0
cv::String::rfind
size_t rfind(char c, size_t pos=npos) const
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(ogl::Buffer &buf)
cv::bioinspired::RetinaParameters::IplMagnoParameters::localAdaptintegration_k
float localAdaptintegration_k
Definition: retina.hpp:176
cv::__UMAT_USAGE_FLAGS_32BIT
@ __UMAT_USAGE_FLAGS_32BIT
Definition: mat.hpp:400
cv::ClfMilBoost::ClfMilBoost
ClfMilBoost()
cv::cudev::DerivXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
cv::ocl::Kernel::empty
bool empty() const
cv::ocl::Context::getDefault
static Context & getDefault(bool initialize=true)
cv::text::OCR_DECODER_VITERBI
@ OCR_DECODER_VITERBI
Definition: ocr.hpp:147
cv::videostab::MotionInpainter::setFlowErrorThreshold
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
cv::Matx::row
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
cv::ximgproc::niBlackThreshold
void niBlackThreshold(InputArray _src, OutputArray _dst, double maxValue, int type, int blockSize, double delta)
Applies Niblack thresholding to input image.
hal_ni_absdiff64f
int hal_ni_absdiff64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:136
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s, InputArray mask, Stream &stream)
sets some of the GpuMat elements to s, according to the mask (Non-Blocking call)
cv::videostab::TwoPassStabilizer::postProcessFrame
virtual Mat postProcessFrame(const Mat &frame)
cv::CvLBPEvaluator::Feature::calc
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:396
cv::datasets::PascalObj::parts
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
NCV_ALLOCATOR_DEALLOC_ORDER
@ NCV_ALLOCATOR_DEALLOC_ORDER
Definition: NCV.hpp:336
cv::COLOR_RGB2Luv
@ COLOR_RGB2Luv
Definition: imgproc.hpp:588
cvCreateStructuringElementEx
IplConvKernel * cvCreateStructuringElementEx(int cols, int rows, int anchor_x, int anchor_y, int shape, int *values=NULL)
Returns a structuring element of the specified size and shape for morphological operations.
CV_CAP_OPENNI_DEPTH_GENERATOR
@ CV_CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio_c.h:216
cv::ml::DTrees::Split::inversed
bool inversed
Definition: ml.hpp:1072
cv::DecompTypes
DecompTypes
matrix decomposition types
Definition: base.hpp:133
cv::dnn::MVNLayer::normVariance
bool normVariance
Definition: all_layers.hpp:291
tinyxml2::XMLHandle::operator=
XMLHandle & operator=(const XMLHandle &ref)
Assignment.
Definition: tinyxml2.h:1778
cv::v_cvt_f32
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:1453
cv::cudev::Warp::laneId
__device__ static __forceinline__ uint laneId()
Definition: warp.hpp:64
cv::datasets::FR_adienceObj::y
int y
Definition: fr_adience.hpp:75
cv::v_reinterpret_as_u16
v_uint16x8 v_reinterpret_as_u16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1562
cv::TrackerKCF::Params::pca_learning_rate
double pca_learning_rate
compression learning rate
Definition: tracker.hpp:1241
cv::datasets::join::Wx
double Wx
Definition: gr_chalearn.hpp:67
cv::GrabCutClasses
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:359
cv::cudev::vavrg4
__device__ __forceinline__ uint vavrg4(uint a, uint b)
Definition: simd_functions.hpp:589
cv::LineSegmentDetector::drawSegments
virtual void drawSegments(InputOutputArray _image, InputArray lines)=0
Draws the line segments on a given image.
clEnqueueBarrierWithWaitList
#define clEnqueueBarrierWithWaitList
Definition: opencl_core.hpp:140
cv::Matx32f
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:217
cv::IMREAD_GRAYSCALE
@ IMREAD_GRAYSCALE
If set, always convert image to the single channel grayscale image.
Definition: imgcodecs.hpp:66
cv::Complex::Complex
Complex()
constructors
CV_SCHARR
@ CV_SCHARR
Definition: types_c.h:96
clSetUserEventStatus
#define clSetUserEventStatus
Definition: opencl_core.hpp:270
cv::CAP_PROP_HUE
@ CAP_PROP_HUE
Hue of the image (only for cameras).
Definition: videoio.hpp:137
NppStInterpolationState::pos
Ncv32f pos
new frame position
Definition: NPP_staging.hpp:118
cv::BFMatcher
Brute-force descriptor matcher.
Definition: features2d.hpp:1023
cv::KalmanFilter::errorCovPre
Mat errorCovPre
priori error estimate covariance matrix (P'(k)): P'(k)=A*P(k-1)*At + Q)*‍/
Definition: tracking.hpp:372
cv::detail::FeatherBlender::FeatherBlender
FeatherBlender(float sharpness=0.02f)
Definition: blenders.hpp:122
cv::text::OCRHMMDecoder::classifier
Ptr< OCRHMMDecoder::ClassifierCallback > classifier
Definition: ocr.hpp:279
cv::videostab::ColorAverageInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)
cv::cudev::vcmpne2
__device__ __forceinline__ uint vcmpne2(uint a, uint b)
Definition: simd_functions.hpp:454
cv::line_descriptor::BinaryDescriptor::createBinaryDescriptor
static Ptr< BinaryDescriptor > createBinaryDescriptor()
Create a BinaryDescriptor object with default parameters (or with the ones provided) and return a sma...
cv::UMat::elemSize
size_t elemSize() const
returns element size in bytes,
cv::MultiTracker::~MultiTracker
~MultiTracker()
Destructor.
cv::reg::MapShift::~MapShift
~MapShift(void)
cv::videostab::GaussianMotionFilter::stabilize
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, std::pair< int, int > range)
cv::cudev::LinearInterPtrSz::cols
int cols
Definition: interpolation.hpp:136
cv::text::OCRBeamSearchDecoder::run
virtual void run(Mat &image, Mat &mask, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)
cv::ximgproc::EdgeAwareInterpolator::getUsePostProcessing
virtual bool getUsePostProcessing()=0
cvflann::NNIndex::~NNIndex
virtual ~NNIndex()
Definition: nn_index.h:53
cv::CAP_PVAPI_FSTRIGMODE_SYNCIN1
@ CAP_PVAPI_FSTRIGMODE_SYNCIN1
SyncIn1.
Definition: videoio.hpp:295
cv::instr::NodeData::m_funName
cv::String m_funName
Definition: utility.hpp:1122
cv::subtract
void subtract(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
Calculates the per-element difference between two arrays or array and a scalar.
cv::SparseMatConstIterator_
Template Read-Only Sparse Matrix Iterator Class.
Definition: mat.hpp:3119
int64
int64_t int64
Definition: interface.h:57
cv::detail::BundleAdjusterBase::features_
const ImageFeatures * features_
Definition: motion_estimators.hpp:196
cv::cuda::DeviceInfo::textureAlignment
size_t textureAlignment() const
alignment requirement for textures
cv::CAP_PROP_OPENNI_MAX_BUFFER_SIZE
@ CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio.hpp:228
CV_WINDOW_KEEPRATIO
@ CV_WINDOW_KEEPRATIO
Definition: highgui_c.h:128
cv::datasets::TR_icdarObj
Definition: tr_icdar.hpp:67
cv::structured_light::GrayCodePattern::create
static Ptr< GrayCodePattern > create(const GrayCodePattern::Params &parameters=GrayCodePattern::Params())
Constructor.
tinyxml2::XMLDocument::SaveFile
XMLError SaveFile(const char *filename, bool compact=false)
cv::cuda::FGDParams::N1cc
int N1cc
Number of color co-occurrence vectors used to model normal background color variation at a given pixe...
Definition: cudalegacy.hpp:162
cv::Allocator::max_size
size_type max_size() const
Definition: cvstd.hpp:155
cv::rgbd::RgbdOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: rgbd.hpp:726
cvCloneSeq
CvSeq * cvCloneSeq(const CvSeq *seq, CvMemStorage *storage=NULL)
Definition: core_c.h:1694
tinyxml2::StrPair::Set
void Set(char *start, char *end, int flags)
Definition: tinyxml2.h:165
HaarFeatureDescriptor32::isRightNodeLeaf
__device__ __host__ NcvBool isRightNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:161
cv::cuda::FGDParams::alpha1
float alpha1
How quickly we forget old background pixel values seen. Typically set to 0.1.
Definition: cudalegacy.hpp:170
cv::Matx::ddot
double ddot(const Matx< _Tp, m, n > &v) const
dot product computed in double-precision arithmetics
cv::videostab::InpaintingPipeline::pushBack
void pushBack(Ptr< InpainterBase > inpainter)
Definition: inpainting.hpp:111
cvSetOpenGlDrawCallback
void cvSetOpenGlDrawCallback(const char *window_name, CvOpenGlDrawCallback callback, void *userdata=NULL)
tinyxml2::XMLConstHandle::XMLConstHandle
XMLConstHandle(const XMLNode *node)
Definition: tinyxml2.h:1849
cv::stereo::ModifiedCsCensus::ModifiedCsCensus
ModifiedCsCensus(uint8_t **images, int ker)
Definition: descriptor.hpp:148
cv::videostab::FastMarchingMethod::FastMarchingMethod
FastMarchingMethod()
Definition: fast_marching.hpp:66
NCV_DIMENSIONS_INVALID
@ NCV_DIMENSIONS_INVALID
Definition: NCV.hpp:326
cv::viz::Camera::setClip
void setClip(const Vec2d &clip)
Definition: types.hpp:188
CV_CAP_OPENNI_DISPARITY_MAP_32F
@ CV_CAP_OPENNI_DISPARITY_MAP_32F
Definition: videoio_c.h:471
cv::namedWindow
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
cv::Mat::ptr
uchar * ptr(const int *idx)
CV_CAP_PROP_XI_HDR
@ CV_CAP_PROP_XI_HDR
Definition: videoio_c.h:394
cv::CAP_PROP_XI_LUT_EN
@ CAP_PROP_XI_LUT_EN
Activates LUT.
Definition: videoio.hpp:442
cv::UMat::setTo
UMat & setTo(InputArray value, InputArray mask=noArray())
sets some of the matrix elements to s, according to the mask
cv::cudev::Texture::cols
int cols
Definition: texture.hpp:207
cv::detail::FeatherBlender::prepare
void prepare(Rect dst_roi)
cv::videostab::IFrameSource
Definition: frame_source.hpp:58
cv::Subdiv2D::freeQEdge
int freeQEdge
Definition: imgproc.hpp:1153
CV_RGB2BGR555
@ CV_RGB2BGR555
Definition: types_c.h:143
CV_CAP_OPENNI_QVGA_60HZ
@ CV_CAP_OPENNI_QVGA_60HZ
Definition: videoio_c.h:489
cv::Stitcher::setMatchingMask
void setMatchingMask(const cv::UMat &mask)
Definition: stitching.hpp:198
cv::cuda::HoughCirclesDetector::getCannyThreshold
virtual int getCannyThreshold() const =0
cv::WImageC::BaseType
WImage< T >::BaseType BaseType
Definition: wimage.hpp:259
cv::ParamType< uchar >::const_param_type
uchar const_param_type
Definition: core.hpp:3204
cv::Param::ALGORITHM
@ ALGORITHM
Definition: core.hpp:3116
cv::HISTCMP_KL_DIV
@ HISTCMP_KL_DIV
Definition: imgproc.hpp:512
cv::dnn::Blob::shape
BlobShape shape() const
Returns shape of the blob.
cv::COLOR_BGR2YUV
@ COLOR_BGR2YUV
convert between RGB/BGR and YUV
Definition: imgproc.hpp:622
cvflann::L2::ElementType
T ElementType
Definition: dist.h:141
cv::cuda::DenseOpticalFlow
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:71
cv::detail::TransverseMercatorProjector
Definition: warpers.hpp:422
cv::Mat::Mat
Mat(const cuda::GpuMat &m)
download data from GpuMat
cv::addWeighted
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1)
Calculates the weighted sum of two arrays.
CvKalman::PriorState
float * PriorState
Definition: tracking_c.h:172
cv::COVAR_NORMAL
@ COVAR_NORMAL
Definition: core.hpp:178
cv::TrackerSamplerAlgorithm::create
static Ptr< TrackerSamplerAlgorithm > create(const String &trackerSamplerType)
Create TrackerSamplerAlgorithm by tracker sampler type.
cv::VecCommaInitializer
Comma-separated Vec Initializer.
Definition: matx.hpp:414
cv::fisheye::projectPoints
void projectPoints(InputArray objectPoints, OutputArray imagePoints, const Affine3d &affine, InputArray K, InputArray D, double alpha=0, OutputArray jacobian=noArray())
Projects points using fisheye model.
CV_COMP_CHISQR
@ CV_COMP_CHISQR
Definition: types_c.h:531
CvMatND::s
short * s
Definition: types_c.h:640
cv::FileStorage::write
void write(FileStorage &fs, const float &value)
Definition: persistence.hpp:876
tinyxml2::XMLAttribute
Definition: tinyxml2.h:1034
cv::CAP_PROP_XI_GAIN
@ CAP_PROP_XI_GAIN
Gain in dB.
Definition: videoio.hpp:350
cv::flann::Index::load
virtual bool load(InputArray features, const String &filename)
cv::dnn::DeconvolutionLayer
Definition: all_layers.hpp:224
cv::stereo::CV_MODIFIED_CS_CENSUS
@ CV_MODIFIED_CS_CENSUS
Definition: descriptor.hpp:59
CV_CAP_PROP_XI_CMS
@ CV_CAP_PROP_XI_CMS
Definition: videoio_c.h:325
cv::SparseMat_::depth
int depth() const
returns depth of the matrix elements
cv::v_reinterpret_as_f64
v_float64x2 v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1567
clReleaseContext
#define clReleaseContext
Definition: opencl_core_wrappers.hpp:208
cv::cudev::TypeTraits::is_const
@ is_const
Definition: type_traits.hpp:136
cvMahalanobis
double cvMahalanobis(const CvArr *vec1, const CvArr *vec2, const CvArr *mat)
cv::viz::Widget::Widget
Widget(const Widget &other)
cv::cudev::BinaryTransformPtr::value_type
Op::result_type value_type
Definition: transform.hpp:106
cv::cudacodec::EncoderParams::Presets
int Presets
NVVE_PRESETS,.
Definition: cudacodec.hpp:100
cv::dpm::DPMDetector::ObjectDetection::classID
int classID
Definition: dpm.hpp:111
cv::cudev::DerivYPtr::index_type
int index_type
Definition: deriv.hpp:104
cv::rgbd::ICPOdometry::getMaxRotation
double getMaxRotation() const
Definition: rgbd.hpp:841
cv::datasets::AR_hmdbObj
Definition: ar_hmdb.hpp:61
tinyxml2::XMLDocument::Accept
virtual bool Accept(XMLVisitor *visitor) const
hal_ni_sepFilterInit
int hal_ni_sepFilterInit(cvhalFilter2D **context, int src_type, int dst_type, int kernel_type, uchar *kernelx_data, int kernelx_length, uchar *kernely_data, int kernely_length, int anchor_x, int anchor_y, double delta, int borderType)
hal_sepFilterInit
Definition: hal_replacement.hpp:152
cv::bioinspired::Retina::getParvoRAW
virtual void getParvoRAW(OutputArray retinaOutput_parvo)=0
Accessor of the details channel of the retina (models foveal vision).
cv::bioinspired::RetinaParameters::OPLandIplParvo
OPLandIplParvoParameters OPLandIplParvo
Definition: retina.hpp:178
cv::detail::RotationWarper
Rotation-only model image warper interface.
Definition: warpers.hpp:60
cv::CC_STAT_HEIGHT
@ CC_STAT_HEIGHT
The vertical size of the bounding box.
Definition: imgproc.hpp:411
NcvSize32s::NcvSize32s
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
cv::cuda::HOG::getDescriptorSize
virtual size_t getDescriptorSize() const =0
Returns the number of coefficients required for the classification.
cv::Scalar_< double >
cv::Stitcher::setExposureCompensator
void setExposureCompensator(Ptr< detail::ExposureCompensator > exposure_comp)
Definition: stitching.hpp:222
cv::CALIB_ZERO_TANGENT_DIST
@ CALIB_ZERO_TANGENT_DIST
Definition: calib3d.hpp:257
cv::superres::FarnebackOpticalFlow::getLevelsNumber
virtual int getLevelsNumber() const =0
cvflann::Accumulator< unsigned short >::Type
float Type
Definition: dist.h:74
CvFont::thickness
int thickness
Qt: weight /‍** letters thickness *‍/.
Definition: imgproc_c.h:1128
cv::hal::addWeighted8u
void addWeighted8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_scalars)
cv::directx::convertToDirect3DSurface9
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
cv::stereo::Matching::Median1x9Filter
void Median1x9Filter(const Mat &originalImage, Mat &filteredImage)
Definition: matching.hpp:582
cv::rgbd::ICPOdometry::maxTranslation
double maxTranslation
Definition: rgbd.hpp:873
cv::dnn::DictValue::isReal
bool isReal() const
cv::viz::Color::azure
static Color azure()
cv::cudev::abs_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:354
cv::dnn::BlobShape
Lightweight class for storing and processing a shape of blob (or anything else).
Definition: blob.hpp:58
cv::FileNodeIterator::fs
const CvFileStorage * fs
Definition: persistence.hpp:681
cv::ogl::Texture2D::Format
Format
An Image Format describes the way that the images in Textures store their data.
Definition: opengl.hpp:289
cv::Node::~Node
~Node()
Definition: utility.hpp:1019
cv::ShapeContextDistanceExtractor::getOuterRadius
virtual float getOuterRadius() const =0
cv::hal::mul8s
void mul8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
cvWriteComment
void cvWriteComment(CvFileStorage *fs, const char *comment, int eol_comment)
Writes a comment.
cv::cudev::project2nd::operator()
__device__ __forceinline__ T2 operator()(typename TypeTraits< T1 >::parameter_type, typename TypeTraits< T2 >::parameter_type rhs) const
Definition: functional.hpp:301
cv::dnn::DictValue::operator=
DictValue & operator=(const DictValue &r)
cv::createGeneralizedHoughBallard
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
cv::optflow::OpticalFlowPCAFlow::claheClip
const float claheClip
Definition: pcaflow.hpp:103
cv::cudev::NormL1< float >::NormL1
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
cv::SimpleBlobDetector::Params::minConvexity
float minConvexity
Definition: features2d.hpp:578
cv::cudev::GlobPtr::step
size_t step
stride between two consecutive rows in bytes. Step is stored always and everywhere in bytes!...
Definition: glob.hpp:70
cv::cudev::HistogramBody
Definition: reduction.hpp:219
cv::LDA::save
void save(const String &filename) const
cv::Subdiv2D::connectEdges
int connectEdges(int edgeA, int edgeB)
cv::VideoCapture::read
virtual bool read(OutputArray image)
Grabs, decodes and returns the next video frame.
cv::CAP_PROP_APERTURE
@ CAP_PROP_APERTURE
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:552
cv::xphoto::SimpleWB
A simple white balance algorithm that works by independently stretching each of the input image chann...
Definition: white_balance.hpp:80
cv::optflow::GPCTrainingSamples::type
int type() const
Definition: sparse_matching_gpc.hpp:117
cv::videostab::InpaintingPipeline::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)
CV_LOAD_IMAGE_ANYCOLOR
@ CV_LOAD_IMAGE_ANYCOLOR
Definition: imgcodecs_c.h:66
cv::cuda::createContinuous
void createContinuous(int rows, int cols, int type, OutputArray arr)
Creates a continuous matrix.
cv::flann::IndexParams::IndexParams
IndexParams()
cv::String::String
String()
cv::norm
static double norm(const Matx< _Tp, m, n > &M)
cv::SeqIterator::SeqIterator
SeqIterator()
the default constructor
Definition: core_c.h:3086
cv::rgbd::RgbdICPOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: rgbd.hpp:941
cv::MatCommaInitializer_::it
MatIterator_< _Tp > it
Definition: mat.hpp:462
cv::videostab::FromFileMotionReader
Definition: global_motion.hpp:193
cv::rgbd::RgbdNormals::setWindowSize
void setWindowSize(int val)
Definition: rgbd.hpp:173
cv::reg::MapProjec::scale
void scale(double factor)
cv::ocl::KernelArg::m
UMat * m
Definition: ocl.hpp:385
cv::cudev::divides::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:106
cv::CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
@ CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Reload all settings on set.
Definition: videoio.hpp:548
cv::cudev::numeric_limits< uchar >::max
__device__ static __forceinline__ uchar max()
Definition: limits.hpp:77
cv::Param::UNSIGNED_INT
@ UNSIGNED_INT
Definition: core.hpp:3117
cv::CAP_PROP_XI_TARGET_TEMP
@ CAP_PROP_XI_TARGET_TEMP
Set sensor target temperature for cooling.
Definition: videoio.hpp:385
cv::TrackerFeatureHAAR::getFeatureAt
CvHaarEvaluator::FeatureHaar & getFeatureAt(int id)
Get the feature in position id.
cv::SparseMat::end
SparseMatIterator_< _Tp > end()
returns the typed sparse matrix iterator at the matrix end
cv::UMat::ndoffset
void ndoffset(size_t *ofs) const
CvPhotoCamera::stillImageOutput
AVCaptureStillImageOutput * stillImageOutput
Definition: cap_ios.h:142
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(int arows, int acols, Allocator *allocator=defaultAllocator())
constructs GpuMat of the specified size
cv::videostab::completeFrameAccordingToFlow
void completeFrameAccordingToFlow(const Mat &flowMask, const Mat &flowX, const Mat &flowY, const Mat &frame1, const Mat &mask1, float distThresh, Mat &frame0, Mat &mask0)
cv::flann::IndexParams::getInt
int getInt(const String &key, int defaultVal=-1) const
cv::cuda::HostMem::HostMem
HostMem(int rows, int cols, int type, AllocType alloc_type=PAGE_LOCKED)
CV_HOUGH_PROBABILISTIC
@ CV_HOUGH_PROBABILISTIC
Definition: types_c.h:609
cv::_OutputArray::_OutputArray
_OutputArray(int _flags, void *_obj)
cv::cuda::setBufferPoolConfig
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
NcvRect32s::height
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
cv::reg::MapperGradProj::calculate
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
cv::Ptr::staticCast
Ptr< Y > staticCast() const
cv::sfm::SFM_IO_BUNDLER
@ SFM_IO_BUNDLER
Definition: io.hpp:58
cv::face::LBPHFaceRecognizer::getGridX
virtual int getGridX() const =0
cv::flann::LshIndexParams::LshIndexParams
LshIndexParams(int table_number, int key_size, int multi_probe_level)
memSegCopyHelper
NCVStatus memSegCopyHelper(void *dst, NCVMemoryType dstType, const void *src, NCVMemoryType srcType, size_t sz, cudaStream_t cuStream)
cv::LSD_REFINE_ADV
@ LSD_REFINE_ADV
Definition: imgproc.hpp:481
cv::cudev::acos
__device__ __forceinline__ double4 acos(const double4 &a)
Definition: vec_math.hpp:328
cv::viz::LIGHTING
@ LIGHTING
Definition: widgets.hpp:71
cv::datasets::TRACK_votObj::id
int id
Definition: track_vot.hpp:63
cv::text::BaseOCR::~BaseOCR
virtual ~BaseOCR()
Definition: ocr.hpp:68
tinyxml2::XMLHandle::ToElement
XMLElement * ToElement()
Safe cast to XMLElement. This can return null.
Definition: tinyxml2.h:1821
cv::Matx::get_minor
Matx< _Tp, m1, n1 > get_minor(int i, int j) const
extract part of the matrix
cv::cuda::DeviceInfo::queryMemory
void queryMemory(size_t &totalMemory, size_t &freeMemory) const
gets free and total device memory
ncvGrowDetectionsVector_host
NCVStatus ncvGrowDetectionsVector_host(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale)
cv::UMatData::~UMatData
~UMatData()
cv::getGaborKernel
Mat getGaborKernel(Size ksize, double sigma, double theta, double lambd, double gamma, double psi=CV_PI *0.5, int ktype=CV_64F)
Returns Gabor filter coefficients.
cvflann::HellingerDistance::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:591
cv::ximgproc::SparseMatchInterpolator::interpolate
virtual void interpolate(InputArray from_image, InputArray from_points, InputArray to_image, InputArray to_points, OutputArray dense_flow)=0
Interpolate input sparse matches.
cv::Mat::Mat
Mat(const Mat &m, const Range &rowRange, const Range &colRange=Range::all())
cv::datasets::OR_sunObj::name
std::string name
Definition: or_sun.hpp:63
cv::CAP_PROP_IOS_DEVICE_TORCH
@ CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio.hpp:490
cvflann::KDTreeIndexParams
Definition: kdtree_index.h:54
cv::AKAZE::getNOctaves
virtual int getNOctaves() const =0
cv::aruco::DetectorParameters::maxErroneousBitsInBorderRate
double maxErroneousBitsInBorderRate
Definition: aruco.hpp:147
cv::ml::LogisticRegression::get_learnt_thetas
virtual Mat get_learnt_thetas() const =0
This function returns the trained paramters arranged across rows.
NCVVector::length
size_t length() const
Definition: NCV.hpp:614
cv::videostab::ColorInpainter::ColorInpainter
ColorInpainter(int method=INPAINT_TELEA, double radius=2.)
Definition: inpainting.hpp:196
cv::cudev::divUp
__host__ __device__ __forceinline__ int divUp(int total, int grain)
Definition: common.hpp:80
CvGraphEdge
Definition: types_c.h:1343
cv::cuda::SparsePyrLKOpticalFlow::create
static Ptr< SparsePyrLKOpticalFlow > create(Size winSize=Size(21, 21), int maxLevel=3, int iters=30, bool useInitialFlow=false)
hal_ni_div32f
int hal_ni_div32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:262
cvflann::anyimpl::base_any_policy::get_value
virtual void * get_value(void **src)=0
CvHistogram::thresh
float thresh[32][2]
Definition: types_c.h:752
cv::face::FaceRecognizer::_labelsInfo
std::map< int, String > _labelsInfo
Definition: face.hpp:366
CvHaarStageClassifier::child
int child
Definition: objdetect_c.h:100
cv::WImageBuffer_16u
WImageBuffer< ushort > WImageBuffer_16u
Definition: wimage.hpp:103
cv::SparseMat::value
_Tp & value(Node *n)
returns the value stored in the sparse martix node
cv::UMat::getMat
Mat getMat(int flags) const
cv::stereo::StereoBinaryBM::setSpekleRemovalTechnique
virtual void setSpekleRemovalTechnique(int factor)=0
cv::videostab::IDenseOptFlowEstimator::run
virtual void run(InputArray frame0, InputArray frame1, InputOutputArray flowX, InputOutputArray flowY, OutputArray errors)=0
cv::SparseMat::erase
void erase(const int *idx, size_t *hashval=0)
erases the specified element (nD case)
cv::ml::DTrees::setCVFolds
virtual void setCVFolds(int val)=0
cv::AutoBuffer::AutoBuffer
AutoBuffer()
the default constructor
cv::cuda::StereoConstantSpaceBP::estimateRecommendedParams
static void estimateRecommendedParams(int width, int height, int &ndisp, int &iters, int &levels, int &nr_plane)
Uses a heuristic method to compute parameters (ndisp, iters, levelsand nrplane) for the specified ima...
CvSparseMatIterator::node
CvSparseNode * node
Definition: types_c.h:720
cv::datasets::GR_skigObj::illumination
illuminationType illumination
Definition: gr_skig.hpp:100
cv::ml::SVM::getP
virtual double getP() const =0
matlab::Traits< int64_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:175
cv::datasets::TRACK_votObj
Definition: track_vot.hpp:62
INCVMemAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
cv::ml::SVM::GAMMA
@ GAMMA
Definition: ml.hpp:633
cv::TrackerSamplerPF::Params::iterationNum
int iterationNum
number of selection rounds
Definition: tracker.hpp:927
cvRandArr
void cvRandArr(CvRNG *rng, CvArr *arr, int dist_type, CvScalar param1, CvScalar param2)
Fills an array with random numbers and updates the RNG state.
CV_WND_PROP_AUTOSIZE
@ CV_WND_PROP_AUTOSIZE
Definition: highgui_c.h:111
cv::v_select
v_reg< _Tp, n > v_select(const v_reg< _Tp, n > &mask, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise select.
Definition: intrin_cpp.hpp:911
cvGetFileNodeName
const char * cvGetFileNodeName(const CvFileNode *node)
Returns the name of a file node.
cv::TrackerSamplerCS
TrackerSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracker.hpp:851
cvflann::anyimpl::base_any_policy::type
virtual const std::type_info & type()=0
cv::cuda::CornersDetector::detect
virtual void detect(InputArray image, OutputArray corners, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Determines strong corners on an image.
cv::FONT_HERSHEY_COMPLEX
@ FONT_HERSHEY_COMPLEX
normal size serif font
Definition: core.hpp:227
cv::Rodrigues
void Rodrigues(InputArray src, OutputArray dst, OutputArray jacobian=noArray())
Converts a rotation matrix to a rotation vector or vice versa.
opencl_gl_wrappers.hpp
cv::Error::StsUnmatchedFormats
@ StsUnmatchedFormats
formats of input/output arrays differ
Definition: base.hpp:105
cv::TrackerTargetState::getTargetWidth
int getTargetWidth() const
Get the width of the target.
cv::Detector
Definition: onlineBoosting.hpp:196
cv::detail::PlaneWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::CvHOGEvaluator::Feature::p3
int p3
Definition: feature.hpp:323
cv::stereo::StereoBinaryBM::getSpekleRemovalTechnique
virtual int getSpekleRemovalTechnique() const =0
cv::cudev::sqrt
__device__ __forceinline__ float1 sqrt(const uchar1 &a)
Definition: vec_math.hpp:222
cv::structured_light::SinusoidalPattern::Params::nbrOfPeriods
int nbrOfPeriods
Definition: sinusoidalpattern.hpp:87
cvSegmentMotion
CvSeq * cvSegmentMotion(const CvArr *mhi, CvArr *seg_mask, CvMemStorage *storage, double timestamp, double seg_thresh)
cv::cudacodec::EncoderParams::ForceIDR
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:97
cv::AffineWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:77
cv::ximgproc::ARO_45_135
@ ARO_45_135
Definition: fast_hough_transform.hpp:71
cv::tld::tld_getNextDatasetFrame
cv::Mat tld_getNextDatasetFrame()
cv::bridge::Ptr_Tonemap
cv::Ptr< Tonemap > Ptr_Tonemap
Definition: bridge.hpp:93
cv::idct
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
cv::ROTATE_180
@ ROTATE_180
Definition: core.hpp:1027
tinyxml2::XMLComment::operator=
XMLComment & operator=(const XMLComment &)
cv::omnidir::calibrate
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, InputOutputArray K, InputOutputArray xi, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags, TermCriteria criteria, OutputArray idx=noArray())
Perform omnidirectional camera calibration, the default depth of outputs is CV_64F.
cv::dft
void dft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.
cvv
Definition: call_meta_data.hpp:9
cvflann::HellingerDistance::ElementType
T ElementType
Definition: dist.h:594
CV_THRESH_BINARY
@ CV_THRESH_BINARY
Definition: types_c.h:571
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_CLAHE &)
Definition: bridge.hpp:447
cv::ml::StatModel::train
virtual bool train(InputArray samples, int layout, InputArray responses)
Trains the statistical model.
cv::cudev::IntegerAreaInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
cv::Error::StsError
@ StsError
unknown /unspecified error
Definition: base.hpp:71
clCreateContextFromType
#define clCreateContextFromType
Definition: opencl_core_wrappers.hpp:25
cvCreateGraph
CvGraph * cvCreateGraph(int graph_flags, int header_size, int vtx_size, int edge_size, CvMemStorage *storage)
cv::datasets::IR_robotObj
Definition: ir_robot.hpp:71
lsh_table.h
cv::cuda::TemplateMatching::match
virtual void match(InputArray image, InputArray templ, OutputArray result, Stream &stream=Stream::Null())=0
Computes a proximity map for a raster template and an image where the template is searched for.
clCreateBuffer
#define clCreateBuffer
Definition: opencl_core_wrappers.hpp:16
cv::flann::CompositeIndexParams::CompositeIndexParams
CompositeIndexParams(int trees=4, int branching=32, int iterations=11, cvflann::flann_centers_init_t centers_init=cvflann::FLANN_CENTERS_RANDOM, float cb_index=0.2f)
cvCopyHist
void cvCopyHist(const CvHistogram *src, CvHistogram **dst)
Copies a histogram.
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s)
sets some of the GpuMat elements to s (Blocking call)
cv::SVD::MODIFY_A
@ MODIFY_A
Definition: core.hpp:2556
cv::TrackerStateEstimatorAdaBoosting::computeReplacedClassifier
std::vector< int > computeReplacedClassifier()
Get the list of the weak classifiers that should be replaced.
cvflann::Matrix::type
T type
Definition: matrix.h:49
cv::dnn::PoolingLayer::globalPooling
bool globalPooling
Definition: all_layers.hpp:263
CvStereoBMState::preFilterType
int preFilterType
Definition: calib3d_c.h:326
cv::ximgproc::AdaptiveManifoldFilter::getSigmaR
virtual double getSigmaR() const =0
cv::stereo::ModifiedCsCensus::image
uint8_t * image[num_images]
Definition: descriptor.hpp:144
cv::ximgproc::weightedMedianFilter
void weightedMedianFilter(InputArray joint, InputArray src, OutputArray dst, int r, double sigma=25.5, WMFWeightType weightType=WMF_EXP, Mat mask=Mat())
Applies weighted median filter to an image.
cv::viz::REPRESENTATION_SURFACE
@ REPRESENTATION_SURFACE
Definition: widgets.hpp:78
cv::xphoto::createLearningBasedWB
Ptr< LearningBasedWB > createLearningBasedWB(const String &path_to_model=String())
Creates an instance of LearningBasedWB.
tinyxml2::XMLNode::LastChildElement
XMLElement * LastChildElement(const char *value=0)
Definition: tinyxml2.h:709
cv::Mat::ptr
const uchar * ptr(const int *idx) const
cv::MatAllocator::upload
virtual void upload(UMatData *data, const void *src, int dims, const size_t sz[], const size_t dstofs[], const size_t dststep[], const size_t srcstep[]) const
cv::datasets::join::Py
double Py
Definition: gr_chalearn.hpp:67
CV_CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
@ CV_CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Definition: videoio_c.h:508
cv::BackgroundSubtractorKNN::getShadowValue
virtual int getShadowValue() const =0
Returns the shadow value.
cv::cuda::ORB
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: cudafeatures2d.hpp:456
cv::detail::MatchesInfo::MatchesInfo
MatchesInfo()
cv::COLOR_Lab2LRGB
@ COLOR_Lab2LRGB
Definition: imgproc.hpp:618
CV_CUDEV_YUV2RGB_INST
#define CV_CUDEV_YUV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:119
cv::COLOR_YUV2GRAY_I420
@ COLOR_YUV2GRAY_I420
Definition: imgproc.hpp:665
cvUnregisterType
void cvUnregisterType(const char *type_name)
Unregisters the type.
cv::face::BasicFaceRecognizer::getMean
virtual cv::Mat getMean() const =0
cvflann::AutotunedIndex::~AutotunedIndex
virtual ~AutotunedIndex()
Definition: autotuned_index.h:89
cv::rgbd::DepthCleaner::initialize
void initialize() const
cv::datasets::cameraPos
Definition: ir_robot.hpp:66
cv::viz::Camera::getFocalLength
const Vec2d & getFocalLength() const
Definition: types.hpp:197
cv::viz::Color::teal
static Color teal()
cv::hal::absdiff32s
void absdiff32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::optflow::GPCTree::Node::right
unsigned right
Definition: sparse_matching_gpc.hpp:170
cv::GFTTDetector::setMinDistance
virtual void setMinDistance(double minDistance)=0
NPPST_INVALID_ROI
@ NPPST_INVALID_ROI
Invalid region of interest argument.
Definition: NCV.hpp:365
NCV_ALLOCATOR_BAD_REUSE
@ NCV_ALLOCATOR_BAD_REUSE
Definition: NCV.hpp:337
cv::saturate_cast< schar >
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:112
cv::cuda::GpuMat::GpuMat
GpuMat(InputArray arr, Allocator *allocator=defaultAllocator())
builds GpuMat from host memory (Blocking call)
cv::datasets::GR_chalearnObj::nameUser
std::string nameUser
Definition: gr_chalearn.hpp:77
cv::IMWRITE_PAM_FORMAT_GRAYSCALE
@ IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs.hpp:116
cv::cuda::FGDParams::Lc
int Lc
Quantized levels per 'color' component. Power of two, typically 32, 64 or 128.
Definition: cudalegacy.hpp:156
cv::ml::SVMSGD::setSvmsgdType
virtual void setSvmsgdType(int svmsgdType)=0
Algorithm type, one of SVMSGD::SvmsgdType.
cv::RNG::gaussian
double gaussian(double sigma)
Returns the next random number sampled from the Gaussian distribution.
cv::KalmanFilter::predict
const Mat & predict(const Mat &control=Mat())
Computes a predicted state.
matlab::MxArray::field
MxArray field(const std::string &name)
Definition: mxarray.hpp:398
cv::omnidir::internal::subMatrix
void subMatrix(const Mat &src, Mat &dst, const std::vector< int > &cols, const std::vector< int > &rows)
cv::FlannBasedMatcher::isMaskSupported
virtual bool isMaskSupported() const
Returns true if the descriptor matcher supports masking permissible matches.
cv::Mat::step
MatStep step
Definition: mat.hpp:1979
Cv64suf
Definition: cvdef.h:343
cv::cuda::HostMem::HostMem
HostMem(AllocType alloc_type=PAGE_LOCKED)
cvGetSetElem
CvSetElem * cvGetSetElem(const CvSet *set_header, int idx)
Definition: core_c.h:1767
cv::ROTATE_90_CLOCKWISE
@ ROTATE_90_CLOCKWISE
Definition: core.hpp:1026
cvUndistort2
void cvUndistort2(const CvArr *src, CvArr *dst, const CvMat *camera_matrix, const CvMat *distortion_coeffs, const CvMat *new_camera_matrix=0)
Transforms the input image to compensate lens distortion.
CV_WND_PROP_OPENGL
@ CV_WND_PROP_OPENGL
Definition: highgui_c.h:113
opencl_core.hpp
cv::SparseMat::addref
void addref()
manually increments the reference counter to the header.
NcvRect8u
Definition: NCV.hpp:138
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_(const SparseMatConstIterator_ &it)
the copy constructor
cv::line_descriptor::BinaryDescriptor::Params::numOfOctave_
int numOfOctave_
Definition: descriptor.hpp:196
CV_CAP_PROP_MODE
@ CV_CAP_PROP_MODE
Definition: videoio_c.h:175
cv::_OutputArray::_OutputArray
_OutputArray(Mat &m)
cv::ocl::Device::doubleFPConfig
int doubleFPConfig() const
cv::Error::OpenCLNoAMDBlasFft
@ OpenCLNoAMDBlasFft
Definition: base.hpp:123
cv::GFTTDetector::create
static Ptr< GFTTDetector > create(int maxCorners=1000, double qualityLevel=0.01, double minDistance=1, int blockSize=3, bool useHarrisDetector=false, double k=0.04)
cv::optflow::GPCTree::train
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
cv::LDA::LDA
LDA(InputArrayOfArrays src, InputArray labels, int num_components=0)
cv::ft::ONE_STEP
@ ONE_STEP
Definition: types.hpp:61
CV_CAP_PROP_XI_APPLY_CMS
@ CV_CAP_PROP_XI_APPLY_CMS
Definition: videoio_c.h:326
cv::GFTTDetector::setBlockSize
virtual void setBlockSize(int blockSize)=0
CV_CAP_PROP_XI_EXP_PRIORITY
@ CV_CAP_PROP_XI_EXP_PRIORITY
Definition: videoio_c.h:277
cv::Range::empty
bool empty() const
cv::TrackerStateEstimatorAdaBoosting::~TrackerStateEstimatorAdaBoosting
~TrackerStateEstimatorAdaBoosting()
Destructor.
cv::FarnebackOpticalFlow::setPyrScale
virtual void setPyrScale(double pyrScale)=0
cv::detail::CylindricalWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: warpers.hpp:287
cvGetOptimalDFTSize
int cvGetOptimalDFTSize(int size0)
cvflann::MinkowskiDistance::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:280
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::Params
Params()
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Moments &)
Definition: bridge.hpp:329
cvStartReadChainPoints
void cvStartReadChainPoints(CvChain *chain, CvChainPtReader *reader)
Initializes Freeman chain reader.
cv::cuda::DeviceInfo::concurrentKernels
bool concurrentKernels() const
device can possibly execute multiple kernels concurrently
cv::dnn::Layer::blobs
std::vector< Blob > blobs
List of learned parameters must be stored here to allow read them by using Net::getParam().
Definition: dnn.hpp:89
CV_YUV2BGRA_YUYV
@ CV_YUV2BGRA_YUYV
Definition: types_c.h:310
cv::bgsegm::BackgroundSubtractorGMG::getBackgroundPrior
virtual double getBackgroundPrior() const =0
Returns the prior probability that each individual pixel is a background pixel.
cv::text::computeNMChannels
void computeNMChannels(InputArray _src, OutputArrayOfArrays _channels, int _mode=ERFILTER_NM_RGBLGrad)
Compute the different channels to be processed independently in the N&M algorithm [Neumann12].
CV_CAP_PROP_TEMPERATURE
@ CV_CAP_PROP_TEMPERATURE
Definition: videoio_c.h:191
cvSeqPartition
int cvSeqPartition(const CvSeq *seq, CvMemStorage *storage, CvSeq **labels, CvCmpFunc is_equal, void *userdata)
cv::TrackerBoosting
This is a real-time object tracking based on a novel on-line version of the AdaBoost algorithm.
Definition: tracker.hpp:1117
cv::SparseMat_::SparseMat_
SparseMat_()
the default constructor
cvSeqPop
void cvSeqPop(CvSeq *seq, void *element=NULL)
cv::MinProblemSolver::Function::~Function
virtual ~Function()
Definition: optim.hpp:66
CV_CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
@ CV_CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
Definition: videoio_c.h:369
CV_StsFilterStructContentErr
@ CV_StsFilterStructContentErr
Definition: types_c.h:149
cv::CvHaarEvaluator::FeatureHaar::write
void write(FileStorage) const
Definition: feature.hpp:229
cv::CAP_PROP_FOCUS
@ CAP_PROP_FOCUS
Definition: videoio.hpp:152
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const Mat &value)
cv::ml::RTrees::getVarImportance
virtual Mat getVarImportance() const =0
cvEqualizeHist
void cvEqualizeHist(const CvArr *src, CvArr *dst)
equalizes histogram of 8-bit single-channel image
cv::LDA::_eigenvalues
Mat _eigenvalues
Definition: core.hpp:2532
cv::ml::SVM::Kernel
Definition: ml.hpp:493
cv::rgbd::RgbdICPOdometry::setTransformType
void setTransformType(int val)
Definition: rgbd.hpp:965
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3, _Tp s4, _Tp s5, _Tp s6, _Tp s7, _Tp s8, _Tp s9, _Tp s10, _Tp s11, _Tp s12, _Tp s13, _Tp s14, _Tp s15)
Constructor.
Definition: intrin_cpp.hpp:277
cvWrite
void cvWrite(CvFileStorage *fs, const char *name, const void *ptr, CvAttrList attributes=cvAttrList())
Writes an object to file storage.
matlab::Map::at
const ValueType & at(const KeyType &k) const
Definition: map.hpp:86
cvArcLength
double cvArcLength(const void *curve, CvSlice slice=CV_WHOLE_SEQ, int is_closed=-1)
Calculates perimeter of a contour or length of a part of contour.
cv::cudev::TypeTraits::parameter_type
SelectIf< type_traits_detail::IsSimpleParameter< unqualified_type >::value, T, typename type_traits_detail::AddParameterType< T >::type >::type parameter_type
Definition: type_traits.hpp:150
cv::inpaint
void inpaint(InputArray src, InputArray inpaintMask, OutputArray dst, double inpaintRadius, int flags)
Restores the selected region in an image using the region neighborhood.
clRetainProgram
#define clRetainProgram
Definition: opencl_core_wrappers.hpp:247
cv::videostab::StabilizerBase::trimRatio
float trimRatio() const
Definition: stabilizer.hpp:87
cv::stereo::StereoBinarySGBM::getMode
virtual int getMode() const =0
cv::fisheye::distortPoints
void distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha=0)
Distorts 2D points using fisheye model.
cv::stereo::CV_SPECKLE_REMOVAL_AVG_ALGORITHM
@ CV_SPECKLE_REMOVAL_AVG_ALGORITHM
Definition: stereo.hpp:118
cv::cudev::CommonAreaInterPtrSz::rows
int rows
Definition: interpolation.hpp:367
cv::ml::TrainData
Class encapsulating training data.
Definition: ml.hpp:138
cvConvertImage
void cvConvertImage(const CvArr *src, CvArr *dst, int flags=0)
cv::ppf_match_3d::PPF3DDetector::ppf_step
int ppf_step
Definition: ppf_match_3d.hpp:151
tinyxml2::XMLUtil::ReadBOM
static const char * ReadBOM(const char *p, bool *hasBOM)
cv::Detector::~Detector
virtual ~Detector(void)
cv::ocl::KernelArg::WriteOnly
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:374
cv::optflow::DISOpticalFlow::setPatchStride
virtual void setPatchStride(int val)=0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
cv::v_setall_f32
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:1544
cv::ximgproc::DisparityWLSFilter::getROI
virtual Rect getROI()=0
Get the ROI used in the last filter call.
cvFilter2D
void cvFilter2D(const CvArr *src, CvArr *dst, const CvMat *kernel, CvPoint anchor=cvPoint(-1,-1))
Convolves an image with the kernel.
cvflann::FLANN_CHECKS_AUTOTUNED
@ FLANN_CHECKS_AUTOTUNED
Definition: defines.h:172
CV_RGBA2YUV_YV12
@ CV_RGBA2YUV_YV12
Definition: types_c.h:338
cv::hal::sub16u
void sub16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::linemod::QuantizedPyramid::pyrDown
virtual void pyrDown()=0
Go to the next pyramid level.
cv::face::LBPHFaceRecognizer::getNeighbors
virtual int getNeighbors() const =0
cvflann::RadiusResultSet::addPoint
void addPoint(DistanceType dist, int index)
Definition: result_set.h:263
cv::MatOp::add
virtual void add(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
cv::cudev::numeric_limits
Definition: limits.hpp:58
cv::cuda::magnitude
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
cv::flann::KMeansIndexParams::KMeansIndexParams
KMeansIndexParams(int branching=32, int iterations=11, cvflann::flann_centers_init_t centers_init=cvflann::FLANN_CENTERS_RANDOM, float cb_index=0.2f)
cv::Mat::release
void release()
Decrements the reference counter and deallocates the matrix if needed.
cv::Tracker::isInit
bool isInit
Definition: tracker.hpp:578
cv::v_uint8x16
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:354
cv::EVENT_LBUTTONDOWN
@ EVENT_LBUTTONDOWN
indicates that the left mouse button is pressed.
Definition: highgui.hpp:206
cv::KeyPointsFilter::runByImageBorder
static void runByImageBorder(std::vector< KeyPoint > &keypoints, Size imageSize, int borderSize)
clCreateFromGLTexture2D
#define clCreateFromGLTexture2D
Definition: opencl_gl.hpp:30
cv::ml::Boost::Types
Types
Definition: ml.hpp:1209
cvflann::KDTreeIndex::operator=
KDTreeIndex & operator=(const KDTreeIndex &)
cv::LDA::project
Mat project(InputArray src)
cv::dnn::Net::forward
void forward(LayerId toLayer=String())
Runs forward pass to compute output of layer toLayer.
cv::bioinspired::TransientAreasSegmentationModule::setup
virtual void setup(cv::FileStorage &fs, const bool applyDefaultSetupOnFailure=true)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
cv::bridge::vector_Mat
std::vector< cv::Mat > vector_Mat
Definition: bridge.hpp:69
cv::cudev::FindMaxValExprBody
Definition: reduction.hpp:109
cv::VideoWriter::write
virtual void write(const Mat &image)
Writes the next video frame.
cv::ImwritePNGFlags
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:104
cvLoadImage
IplImage * cvLoadImage(const char *filename, int iscolor=CV_LOAD_IMAGE_COLOR)
cv::cuda::FGDParams::Lcc
int Lcc
Quantized levels per 'color co-occurrence' component. Power of two, typically 16, 32 or 64.
Definition: cudalegacy.hpp:161
cv::EstimatedGaussDistribution::update
void update(float value)
cv::rgbd::RgbdICPOdometry::checkParams
virtual void checkParams() const
cvflann::True
Definition: dist.h:88
cv::cuda::DensePyrLKOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::cudev::bit_xor
Definition: functional.hpp:244
cv::ocl::Context::Context
Context(const Context &c)
cv::StereoMatcher::getMinDisparity
virtual int getMinDisparity() const =0
CvLineIterator::err
int err
Definition: types_c.h:1084
cv::cuda::DeviceInfo::regsPerBlock
int regsPerBlock() const
32-bit registers available per block
cv::COLOR_YUV2RGB_YUNV
@ COLOR_YUV2RGB_YUNV
Definition: imgproc.hpp:694
hal_ni_sub32f
int hal_ni_sub32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:89
cv::saliency::Saliency::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Compute the saliency.
cv::flann::GenericIndex
The FLANN nearest neighbor index class. This class is templated with the type of elements for which t...
Definition: flann.hpp:109
cv::Mat2s
Mat_< Vec2s > Mat2s
Definition: mat.hpp:2199
cv::matchTemplate
void matchTemplate(InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
Compares a template against overlapped image regions.
cv::FileStorage::write
void write(FileStorage &fs, const int &value)
Definition: persistence.hpp:870
cv::cuda::calcNormDiff
void calcNormDiff(InputArray src1, InputArray src2, OutputArray dst, int normType=NORM_L2, Stream &stream=Stream::Null())
cv::GFTTDetector::getMinDistance
virtual double getMinDistance() const =0
cv::hal::cvtBGRtoThreePlaneYUV
void cvtBGRtoThreePlaneYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int uIdx)
cv::RNG_MT19937::uniform
double uniform(double a, double b)
returns uniformly distributed double-precision floating-point random number from [a,...
cvCreateSet
CvSet * cvCreateSet(int set_flags, int header_size, int elem_size, CvMemStorage *storage)
cv::FlannBasedMatcher
Flann-based descriptor matcher.
Definition: features2d.hpp:1069
cv::MatConstIterator::value_type
uchar * value_type
Definition: mat.hpp:2861
cv::bridge::Bridge::getObjectByName
Object * getObjectByName(const std::string &name)
unpack an object from Matlab into C++
Definition: bridge.hpp:181
cv::dnn::Blob
This class provides methods for continuous n-dimensional CPU and GPU array processing.
Definition: blob.hpp:147
cv::GeneralizedHoughGuil::setScaleThresh
virtual void setScaleThresh(int scaleThresh)=0
Scale votes threshold.
cv::cudev::Texture::Texture
__host__ Texture(const GlobPtrSz< T > &mat, bool normalizedCoords=false, cudaTextureFilterMode filterMode=cudaFilterModePoint, cudaTextureAddressMode addressMode=cudaAddressModeClamp)
Definition: texture.hpp:209
IplImage::height
int height
Definition: types_c.h:317
cv::optflow::GPCTree::Node::rhs
double rhs
Bias term of the hyperplane.
Definition: sparse_matching_gpc.hpp:168
cv::datasets::GR_skigObj::pose
poseType pose
Definition: gr_skig.hpp:101
cv::cudacodec::MPEG4
@ MPEG4
Definition: cudacodec.hpp:247
cv::ogl::Buffer::bufId
unsigned int bufId() const
get OpenGL opject id
cv::cudev::ScharrYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
cv::DataType::channel_type
value_type channel_type
Definition: traits.hpp:111
cv::videostab::StabilizerBase::preProcessedFrame_
Mat preProcessedFrame_
Definition: stabilizer.hpp:126
cv::cuda::HoughLinesDetector::detect
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds lines in a binary image using the classical Hough transform.
cv::UMatData::markDeviceMemMapped
void markDeviceMemMapped(bool flag)
cv::cudev::saturate_cast< short >
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:191
cv::videostab::InpainterBase::motions_
const std::vector< Mat > * motions_
Definition: inpainting.hpp:97
cv::datasets::IR_robot::load
virtual void load(const std::string &path)=0
tinyxml2::XMLElement::SetAttribute
void SetAttribute(const char *name, bool value)
Sets the named attribute to value.
Definition: tinyxml2.h:1321
cv::cudev::vec_math_detail::abs_
__device__ __forceinline__ schar abs_(schar val)
Definition: vec_math.hpp:202
cv::cudev::numeric_limits< double >::max
__device__ static __forceinline__ double max()
Definition: limits.hpp:120
cv::MatxCommaInitializer::idx
int idx
Definition: matx.hpp:262
matlab::Traits< uint8_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:133
defines.h
cv::AlignMTB::process
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst)=0
Short version of process, that doesn't take extra arguments.
interface.h
cv::cudev::abs_func
Definition: functional.hpp:353
cv::dnn::MVNLayer::create
static Ptr< MVNLayer > create(bool normVariance=true, bool acrossChannels=false, double eps=1e-9)
tinyxml2::XMLConstHandle::NextSibling
const XMLConstHandle NextSibling() const
Definition: tinyxml2.h:1882
cv::DualTVL1OpticalFlow::getMedianFiltering
virtual int getMedianFiltering() const =0
Median filter kernel size (1 = no filter) (3 or 5)
tinyxml2::XMLDocument::ProcessEntities
bool ProcessEntities() const
Definition: tinyxml2.h:1563
cv::detail::SphericalWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Definition: warpers.hpp:502
hal_ni_recip32s
int hal_ni_recip32s(const int *src_data, size_t src_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:279
CV_YUV2GRAY_YUNV
@ CV_YUV2GRAY_YUNV
Definition: types_c.h:321
tinyxml2::XMLDocument::RootElement
const XMLElement * RootElement() const
Definition: tinyxml2.h:1588
cvflann::UniqueRandom::next
int next()
Definition: random.h:120
NCV_MEM_RESIDENCE_ERROR
@ NCV_MEM_RESIDENCE_ERROR
Definition: NCV.hpp:340
cv::CvHaarFeatureParams::isIntegral
bool isIntegral
Definition: feature.hpp:212
cv::optflow::OpticalFlowPCAFlow::retainedCornersFraction
const float retainedCornersFraction
Definition: pcaflow.hpp:100
cv::optflow::DISOpticalFlow::getFinestScale
virtual int getFinestScale() const =0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
cv::cudev::gridTransformTuple_
__host__ void gridTransformTuple_(const SrcPtr &src, const tuple< GpuMat_< D0 > &, GpuMat_< D1 > & > &dst, const OpTuple &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:163
cv::bgsegm::BackgroundSubtractorMOG::setHistory
virtual void setHistory(int nframes)=0
cv::cudev::blockReduceKeyVal
__device__ __forceinline__ void blockReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:86
cv::xphoto::Bm3dSteps
Bm3dSteps
BM3D algorithm steps.
Definition: bm3d_image_denoising.hpp:69
cv::bridge::Ptr_TonemapMantiuk
cv::Ptr< TonemapMantiuk > Ptr_TonemapMantiuk
Definition: bridge.hpp:96
cv::videostab::InpaintingPipeline::setStabilizedFrames
virtual void setStabilizedFrames(const std::vector< Mat > &val)
CV_THRESH_MASK
@ CV_THRESH_MASK
Definition: types_c.h:576
CvBox2D::CvBox2D
CvBox2D(const cv::RotatedRect &rr)
Definition: types_c.h:1070
cv::MatExpr::diag
MatExpr diag(int d=0) const
cvflann::UntypedMatrix::cols
size_t cols
Definition: matrix.h:91
hal_ni_cvtLabtoBGR
int hal_ni_cvtLabtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isLab, bool srgb)
hal_cvtLabtoBGR
Definition: hal_replacement.hpp:486
cvGetWindowProperty
double cvGetWindowProperty(const char *name, int prop_id)
cv::cuda::FastFeatureDetector::getMaxNumPoints
virtual int getMaxNumPoints() const =0
cv::NormTypes
NormTypes
Definition: base.hpp:188
cv::detail::CompressedRectilinearPortraitProjector::b
float b
Definition: warpers.hpp:345
cv::Matx::Matx
Matx(const Matx< _Tp, n, m > &a, Matx_TOp)
CpuFeatures
CpuFeatures
Available CPU features.
Definition: cvdef.h:137
cv::TrackerSampler::~TrackerSampler
~TrackerSampler()
Destructor.
cvSetNew
CvSetElem * cvSetNew(CvSet *set_header)
Definition: core_c.h:1737
cv::face::LBPHFaceRecognizer::setThreshold
virtual void setThreshold(double val)=0
cv::dnn::SliceLayer::sliceIndices
std::vector< int > sliceIndices
Definition: all_layers.hpp:328
hal_ni_morph
int hal_ni_morph(cvhalFilter2D *context, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int src_full_width, int src_full_height, int src_roi_x, int src_roi_y, int dst_full_width, int dst_full_height, int dst_roi_x, int dst_roi_y)
hal_morph
Definition: hal_replacement.hpp:224
CvAbstractCamera::cameraAvailable
BOOL cameraAvailable
Definition: cap_ios.h:46
cv::CascadeClassifier::~CascadeClassifier
~CascadeClassifier()
cvflann::HierarchicalClusteringIndex::DistanceType
Distance::ResultType DistanceType
Definition: hierarchical_clustering_index.h:84
cv::ppf_match_3d::Pose3D::printPose
void printPose()
cv::dnn::BlobShape::total
ptrdiff_t total() const
Returns the product of all sizes of axes.
cv::colorChange
void colorChange(InputArray src, InputArray mask, OutputArray dst, float red_mul=1.0f, float green_mul=1.0f, float blue_mul=1.0f)
Given an original color image, two differently colored versions of this image can be mixed seamlessly...
cv::Rect_::size
Size_< _Tp > size() const
size (width, height) of the rectangle
cv::PCACompute
void PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, int maxComponents=0)
cv::ml::ANN_MLP::TrainFlags
TrainFlags
Definition: ml.hpp:1384
cv::QtFont::shear
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: highgui.hpp:641
lsc.hpp
CvHistType
int CvHistType
Definition: types_c.h:732
cv::ogl::convertToGLTexture2D
void convertToGLTexture2D(InputArray src, Texture2D &texture)
Converts InputArray to Texture2D object.
background_segm.hpp
cv::hal::SVD32f
void SVD32f(float *At, size_t astep, float *W, float *U, size_t ustep, float *Vt, size_t vstep, int m, int n, int flags)
cv::convertScaleAbs
void convertScaleAbs(InputArray src, OutputArray dst, double alpha=1, double beta=0)
Scales, calculates absolute values, and converts the result to 8-bit.
cv::bgsegm::BackgroundSubtractorGMG::setMaxVal
virtual void setMaxVal(double val)=0
Sets the maximum value taken on by pixels in image sequence.
CV_CAP_PROP_MAX_DC1394
@ CV_CAP_PROP_MAX_DC1394
Definition: videoio_c.h:199
cv::MatExpr::min
MatExpr min(double s, const Mat &a)
cv::cudev::sin
__device__ __forceinline__ double4 sin(const double4 &a)
Definition: vec_math.hpp:292
cv::cuda::TargetArchs::hasEqualOrLessPtx
static bool hasEqualOrLessPtx(int major, int minor)
cv::StereoMatcher::setSpeckleWindowSize
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
cv::rgbd::OdometryFrame::OdometryFrame
OdometryFrame()
cv::omnidir::internal::computeMeanReproErr
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
cv::CalibrateRobertson::getMaxIter
virtual int getMaxIter() const =0
cv::WImageC::Channels
int Channels() const
Definition: wimage.hpp:278
cv::cudev::makeExpr
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
CV_CAP_PROP_XI_COUNTER_SELECTOR
@ CV_CAP_PROP_XI_COUNTER_SELECTOR
Definition: videoio_c.h:372
cv::TransverseMercatorWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:161
cv::cuda::FGDParams::is_obj_without_holes
bool is_obj_without_holes
If TRUE we ignore holes within foreground blobs. Defaults to TRUE.
Definition: cudalegacy.hpp:166
clCreateSampler
#define clCreateSampler
Definition: opencl_core_wrappers.hpp:52
cv::ml::SVM::DEGREE
@ DEGREE
Definition: ml.hpp:637
cv::TrackerModel::setLastTargetState
void setLastTargetState(const Ptr< TrackerTargetState > &lastTargetState)
Set the current TrackerTargetState in the Trajectory.
cv::UMatData::urefcount
int urefcount
Definition: mat.hpp:496
cv::cuda::GpuMat::adjustROI
GpuMat & adjustROI(int dtop, int dbottom, int dleft, int dright)
moves/resizes the current GpuMat ROI inside the parent GpuMat
cv::detail::Blender
Base class for all blenders.
Definition: blenders.hpp:63
CV_StsBadArg
@ CV_StsBadArg
Definition: types_c.h:125
cv::EVENT_FLAG_ALTKEY
@ EVENT_FLAG_ALTKEY
indicates that ALT Key is pressed.
Definition: highgui.hpp:226
cvflann::LshIndex::LshIndex
LshIndex(const Matrix< ElementType > &input_data, const IndexParams &params=LshIndexParams(), Distance d=Distance())
Definition: lsh_index.h:89
cv::ml::ANN_MLP::getRpropDWMinus
virtual double getRpropDWMinus() const =0
cv::CAP_INTELPERC_IR_MAP
@ CAP_INTELPERC_IR_MAP
Each pixel is a 16-bit integer. The value indicates the intensity of the reflected laser beam.
Definition: videoio.hpp:529
clGetPlatformInfo
#define clGetPlatformInfo
Definition: opencl_core_wrappers.hpp:187
cv::UMat::UMat
UMat(const std::vector< _Tp > &vec, bool copyData=false)
builds matrix from std::vector with or without copying the data
cv::String::substr
String substr(size_t pos=0, size_t len=npos) const
cv::cudev::LutPtr
Definition: lut.hpp:61
cv::cudev::BinaryTupleAdapter::result_type
Op::result_type result_type
Definition: tuple_adapter.hpp:80
hal_ni_filterInit
int hal_ni_filterInit(cvhalFilter2D **context, uchar *kernel_data, size_t kernel_step, int kernel_type, int kernel_width, int kernel_height, int max_width, int max_height, int src_type, int dst_type, int borderType, double delta, int anchor_x, int anchor_y, bool allowSubmatrix, bool allowInplace)
hal_filterInit
Definition: hal_replacement.hpp:106
cv::WImageViewC::WImageViewC
WImageViewC()
Definition: wimage.hpp:568
cv::dnn::Blob::size
int size(int axis) const
Returns the size of the specified axis.
CV_RETR_FLOODFILL
@ CV_RETR_FLOODFILL
Definition: types_c.h:450
clCreateKernel
#define clCreateKernel
Definition: opencl_core.hpp:120
cv::ocl::PlatformInfo::PlatformInfo
PlatformInfo(const PlatformInfo &i)
fuzzy_F0_math.hpp
cv::videostab::WobbleSuppressorBase::stabilizationMotions
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: wobble_suppression.hpp:85
cv::MORPH_ELLIPSE
@ MORPH_ELLIPSE
Definition: imgproc.hpp:257
clGetCommandQueueInfo
#define clGetCommandQueueInfo
Definition: opencl_core_wrappers.hpp:145
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< std::vector< _Tp > > &vec)
cv::line_descriptor::BinaryDescriptorMatcher
furnishes all functionalities for querying a dataset provided by user or internal to class (that user...
Definition: descriptor.hpp:980
CvKalman::PNCovariance
float * PNCovariance
Definition: tracking_c.h:176
cv::rgbd::RgbdICPOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: rgbd.hpp:925
cv::viz::WText3D
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:432
cv::COLOR_BayerGR2BGR_VNG
@ COLOR_BayerGR2BGR_VNG
Definition: imgproc.hpp:754
cv::TrackerTLD::Params
Definition: tracker.hpp:1187
cv::bridge::Bridge::toPtrCalibrateRobertson
Ptr_CalibrateRobertson toPtrCalibrateRobertson()
Definition: bridge.hpp:468
cv::detail::focalsFromHomography
void focalsFromHomography(const Mat &H, double &f0, double &f1, bool &f0_ok, bool &f1_ok)
Tries to estimate focal lengths from the given homography under the assumption that the camera underg...
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat_ &m, Range arowRange, Range acolRange)
selects a submatrix
CvString::ptr
char * ptr
Definition: types_c.h:1769
cv::TrackerBoosting::Params::write
void write(FileStorage &fs) const
Write parameters in a file.
cv::operator+
v_reg< _Tp, n > operator+(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Add values.
Definition: intrin_cpp.hpp:396
CV_CAP_PROP_XI_AEAG_LEVEL
@ CV_CAP_PROP_XI_AEAG_LEVEL
Definition: videoio_c.h:280
cv::COLOR_BGR2XYZ
@ COLOR_BGR2XYZ
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:571
cv::StereoSGBM
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:1806
cv::v_load_aligned
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1010
cv::viz::Viz3d::getRenderingProperty
double getRenderingProperty(const String &id, int property)
Returns rendering property of a widget.
clEnqueueTask
#define clEnqueueTask
Definition: opencl_core.hpp:176
cv::_InputArray::getSz
Size getSz() const
cv::cuda::FGDParams::N2c
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
cv::viz::Color
This class a represents BGR color.
Definition: types.hpp:64
cv::_InputArray::_InputArray
_InputArray(int _flags, void *_obj)
cv::dpm::DPMDetector::detect
virtual void detect(cv::Mat &image, std::vector< ObjectDetection > &objects)=0
Find rectangular regions in the given image that are likely to contain objects of loaded classes (mod...
tinyxml2::XMLPrinter::CStr
const char * CStr() const
Definition: tinyxml2.h:2016
nppsStCompact_32f
NCVStatus nppsStCompact_32f(Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::bgsegm::BackgroundSubtractorMOG::setNoiseSigma
virtual void setNoiseSigma(double noiseSigma)=0
cv::videostab::NullFrameSource::reset
virtual void reset()
Definition: frame_source.hpp:68
cv::detail::CylindricalWarperGpu
Definition: warpers.hpp:522
clCreateImage3D
#define clCreateImage3D
Definition: opencl_core_wrappers.hpp:34
estimated_covariance.hpp
cv::dnn::DictValue::isInt
bool isInt() const
tinyxml2::XMLDocument::PrintError
void PrintError() const
If there is an error, print it to stdout.
tinyxml2::XMLPrinter::Visit
virtual bool Visit(const XMLDeclaration &declaration)
Visit a declaration.
cv::superres::SuperResolution::getBlurKernelSize
virtual int getBlurKernelSize() const =0
Gaussian blur kernel size.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9)
10-element vector constructor
cv::cudev::asin
__device__ __forceinline__ double4 asin(const double4 &a)
Definition: vec_math.hpp:319
cv::ocl::Device::preferredVectorWidthDouble
int preferredVectorWidthDouble() const
cv::cuda::DeviceInfo::maxTexture2DLayered
Vec3i maxTexture2DLayered() const
maximum 2D layered texture dimensions
CV_YUV2RGBA_YV12
@ CV_YUV2RGBA_YV12
Definition: types_c.h:259
cv::FM_LMEDS
@ FM_LMEDS
least-median algorithm
Definition: calib3d.hpp:282
cvflann::squareDistance< L2_Simple< ElementType >, ElementType >::ResultType
L2_Simple< ElementType >::ResultType ResultType
Definition: dist.h:800
cv::cuda::OpticalFlowDual_TVL1::getScaleStep
virtual double getScaleStep() const =0
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst) const
copies the GpuMat content to device memory (Blocking call)
cv::ogl::Texture2D::empty
bool empty() const
cv::SparseMat_::clone
SparseMat_ clone() const
makes full copy of the matrix. All the elements are duplicated
cv::ocl::ProgramSource::p
Impl * p
Definition: ocl.hpp:643
cv::MatConstIterator_::value_type
_Tp value_type
Definition: mat.hpp:2928
clSetUserEventStatus
#define clSetUserEventStatus
Definition: opencl_core_wrappers.hpp:262
cv::fisheye::CALIB_FIX_INTRINSIC
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:1893
random.h
cv::datasets::OR_mnist
Definition: or_mnist.hpp:67
cv::superres::PyrLKOpticalFlow
Definition: optical_flow.hpp:181
cv::ximgproc::FastLineDetector::drawSegments
virtual void drawSegments(InputOutputArray _image, InputArray lines, bool draw_arrow=false)=0
Draws the line segments on a given image.
cv::dnn::PoolingLayer::AVE
@ AVE
Definition: all_layers.hpp:257
Ncv64u
unsigned long long Ncv64u
Definition: NCV.hpp:124
cv::cudev::DerivXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
cv::TrackerFeatureLBP::~TrackerFeatureLBP
~TrackerFeatureLBP()
cv::stereo::StereoBinaryBM::getSmallerBlockSize
virtual int getSmallerBlockSize() const =0
CvSparseMat::refcount
int * refcount
Definition: types_c.h:681
cv::COLORMAP_WINTER
@ COLORMAP_WINTER
Definition: imgproc.hpp:4083
CV_EVENT_MBUTTONDBLCLK
@ CV_EVENT_MBUTTONDBLCLK
Definition: highgui_c.h:187
hal_ni_dft1D
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
cv::omnidir::stereoRectify
void stereoRectify(InputArray R, InputArray T, OutputArray R1, OutputArray R2)
Stereo rectification for omnidirectional camera model. It computes the rectification rotations for tw...
matrix.h
cv::CAP_PROP_SETTINGS
@ CAP_PROP_SETTINGS
Definition: videoio.hpp:160
NCVMemStackAllocator::dealloc
virtual NCVStatus dealloc(NCVMemSegment &seg)
cv::ml::RTrees::getCalculateVarImportance
virtual bool getCalculateVarImportance() const =0
cv::ogl::QUAD_STRIP
@ QUAD_STRIP
Definition: opengl.hpp:487
cv::cudev::TypeTraits::pointee_type
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
cv::ocl::getOpenCLAllocator
MatAllocator * getOpenCLAllocator()
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator(SparseMat *_m, const int *idx)
the full constructor setting the iterator to the specified sparse matrix element
NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
@ NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:335
cv::cuda::abs
void abs(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an absolute value of each matrix element.
cv::saliency::ObjectnessBING
Objectness algorithms based on [3] [3] Cheng, Ming-Ming, et al. "BING: Binarized normed gradients for...
Definition: saliencySpecializedClasses.hpp:272
tinyxml2::XMLText
Definition: tinyxml2.h:866
cv::Moments::nu30
double nu30
Definition: types.hpp:872
cv::xphoto::applyChannelGains
void applyChannelGains(InputArray src, OutputArray dst, float gainB, float gainG, float gainR)
Implements an efficient fixed-point approximation for applying channel gains, which is the last step ...
cvflann::Matrix::Matrix
Matrix(T *data_, size_t rows_, size_t cols_, size_t stride_=0)
Definition: matrix.h:60
cv::ppf_match_3d::PPF3DDetector::match
void match(const Mat &scene, std::vector< Pose3DPtr > &results, const double relativeSceneSampleStep=1.0/5.0, const double relativeSceneDistance=0.03)
Matches a trained model across a provided scene.
cv::LineIterator::err
int err
Definition: imgproc.hpp:4596
cvDisplayOverlay
void cvDisplayOverlay(const char *name, const char *text, int delayms=0)
IplImage::_IplImage
_IplImage(const cv::Mat &m)
cv::cudev::IsUnaryFunction::makeF
static F makeF()
tinyxml2::Whitespace
Whitespace
Definition: tinyxml2.h:1493
cv::text::OCRHMMDecoder::ClassifierCallback::eval
virtual void eval(InputArray image, std::vector< int > &out_class, std::vector< double > &out_confidence)
The character classifier must return a (ranked list of) class(es) id('s)
cvflann::UniqueResultSet::UniqueResultSet
UniqueResultSet()
Definition: result_set.h:305
matlab::InheritType
Definition: mxarray.hpp:114
cv::omnidir::CALIB_FIX_P2
@ CALIB_FIX_P2
Definition: omnidir.hpp:61
cvflann::KNNUniqueResultSet
Definition: result_set.h:390
cv::optflow::calcOpticalFlowSparseToDense
void calcOpticalFlowSparseToDense(InputArray from, InputArray to, OutputArray flow, int grid_step=8, int k=128, float sigma=0.05f, bool use_post_proc=true, float fgs_lambda=500.0f, float fgs_sigma=1.5f)
Fast dense optical flow based on PyrLK sparse matches interpolation.
datamov_utils.hpp
cv::ximgproc::RFFeatureGetter
Definition: structured_edge_detection.hpp:66
cv::CAP_PROP_PVAPI_MULTICASTIP
@ CAP_PROP_PVAPI_MULTICASTIP
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:284
cv::omnidir::internal::findMedian3
Vec3d findMedian3(InputArray mat)
NCVMemoryTypeHostPageable
@ NCVMemoryTypeHostPageable
Definition: NCV.hpp:430
CV_32FC3
#define CV_32FC3
Definition: interface.h:114
cv::stereo::MVKernel::MVKernel
MVKernel(uint8_t **images, int **integral)
Definition: descriptor.hpp:71
cv::FileNode::NONE
@ NONE
empty node
Definition: persistence.hpp:491
cv::ml::ANN_MLP::ActivationFunctions
ActivationFunctions
Definition: ml.hpp:1370
cv::LINE_8
@ LINE_8
8-connected line
Definition: core.hpp:217
CV_GRAPH_EDGE_FIELDS
#define CV_GRAPH_EDGE_FIELDS()
Definition: types_c.h:1330
cv::v_store_low
void v_store_low(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (lower half)
Definition: intrin_cpp.hpp:1228
cv::SparseMat::value
const _Tp & value(const Node *n) const
returns the value stored in the sparse martix node
core.hpp
NCVMemoryTypeHostPinned
@ NCVMemoryTypeHostPinned
Definition: NCV.hpp:431
cv::reg::Mapper::calculate
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const =0
cv::PCA::backProject
Mat backProject(InputArray vec) const
Reconstructs vectors from their PC projections.
cv::CAP_PROP_XI_CC_MATRIX_01
@ CAP_PROP_XI_CC_MATRIX_01
Color Correction Matrix element [0][1].
Definition: videoio.hpp:398
cv::AlignMTB
This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminan...
Definition: photo.hpp:502
CV_StsBadFunc
@ CV_StsBadFunc
Definition: types_c.h:126
cv::Node::getDepth
int getDepth()
Definition: utility.hpp:1070
cv::TemplateMatchModes
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3629
cv::LDA::compute
void compute(InputArrayOfArrays src, InputArray labels)
cv::TrackerFeatureHAAR
TrackerFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracker.hpp:999
cv::ml::NormalBayesClassifier::create
static Ptr< NormalBayesClassifier > create()
cv::line_descriptor::LSDDetector
Definition: descriptor.hpp:896
cv::dnn::initModule
void initModule()
Initialize dnn module and built-in layers.
cv::COVAR_USE_AVG
@ COVAR_USE_AVG
Definition: core.hpp:184
CV_CAP_PROP_XI_CC_MATRIX_00
@ CV_CAP_PROP_XI_CC_MATRIX_00
Definition: videoio_c.h:332
cv::cudacodec::EncoderParams::ClearStat
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:98
cv::Mat::convertTo
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
Converts an array to another data type with optional scaling.
cvflann::KMEANS
@ KMEANS
Definition: defines.h:96
CvFileNode::i
int i
Definition: types_c.h:1794
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_MergeDebevec &)
Definition: bridge.hpp:482
cv::RNG::next
unsigned next()
cv::superres::BroxOpticalFlow::getOuterIterations
virtual int getOuterIterations() const =0
Number of warping iterations (number of pyramid levels)
autotuned_index.h
cv::StereoMatcher::getNumDisparities
virtual int getNumDisparities() const =0
CV_RGB2YUV_IYUV
@ CV_RGB2YUV_IYUV
Definition: types_c.h:329
cvConvertPointsHomogeneous
void cvConvertPointsHomogeneous(const CvMat *src, CvMat *dst)
cv::CAP_PROP_XI_CC_MATRIX_20
@ CAP_PROP_XI_CC_MATRIX_20
Color Correction Matrix element [2][0].
Definition: videoio.hpp:405
cvflann::PooledAllocator::allocate
T * allocate(size_t count=1)
Definition: allocator.h:178
cv::TrackerFeatureSet::extraction
void extraction(const std::vector< Mat > &images)
Extract features from the images collection.
cv::HOGDescriptor::detectROI
virtual void detectROI(const cv::Mat &img, const std::vector< cv::Point > &locations, std::vector< cv::Point > &foundLocations, std::vector< double > &confidences, double hitThreshold=0, cv::Size winStride=Size(), cv::Size padding=Size()) const
evaluate specified ROI and return confidence value for each location
cv::cudev::GlobPtr::operator()
__device__ __forceinline__ T & operator()(int y, int x)
Definition: glob.hpp:75
cv::BOWTrainer::size
int size
Definition: features2d.hpp:1254
cv::sfm::normalizeIsotropicPoints
void normalizeIsotropicPoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points. (isotropic).
emdL1.hpp
cv::cudev::VecTraits< char3 >::make
__host__ __device__ static __forceinline__ char3 make(const schar *v)
Definition: vec_traits.hpp:172
cv::TrackerStateEstimator::updateImpl
virtual void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)=0
cv::superres::FarnebackOpticalFlow::setWindowSize
virtual void setWindowSize(int val)=0
io.hpp
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsTemporalConstant
float photoreceptorsTemporalConstant
Definition: retina.hpp:162
cv::cuda::FGDParams::minArea
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
Cv32suf::_fp32Format
Definition: cvdef.h:334
cv::HOGDescriptor::winSigma
double winSigma
Definition: objdetect.hpp:427
cv::_InputArray::isUMat
bool isUMat() const
cvSize
CvSize cvSize(int width, int height)
Definition: types_c.h:1023
cv::dnn::LayerParams::name
String name
Name of the layer instance (optional, can be used internal purposes).
Definition: dnn.hpp:75
cv::Mutex::impl
Impl * impl
Definition: utility.hpp:590
CV_CAP_PROP_OPENNI_BASELINE
@ CV_CAP_PROP_OPENNI_BASELINE
Definition: videoio_c.h:224
cv::Subdiv2D::validGeometry
bool validGeometry
Definition: imgproc.hpp:1155
cvflann::anyimpl::small_any_policy::get_value
virtual void * get_value(void **src)
Definition: any.h:72
cv::COLOR_Luv2RGB
@ COLOR_Luv2RGB
Definition: imgproc.hpp:598
cv::IMWRITE_JPEG_OPTIMIZE
@ IMWRITE_JPEG_OPTIMIZE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:84
cv::WImageBuffer::WImageBuffer
WImageBuffer()
Definition: wimage.hpp:301
CV_CAP_PROP_XI_HOUS_TEMP
@ CV_CAP_PROP_XI_HOUS_TEMP
Definition: videoio_c.h:322
cv::ocl::Kernel::p
Impl * p
Definition: ocl.hpp:592
cv::reg::Mapper::~Mapper
virtual ~Mapper(void)
Definition: mapper.hpp:57
cv::dnn::Net::empty
bool empty() const
cv::FileNode::MAP
@ MAP
mapping
Definition: persistence.hpp:499
cv::dnn::SliceLayer
Definition: all_layers.hpp:325
cvSeqPopFront
void cvSeqPopFront(CvSeq *seq, void *element=NULL)
cv::rgbd::ICPOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: rgbd.hpp:805
cv::cuda::createTemplateMatching
Ptr< TemplateMatching > createTemplateMatching(int srcType, int method, Size user_block_size=Size())
Creates implementation for cuda::TemplateMatching .
CvKalman::gain
CvMat * gain
Definition: tracking_c.h:196
cv::QT_RADIOBOX
@ QT_RADIOBOX
Radiobox button.
Definition: highgui.hpp:249
cv::structured_light::GrayCodePattern::getNumberOfPatternImages
virtual size_t getNumberOfPatternImages() const =0
Get the number of pattern images needed for the graycode pattern.
cvEstimateRigidTransform
int cvEstimateRigidTransform(const CvArr *A, const CvArr *B, CvMat *M, int full_affine)
cv::ocl::Context::~Context
~Context()
cv::AgastFeatureDetector::getType
virtual int getType() const =0
cv::FileNode::Type
Type
type of the file storage node
Definition: persistence.hpp:490
cv::String::String
String(const String &str)
cv::SVD::Flags
Flags
Definition: core.hpp:2553
cv::Size
Size2i Size
Definition: types.hpp:315
cv::cuda::createOpticalFlowNeedleMap
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap)
Definition: warpers.hpp:448
CvLevMarq
Definition: calib3d_c.h:388
fast_line_detector.hpp
hal_ni_and8u
int hal_ni_and8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:151
cv::Node::findChild
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1040
CV_CAP_PROP_XI_LUT_INDEX
@ CV_CAP_PROP_XI_LUT_INDEX
Definition: videoio_c.h:378
cv::CAP_PROP_SHARPNESS
@ CAP_PROP_SHARPNESS
Definition: videoio.hpp:144
cv::MouseEventTypes
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:204
tinyxml2::XMLDeclaration::XMLDeclaration
XMLDeclaration(XMLDocument *doc)
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0)
Definition: ocl.hpp:416
cv::cuda::StereoConstantSpaceBP::setNrPlane
virtual void setNrPlane(int nr_plane)=0
cv::hal::cvtMultipliedRGBAtoRGBA
void cvtMultipliedRGBAtoRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
cv::cudev::MakeVec< bool, 3 >::type
uchar3 type
Definition: vec_traits.hpp:83
cv::CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
@ CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Number of output channels from sensor used for data transfer.
Definition: videoio.hpp:435
cv::LMEDS
@ LMEDS
least-median algorithm
Definition: calib3d.hpp:230
cv::Detector::Detector
Detector(StrongClassifierDirectSelection *classifier)
cv::text::OCRHMMDecoder
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:158
cv::datasets::Dataset::getValidation
std::vector< Ptr< Object > > & getValidation(int splitNum=0)
cv::ml::SVM::setP
virtual void setP(double val)=0
cv_vrsqrt_f32
float32x2_t cv_vrsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:106
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const Matx< _Tp, m, n > &matx)
cv::hal::addWeighted8s
void addWeighted8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scalars)
cv::videostab::FastMarchingMethod::distanceMap
Mat distanceMap() const
Definition: fast_marching.hpp:81
cvflann::any::swap
any & swap(any &x)
Utility functions.
Definition: any.h:257
cv::cuda::SparsePyrLKOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::FONT_HERSHEY_DUPLEX
@ FONT_HERSHEY_DUPLEX
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: core.hpp:226
cv::videostab::ImageMotionEstimatorBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
cv::ocl::Context::Context
Context(int dtype)
cv::Mat::resize
void resize(size_t sz)
Changes the number of matrix rows.
cv::cuda::HOG::getWinSigma
virtual double getWinSigma() const =0
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< Mat > &vec)
cvLogPolar
void cvLogPolar(const CvArr *src, CvArr *dst, CvPoint2D32f center, double M, int flags=CV_INTER_LINEAR+CV_WARP_FILL_OUTLIERS)
Performs forward or inverse log-polar image transform.
cv::hal::fastAtan32f
void fastAtan32f(const float *y, const float *x, float *dst, int n, bool angleInDegrees)
cvv::FinalShowCaller
RAII-class to call finalShow() in it's dtor.
Definition: final_show.hpp:37
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:99
cv::cudev::PerspectiveMapPtrSz::cols
int cols
Definition: warping.hpp:127
cv::ocl::KernelArg::ReadOnlyNoSize
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:376
cv::viz::Widget2D
Base class of all 2D widgets.
Definition: widgets.hpp:219
cv::flann::Index::build
virtual void build(InputArray features, const IndexParams &params, cvflann::flann_distance_t distType=cvflann::FLANN_DIST_L2)
cvflann::HellingerDistance::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:595
cv::videostab::MM_TRANSLATION_AND_SCALE
@ MM_TRANSLATION_AND_SCALE
Definition: motion_core.hpp:62
cv::cudev::Block
Definition: block.hpp:57
cv::optflow::GPCTree::getDescriptorType
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:196
cv::ClfMilBoost::classify
std::vector< float > classify(const Mat &x, bool logR=true)
cv::ogl::Buffer::elemSize
int elemSize() const
cv::Mat_::zeros
static MatExpr zeros(Size size)
CV_CAP_PROP_ANDROID_ANTIBANDING
@ CV_CAP_PROP_ANDROID_ANTIBANDING
Definition: videoio_c.h:417
any.h
cv::aruco::Dictionary::Dictionary
Dictionary(const Ptr< Dictionary > &_dictionary)
cv::cudev::BrdReplicate::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:122
clEnqueueCopyImage
#define clEnqueueCopyImage
Definition: opencl_core_wrappers.hpp:79
cv::ximgproc::segmentation::SelectiveSearchSegmentation::clearGraphSegmentations
virtual void clearGraphSegmentations()=0
Clear the list of graph segmentations to process;.
cv::sfm::libmv_CameraIntrinsicsOptions::distortion_model
int distortion_model
Definition: simple_pipeline.hpp:104
cv::Mutex::Mutex
Mutex(const Mutex &m)
cvflann::KMeansIndex::chooseCenters
centersAlgFunction chooseCenters
Definition: kmeans_index.h:93
cv::CAP_PROP_INTELPERC_PROFILE_COUNT
@ CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio.hpp:512
cv::cuda::createBoxMaxFilter
Ptr< Filter > createBoxMaxFilter(int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates the maximum filter.
cv::CAP_PROP_GIGA_FRAME_WIDTH_MAX
@ CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio.hpp:501
nppiStVectorWarp_PSF2x2_32f_C1
NCVStatus nppiStVectorWarp_PSF2x2_32f_C1(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f *pBuffer, Ncv32f timeScale, Ncv32f *pDst)
cv::sfm::essentialFromRt
void essentialFromRt(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray E)
Get Essential matrix from Motion (R's and t's ).
cv::BackgroundSubtractorKNN::getNSamples
virtual int getNSamples() const =0
Returns the number of data samples in the background model.
cv::Mat::row
Mat row(int y) const
Creates a matrix header for the specified matrix row.
cv::linemod::DepthNormal::extract_threshold
int extract_threshold
Definition: linemod.hpp:267
cv::CAP_PROP_XI_CC_MATRIX_12
@ CAP_PROP_XI_CC_MATRIX_12
Color Correction Matrix element [1][2].
Definition: videoio.hpp:403
cv::cudev::FindMinMaxValExprBody
Definition: reduction.hpp:131
cv::Mat::dot
double dot(InputArray m) const
Computes a dot-product of two vectors.
cv::cudev::atan2
__device__ __forceinline__ float1 atan2(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:812
cv::WeakClassifierHaarFeature::WeakClassifierHaarFeature
WeakClassifierHaarFeature()
cv::MatConstIterator_::operator+=
MatConstIterator_ & operator+=(ptrdiff_t ofs)
shifts the iterator forward by the specified number of elements
cv::stereo::CensusKernel
A kernel in which a pixel is compared with the center of the window.
Definition: descriptor.hpp:172
cv::cuda::createImagePyramid
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
cv::Mahalanobis
double Mahalanobis(InputArray v1, InputArray v2, InputArray icovar)
Calculates the Mahalanobis distance between two vectors.
cv::KeyPoint::convert
static void convert(const std::vector< Point2f > &points2f, std::vector< KeyPoint > &keypoints, float size=1, float response=1, int octave=0, int class_id=-1)
cv::EMDHistogramCostExtractor::setNormFlag
virtual void setNormFlag(int flag)=0
cv::ocl::Device::isNVidia
bool isNVidia() const
Definition: ocl.hpp:187
cv::instr::setUseInstrumentation
void setUseInstrumentation(bool flag)
cv::ximgproc::createFastGlobalSmootherFilter
Ptr< FastGlobalSmootherFilter > createFastGlobalSmootherFilter(InputArray guide, double lambda, double sigma_color, double lambda_attenuation=0.25, int num_iter=3)
Factory method, create instance of FastGlobalSmootherFilter and execute the initialization routines.
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState::isTargetFg
bool isTargetFg() const
Get the label. Return true for target foreground, false for background.
cv::cuda::SparsePyrLKOpticalFlow::setNumIters
virtual void setNumIters(int iters)=0
cvCreateSeq
CvSeq * cvCreateSeq(int seq_flags, size_t header_size, size_t elem_size, CvMemStorage *storage)
cv::cuda::createGoodFeaturesToTrackDetector
Ptr< CornersDetector > createGoodFeaturesToTrackDetector(int srcType, int maxCorners=1000, double qualityLevel=0.01, double minDistance=0.0, int blockSize=3, bool useHarrisDetector=false, double harrisK=0.04)
Creates implementation for cuda::CornersDetector .
cv::cuda::FEATURE_SET_COMPUTE_32
@ FEATURE_SET_COMPUTE_32
Definition: cuda.hpp:601
cv::ml::EM::setCovarianceMatrixType
virtual void setCovarianceMatrixType(int val)=0
cv::hal::sqrt64f
void sqrt64f(const double *src, double *dst, int len)
cv::StereoBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::videostab::VideoFileSource
Definition: frame_source.hpp:73
cv::LDA
Linear Discriminant Analysis.
Definition: core.hpp:2469
cv::text::ERStat::~ERStat
~ERStat()
Destructor.
Definition: erfilter.hpp:72
matlab::Traits
Definition: mxarray.hpp:116
cv::CAP_INTELPERC
@ CAP_INTELPERC
Intel Perceptual Computing SDK.
Definition: videoio.hpp:110
cv::COLOR_BayerRG2BGR_EA
@ COLOR_BayerRG2BGR_EA
Definition: imgproc.hpp:764
cv::PaniniWarper::PaniniWarper
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:134
cv::cuda::COLOR_BayerGR2RGB_MHT
@ COLOR_BayerGR2RGB_MHT
Definition: cudaimgproc.hpp:103
cv::_OutputArray::_OutputArray
_OutputArray(Matx< _Tp, m, n > &matx)
cv::rgbd::OdometryFrame::pyramidDepth
std::vector< Mat > pyramidDepth
Definition: rgbd.hpp:512
cv::cuda::COLOR_BayerBG2RGB_MHT
@ COLOR_BayerBG2RGB_MHT
Definition: cudaimgproc.hpp:100
cv::hal::cvtBGRtoXYZ
void cvtBGRtoXYZ(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
cv::cudev::DefaultTransformPolicy
Definition: transform.hpp:414
cv::datasets::TRACK_alov::data
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
cv::WImageBuffer3_16u
WImageBufferC< ushort, 3 > WImageBuffer3_16u
Definition: wimage.hpp:111
cv::tempfile
String tempfile(const char *suffix=0)
cv::CvFeatureParams::HAAR
@ HAAR
Definition: feature.hpp:142
cvflann::anyimpl::choose_policy< T * >::type
small_any_policy< T * > type
Definition: any.h:127
cv::TonemapDurand::getSigmaSpace
virtual float getSigmaSpace() const =0
cv::cuda::HoughCirclesDetector::getMinRadius
virtual int getMinRadius() const =0
cv::String::operator=
String & operator=(const std::string &str)
cv::datasets::groundTruth::initialFrame
int initialFrame
Definition: gr_chalearn.hpp:62
cv::dpm::DPMDetector::ObjectDetection
Definition: dpm.hpp:106
NSObject-p
cv::Matx44d
Matx< double, 4, 4 > Matx44d
Definition: matx.hpp:229
CV_DIST_LABEL_PIXEL
@ CV_DIST_LABEL_PIXEL
Definition: types_c.h:551
CvHuMoments::hu2
double hu2
Definition: types_c.h:426
cv::Mat::rowRange
Mat rowRange(const Range &r) const
cv::reg::MapShift::compose
void compose(const Map &map)
CV_IS_MAT
#define CV_IS_MAT(mat)
Definition: types_c.h:479
CV_CAP_ARAVIS
@ CV_CAP_ARAVIS
Definition: videoio_c.h:127
cv::detail::ExposureCompensator::~ExposureCompensator
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:63
cv::ml::SVM::NU
@ NU
Definition: ml.hpp:635
cvMerge
void cvMerge(const CvArr *src0, const CvArr *src1, const CvArr *src2, const CvArr *src3, CvArr *dst)
cv::COLOR_GRAY2BGR555
@ COLOR_GRAY2BGR555
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:568
cv_vsqrtq_f32
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
cv::ROISelector::handlerT::drawFromCenter
bool drawFromCenter
Definition: tracker.hpp:1379
matlab::Traits< int16_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:151
clGetSupportedImageFormats
#define clGetSupportedImageFormats
Definition: opencl_core.hpp:228
CV_IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
@ CV_IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs_c.h:102
type_traits.hpp
cv::KAZE::getDiffusivity
virtual int getDiffusivity() const =0
cv::ximgproc::FastLineDetector::detect
virtual void detect(InputArray _image, OutputArray _lines)=0
Finds lines in the input image. This is the output of the default parameters of the algorithm on the ...
cv::Rect_::tl
Point_< _Tp > tl() const
the top-left corner
cv::TrackerBoosting::Params::samplerOverlap
float samplerOverlap
search region parameters to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1123
cv::WarperCreator
Image warper factories base class.
Definition: warpers.hpp:56
cv::COLOR_BayerGR2GRAY
@ COLOR_BayerGR2GRAY
Definition: imgproc.hpp:748
cv::getTrackbarPos
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
cv::cuda::createConvolution
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
cv::fastFree
void fastFree(void *ptr)
Deallocates a memory buffer.
hal_ni_magnitude32f
int hal_ni_magnitude32f(const float *x, const float *y, float *dst, int len)
Definition: hal_replacement.hpp:405
cv::Vec::Vec
Vec(const _Tp *values)
cv::videostab::TwoPassStabilizer::wobbleSuppressor
Ptr< WobbleSuppressorBase > wobbleSuppressor() const
Definition: stabilizer.hpp:168
CvKalman::control_matrix
CvMat * control_matrix
Definition: tracking_c.h:189
nppsStCompactGetSize_32s
NCVStatus nppsStCompactGetSize_32s(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::Algorithm::save
virtual void save(const String &filename) const
cv::WImage::Row
T * Row(int r)
Definition: wimage.hpp:209
tinyxml2::XMLNode::ToUnknown
virtual XMLUnknown * ToUnknown()
Safely cast to an Unknown, or null.
Definition: tinyxml2.h:624
cv::_OutputArray::_OutputArray
_OutputArray(const Mat &m)
CV_IS_SET_ELEM
#define CV_IS_SET_ELEM(ptr)
Definition: types_c.h:1306
cv::viz::WWidgetMerger
This class allows to merge several widgets to single one.
Definition: widgets.hpp:803
cv::videostab::TwoPassStabilizer::mustEstTrimRatio_
bool mustEstTrimRatio_
Definition: stabilizer.hpp:186
blenders.hpp
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_DenseOpticalFlow &)
Definition: bridge.hpp:472
CvMatND::CvMatND
CvMatND()
Definition: types_c.h:651
cv::cuda::GpuMat::assignTo
void assignTo(GpuMat &m, int type=-1) const
cv::Mat::Mat
Mat(const Mat &m, const Range *ranges)
cv::hal::merge8u
void merge8u(const uchar **src, uchar *dst, int len, int cn)
cv::BFMatcher::isMaskSupported
virtual bool isMaskSupported() const
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1033
cv::RNG_MT19937::next
unsigned next()
cv::CAP_PROP_GUID
@ CAP_PROP_GUID
Definition: videoio.hpp:153
cv::fitLine
void fitLine(InputArray points, OutputArray line, int distType, double param, double reps, double aeps)
Fits a line to a 2D or 3D point set.
cv::v_reduce_min
_Tp v_reduce_min(const v_reg< _Tp, n > &a)
Find one min value.
Definition: intrin_cpp.hpp:566
cvResizeWindow
void cvResizeWindow(const char *name, int width, int height)
cv::flann::Index_::ElementType
L2< T >::ElementType ElementType
Definition: flann.hpp:344
cv::hal::max16u
void max16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::videostab::KeypointBasedMotionEstimator::setDetector
void setDetector(Ptr< FeatureDetector > val)
Definition: global_motion.hpp:229
cv::cudev::ResizePtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: resize.hpp:63
cv::cudev::Min::rebind::other
Min< U > other
Definition: reduce_to_vec.hpp:111
cv::WImage::Ipl
const IplImage * Ipl() const
Definition: wimage.hpp:182
cv::viz::Mesh::polygons
Mat polygons
Definition: types.hpp:132
cv::polylines
void polylines(Mat &img, const Point *const *pts, const int *npts, int ncontours, bool isClosed, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
cv::ocl::Queue::finish
void finish()
cv::videostab::NullInpainter::inpaint
virtual void inpaint(int, Mat &, Mat &)
Definition: inpainting.hpp:105
cv::videostab::ImageMotionEstimatorBase::ImageMotionEstimatorBase
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:186
cv::cuda::TargetArchs::hasPtx
static bool hasPtx(int major, int minor)
cv::cudev::PerspectiveMapPtr::value_type
float2 value_type
Definition: warping.hpp:109
cv::COLOR_YUV2RGBA_NV21
@ COLOR_YUV2RGBA_NV21
Definition: imgproc.hpp:637
cv::AgastFeatureDetector_Impl::getType
int getType() const
Definition: agast.txt:7530
cv::cudev::derivY_
__host__ Expr< DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivY_(const SrcPtr &src)
Definition: deriv.hpp:72
NCVVector::_ptr
T * _ptr
Definition: NCV.hpp:619
cv::QtFont::line_type
int line_type
PointSize.
Definition: highgui.hpp:644
cv::CAP_PVAPI_FSTRIGMODE_SOFTWARE
@ CAP_PVAPI_FSTRIGMODE_SOFTWARE
Software.
Definition: videoio.hpp:298
cv::cuda::HoughCirclesDetector::getVotesThreshold
virtual int getVotesThreshold() const =0
cv::datasets::MSM_middleburyObj
Definition: msm_middlebury.hpp:61
cv::videostab::StabilizerBase::setLog
void setLog(Ptr< ILog > ilog)
Definition: stabilizer.hpp:71
cv::HOGDescriptor::blockSize
Size blockSize
Definition: objdetect.hpp:422
cvflann::Matrix::Matrix
Matrix()
Definition: matrix.h:56
cv::datasets::FR_adienceObj::original_image
std::string original_image
Definition: fr_adience.hpp:70
cv::cuda::OpticalFlowDual_TVL1::getTheta
virtual double getTheta() const =0
cv::ocl::Device::preferredVectorWidthHalf
int preferredVectorWidthHalf() const
CV_CAP_PROP_AUTOGRAB
@ CV_CAP_PROP_AUTOGRAB
Definition: videoio_c.h:211
cv::COLOR_BayerGR2BGR_EA
@ COLOR_BayerGR2BGR_EA
Definition: imgproc.hpp:765
cv::Vec::operator[]
_Tp & operator[](int i)
tinyxml2::XMLElement::FirstAttribute
const XMLAttribute * FirstAttribute() const
Return the first attribute in the list.
Definition: tinyxml2.h:1342
NppStInterpolationState::pFU
Ncv32f * pFU
forward horizontal displacement
Definition: NPP_staging.hpp:121
cv::Error::StsParseError
@ StsParseError
invalid syntax/structure of the parsed file
Definition: base.hpp:112
CvOpenGlDrawCallback
void(* CvOpenGlDrawCallback)(void *userdata)
Definition: highgui_c.h:216
cv::xphoto::SimpleWB::getOutputMax
virtual float getOutputMax() const =0
Output image range maximum value.
CV_CAP_PROP_GIGA_FRAME_HEIGH_MAX
@ CV_CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio_c.h:437
cv::BackgroundSubtractorMOG2::setBackgroundRatio
virtual void setBackgroundRatio(double ratio)=0
Sets the "background ratio" parameter of the algorithm.
cv::GeneralizedHough::setTemplate
virtual void setTemplate(InputArray templ, Point templCenter=Point(-1, -1))=0
set template to search
cv::ROISelector::handlerT::image
Mat image
Definition: tracker.hpp:1376
cvflann::KNNUniqueResultSet::DistIndex
UniqueResultSet< DistanceType >::DistIndex DistIndex
Definition: result_set.h:433
cv::dnn::Blob::ptrf
float * ptrf(int n=0, int cn=0, int row=0, int col=0)
cv::cuda::OpticalFlowDual_TVL1::setScaleStep
virtual void setScaleStep(double scaleStep)=0
CvMat::hdr_refcount
int hdr_refcount
Definition: types_c.h:430
cv::ParamType
Definition: core.hpp:2985
cv::findHomography
Mat findHomography(InputArray srcPoints, InputArray dstPoints, int method=0, double ransacReprojThreshold=3, OutputArray mask=noArray(), const int maxIters=2000, const double confidence=0.995)
Finds a perspective transformation between two planes.
cv::FileNode::operator[]
FileNode operator[](const char *nodename) const
cv::flann::IndexParams::params
void * params
Definition: miniflann.hpp:76
cv::bridge::Bridge::~Bridge
virtual ~Bridge()
Definition: bridge.hpp:165
cvflann::anyimpl::base_any_policy::get_size
virtual ::size_t get_size()=0
cv::viz::Color::Color
Color(double gray)
cv::DescriptorExtractor
Feature2D DescriptorExtractor
Definition: features2d.hpp:221
cv::bridge::Bridge::Bridge
Bridge()
Definition: bridge.hpp:164
cv::videostab::StabilizerBase
Definition: stabilizer.hpp:67
cv::cudev::FindMinValExprBody::src
SrcPtr src
Definition: reduction.hpp:88
NCVMemSegment::begin
NCVMemPtr begin
Definition: NCV.hpp:452
cv::optflow::DISOpticalFlow::getVariationalRefinementAlpha
virtual float getVariationalRefinementAlpha() const =0
Weight of the smoothness term.
cv::line_descriptor::KeyLine::getStartPoint
Point2f getStartPoint() const
Definition: descriptor.hpp:147
cv::saliency::Objectness::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, String dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
cv::ml::VariableTypes
VariableTypes
Variable types.
Definition: ml.hpp:82
hal_ni_cvtYUVtoBGR
int hal_ni_cvtYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isCbCr)
hal_cvtYUVtoBGR
Definition: hal_replacement.hpp:406
cv::superres::SuperResolution::setBlurKernelSize
virtual void setBlurKernelSize(int val)=0
Gaussian blur kernel size.
cv::cuda::HostMem::create
void create(Size size, int type)
cv::SparseMat_::begin
SparseMatConstIterator_< _Tp > begin() const
returns read-only sparse matrix iterator pointing to the first sparse matrix element
NCVMemNativeAllocator::isInitialized
virtual NcvBool isInitialized(void) const
cv::ximgproc::WMF_OFF
@ WMF_OFF
unweighted
Definition: weighted_median_filter.hpp:71
cv::cuda::DescriptorMatcher::knnMatch
virtual void knnMatch(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArray mask=noArray(), bool compactResult=false)=0
Finds the k best matches for each descriptor from a query set (blocking version).
cv::BackgroundSubtractorMOG2::setVarThresholdGen
virtual void setVarThresholdGen(double varThresholdGen)=0
Sets the variance threshold for the pixel-model match used for new mixture component generation.
cv::cuda::BackgroundSubtractorMOG::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
cv::ocl::Queue
Definition: ocl.hpp:335
cv::cudev::ThreshToZeroInvFunc::thresh
T thresh
Definition: functional.hpp:773
cv::SparseMat::hash
size_t hash(int i0) const
computes the element hash value (1D case)
CV_CAP_OPENNI_SXGA_15HZ
@ CV_CAP_OPENNI_SXGA_15HZ
Definition: videoio_c.h:486
cv::TrackerModel::modelEstimation
void modelEstimation(const std::vector< Mat > &responses)
Estimate the most likely target location.
cv::KAZE::setThreshold
virtual void setThreshold(double threshold)=0
CV_MOP_GRADIENT
@ CV_MOP_GRADIENT
Definition: types_c.h:391
cvScalar
CvScalar cvScalar(double val0, double val1=0, double val2=0, double val3=0)
Definition: types_c.h:1146
cv::superres::createFrameSource_Empty
Ptr< FrameSource > createFrameSource_Empty()
cv::va_intel::ocl::initializeContextFromVA
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
cv::UMat::step
MatStep step
Definition: mat.hpp:2422
cv::saliency::ObjectnessBING::getobjectnessValues
std::vector< float > getobjectnessValues()
Return the list of the rectangles' objectness value,.
cv::BaseCascadeClassifier::empty
virtual bool empty() const =0
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
cv::Detector::getConfidenceOfDetection
float getConfidenceOfDetection(int detectionIdx)
cv::FastFeatureDetector
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:420
CV_BayerGB2BGR_VNG
@ CV_BayerGB2BGR_VNG
Definition: types_c.h:196
cv::TrackerTargetState
Abstract base class for TrackerTargetState that represents a possible state of the target.
Definition: tracker.hpp:338
cv::CALIB_USE_LU
@ CALIB_USE_LU
use LU instead of SVD decomposition for solving. much faster but potentially less precise
Definition: calib3d.hpp:276
cv::Moments::mu20
double mu20
Definition: types.hpp:867
cv::videostab::WobbleSuppressorBase
Definition: wobble_suppression.hpp:61
cv::BFMatcher::radiusMatchImpl
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)
cv::cudev::CubicInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
cv::viz::MouseEvent
This class represents a mouse event.
Definition: types.hpp:248
cv::line_descriptor::BinaryDescriptor::write
virtual void write(cv::FileStorage &fs) const
Store parameters to a FileStorage object.
cv::datasets::GR_skigObj::person
char person
Definition: gr_skig.hpp:98
cvGetHuMoments
void cvGetHuMoments(CvMoments *moments, CvHuMoments *hu_moments)
Calculates 7 Hu's invariants from precalculated spatial and central moments.
cvflann::countCorrectMatches
int countCorrectMatches(int *neighbors, int *groundTruth, int n)
Definition: index_testing.h:48
cv::Error::BadModelOrChSeq
@ BadModelOrChSeq
Definition: base.hpp:83
cv::CascadeClassifier::CascadeClassifier
CascadeClassifier()
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState
Definition: tracker.hpp:598
cv::line_descriptor::BinaryDescriptor::computeImpl
virtual void computeImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr, bool useDetectionData) const
CV_YUV2BGR_IYUV
@ CV_YUV2BGR_IYUV
Definition: types_c.h:253
optical_flow.hpp
cv::BackgroundSubtractorKNN::setHistory
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
cv::FarnebackOpticalFlow::getNumLevels
virtual int getNumLevels() const =0
cv::destroyWindow
void destroyWindow(const String &winname)
Destroys the specified window.
cv::MatCommaInitializer_::MatCommaInitializer_
MatCommaInitializer_(Mat_< _Tp > *_m)
the constructor, created by "matrix << firstValue" operator, where matrix is cv::Mat
cv::Formatted
Definition: core.hpp:2935
cv::detail::CylindricalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:526
cv::KAZE::setExtended
virtual void setExtended(bool extended)=0
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(int arows, int acols, T *adata, size_t astep=Mat::AUTO_STEP)
constructs a matrix on top of user-allocated data. step is in bytes(!!!), regardless of the type
cv::cudev::Expr
Definition: expr.hpp:58
cv::cuda::BackgroundSubtractorMOG::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
cv::_InputArray::~_InputArray
~_InputArray()
cv::flann::IndexParams::setInt
void setInt(const String &key, int value)
cv::TrackerKCF::Params::interp_factor
double interp_factor
linear interpolation factor for adaptation
Definition: tracker.hpp:1239
cv::cudev::pyrUp_
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
cv::cuda::StereoBeliefPropagation::getNumLevels
virtual int getNumLevels() const =0
number of levels
CvConnectedComp
Definition: types_c.h:58
cv::MultiTracker_Alt::MultiTracker_Alt
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracker.hpp:1413
HaarFeature64::getWeight
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:109
cv::cudev::RemapPtr1Sz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
cv::Detector::getConfidence
float getConfidence(int patchIdx)
cv::MergeDebevec
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:646
cv::ml::Boost::getWeightTrimRate
virtual double getWeightTrimRate() const =0
cvflann::UniqueResultSet::worstDist
DistanceType worstDist() const
Definition: result_set.h:368
cv::Moments::m20
double m20
Definition: types.hpp:862
cv::TLSData
Definition: utility.hpp:635
cv::cudev::MakeVec
Definition: vec_traits.hpp:58
cv::pow
void pow(InputArray src, double power, OutputArray dst)
Raises every array element to a power.
reduce.hpp
cv::ChiHistogramCostExtractor
An Chi based cost extraction. :
Definition: hist_cost.hpp:96
cv::videostab::StabilizerBase::setMotionEstimator
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: stabilizer.hpp:80
cv::TrackerModel::modelEstimationImpl
virtual void modelEstimationImpl(const std::vector< Mat > &responses)=0
HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:123
cv::v_load_expand
v_reg< typename V_TypeTraits< _Tp >::w_type, V_SIMD128Traits< _Tp >::nlanes/2 > v_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1048
cv::v_dotprod
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_dotprod(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Dot product of elements.
Definition: intrin_cpp.hpp:775
cv::AKAZE::setNOctaveLayers
virtual void setNOctaveLayers(int octaveLayers)=0
cv::detail::CylindricalProjector
Definition: warpers.hpp:267
transposeBlock
void transposeBlock(const size_t M, const size_t N, const InputScalar *src, size_t lda, OutputScalar *dst, size_t ldb)
Definition: transpose.hpp:50
CV_CAP_PROP_XI_CC_MATRIX_11
@ CV_CAP_PROP_XI_CC_MATRIX_11
Definition: videoio_c.h:337
cvflann::HierarchicalClusteringIndex::loadIndex
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: hierarchical_clustering_index.h:504
cv::structured_light::FAPS
@ FAPS
Definition: sinusoidalpattern.hpp:60
cv::datasets::FR_adience::load
virtual void load(const std::string &path)=0
cv::ogl::Texture2D::create
void create(int arows, int acols, Format aformat, bool autoRelease=false)
Allocates memory for ogl::Texture2D object.
cv::MatOp::augAssignMultiply
virtual void augAssignMultiply(const MatExpr &expr, Mat &m) const
cv::videostab::ISparseOptFlowEstimator
Definition: optical_flow.hpp:62
NCVMatrix::width
Ncv32u width() const
Definition: NCV.hpp:824
cv::setNumThreads
void setNumThreads(int nthreads)
OpenCV will try to set the number of threads for the next parallel region.
cvflann::HellingerDistance::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:592
cv::datasets::SLAM_kittiObj::name
std::string name
Definition: slam_kitti.hpp:67
cv::detail::normalizeUsingWeightMap
void normalizeUsingWeightMap(InputArray weight, InputOutputArray src)
cv::CAP_PROP_XI_DECIMATION_VERTICAL
@ CAP_PROP_XI_DECIMATION_VERTICAL
Vertical Decimation - vertical sub-sampling of the image - reduces the vertical resolution of the ima...
Definition: videoio.hpp:357
cv::ml::KNearest::getEmax
virtual int getEmax() const =0
matlab::Traits< uint64_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:169
cv::CAP_PROP_XI_ACQ_BUFFER_SIZE
@ CAP_PROP_XI_ACQ_BUFFER_SIZE
Acquisition buffer size in buffer_size_unit. Default bytes.
Definition: videoio.hpp:449
cv::ocl::Queue::ptr
void * ptr() const
cv::cudev::Int2Type
Definition: type_traits.hpp:65
cv::HOGDescriptor::save
virtual void save(const String &filename, const String &objname=String()) const
cv::optflow::DISOpticalFlow::setGradientDescentIterations
virtual void setGradientDescentIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
cv::flann::Index::index
void * index
Definition: miniflann.hpp:153
cv::FileStorage::releaseAndGetString
virtual String releaseAndGetString()
Closes the file and releases all the memory buffers.
CV_DIST_MASK_3
@ CV_DIST_MASK_3
Definition: types_c.h:542
cv::ppf_match_3d::transformPCPose
Mat transformPCPose(Mat pc, double Pose[16])
cv::QtFont::ascii
const int * ascii
font data and metrics
Definition: highgui.hpp:637
cv::bioinspired::RetinaParameters
retina model parameters structure
Definition: retina.hpp:149
CV_CAP_PROP_XI_DECIMATION_VERTICAL
@ CV_CAP_PROP_XI_DECIMATION_VERTICAL
Definition: videoio_c.h:292
cvFree_
void cvFree_(void *ptr)
CV_POLY_APPROX_DP
@ CV_POLY_APPROX_DP
Definition: types_c.h:491
cv::Vec4b
Vec< uchar, 4 > Vec4b
Definition: matx.hpp:365
cv::line
void line(InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a line segment connecting two points.
cv::dnn::LRNLayer
Definition: all_layers.hpp:231
tinyxml2::XMLPrinter::Visit
virtual bool Visit(const XMLText &text)
Visit a text node.
cv::ocl::Program::source
const ProgramSource & source() const
cv::alignSize
static size_t alignSize(size_t sz, int n)
Aligns a buffer size to the specified number of bytes.
Definition: utility.hpp:436
matlab::MxArray::cols
size_t cols() const
Definition: mxarray.hpp:425
tinyxml2::XMLAttribute::QueryUnsignedValue
XMLError QueryUnsignedValue(unsigned int *value) const
See QueryIntValue.
cv::TermCriteria::MAX_ITER
@ MAX_ITER
ditto
Definition: types.hpp:789
CV_CPU_SSE2
#define CV_CPU_SSE2
Definition: cvdef.h:109
cv::cudev::ZipPtr
Definition: zip.hpp:58
cv::instr::NodeDataTls
Definition: utility.hpp:1106
cv::instr::NodeData::getMeanMs
double getMeanMs() const
Definition: utility.hpp:1138
cv::cudev::magnitude_sqr_func
Definition: functional.hpp:623
cv::eigen2cv
static void eigen2cv(const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, Mat &dst)
Definition: eigen.hpp:63
cv::cudev::UnaryTupleAdapter::operator()
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
CvStereoBMState::cost
CvMat * cost
Definition: calib3d_c.h:353
cv::rgbd::RgbdICPOdometry::RgbdICPOdometry
RgbdICPOdometry(const Mat &cameraMatrix, float minDepth=DEFAULT_MIN_DEPTH(), float maxDepth=DEFAULT_MAX_DEPTH(), float maxDepthDiff=DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), int transformType=RIGID_BODY_MOTION)
cv::hdf::HDF5::dscreate
virtual void dscreate(const int n_dims, const int *sizes, const int type, String dslabel, const int compresslevel) const =0
cv::CAP_OPENNI_VALID_DEPTH_MASK
@ CAP_OPENNI_VALID_DEPTH_MASK
CV_8UC1.
Definition: videoio.hpp:252
cv::ml::TRAIN_ERROR
@ TRAIN_ERROR
Definition: ml.hpp:92
cv::cuda::DisparityBilateralFilter::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::LU
int LU(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::CvFeatureParams::read
virtual bool read(const FileNode &node)
cv::cuda::GpuMat::ptr
const uchar * ptr(int y=0) const
cv::videostab::TranslationBasedLocalOutlierRejector::process
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)
cv::COLOR_BayerRG2RGB_EA
@ COLOR_BayerRG2RGB_EA
Definition: imgproc.hpp:769
cvflann::KMeansIndex::chooseCentersGonzales
void chooseCentersGonzales(int k, int *indices, int indices_length, int *centers, int &centers_length)
Definition: kmeans_index.h:148
cv::Stitcher::matchingMask
const cv::UMat & matchingMask() const
Definition: stitching.hpp:197
cv::RNG_MT19937::uniform
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
cv::linemod::QuantizedPyramid::Candidate::f
Feature f
Definition: linemod.hpp:132
cv::COLOR_BayerGR2BGR
@ COLOR_BayerGR2BGR
Definition: imgproc.hpp:738
clCreateFromGLBuffer
#define clCreateFromGLBuffer
Definition: opencl_gl.hpp:24
cv::videostab::estimateGlobalMotionRansac
Mat estimateGlobalMotionRansac(InputArray points0, InputArray points1, int model=MM_AFFINE, const RansacParams &params=RansacParams::default2dMotion(MM_AFFINE), float *rmse=0, int *ninliers=0)
Estimates best global motion between two 2D point clouds robustly (using RANSAC method).
cv::reprojectImageTo3D
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
cv::cuda::HostMem::dataend
const uchar * dataend
Definition: cuda.hpp:423
cv::cuda::GpuMat::step
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:289
CvHistogram::mat
CvMatND mat
Definition: types_c.h:754
cv::ogl::Texture2D::Texture2D
Texture2D(int arows, int acols, Format aformat, bool autoRelease=false)
cv::ximgproc::DisparityWLSFilter::getConfidenceMap
virtual Mat getConfidenceMap()=0
Get the confidence map that was used in the last filter call. It is a CV_32F one-channel image with v...
cv::HistogramCostExtractor::getDefaultCost
virtual float getDefaultCost() const =0
cv::Size2l
Size_< int64 > Size2l
Definition: types.hpp:312
clFinish
#define clFinish
Definition: opencl_core.hpp:188
cv::ml::ParamGrid::ParamGrid
ParamGrid()
Default constructor.
cv::Vec::type
@ type
Definition: matx.hpp:311
cv::cuda::GpuMat::flags
int flags
Definition: cuda.hpp:283
CvFileNode::data
union CvFileNode::@61 data
cv::CvHaarFeatureParams::CvHaarFeatureParams
CvHaarFeatureParams()
cv::rectangle
void rectangle(InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a simple, thick, or filled up-right rectangle.
clGetSupportedImageFormats
#define clGetSupportedImageFormats
Definition: opencl_core_wrappers.hpp:199
cv::flann::IndexParams::setAlgorithm
void setAlgorithm(int value)
cv::cudev::GpuMat_::upload
__host__ void upload(InputArray arr, Stream &stream)
pefroms upload data to GpuMat (Non-Blocking call)
cv::Size_::Size_
Size_(const Size_ &sz)
cv::CAP_OPENNI_DEPTH_GENERATOR_PRESENT
@ CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio.hpp:239
private.cuda.hpp
cv::Mat_::Mat_
Mat_(Size _size, const _Tp &value)
constructor that sets each matrix element to specified value
CV_CAP_PROP_DC1394_MODE_AUTO
@ CV_CAP_PROP_DC1394_MODE_AUTO
Definition: videoio_c.h:164
CvHaarClassifier
Definition: objdetect_c.h:84
cv::MarkerTypes
MarkerTypes
Possible set of marker types used for the cv::drawMarker function.
Definition: imgproc.hpp:4231
cv::CASCADE_SCALE_IMAGE
@ CASCADE_SCALE_IMAGE
Definition: objdetect.hpp:169
cvflann::KNNSimpleResultSet::KNNSimpleResultSet
KNNSimpleResultSet(int capacity_)
Definition: result_set.h:94
CV_CAP_PROP_XI_WB_KR
@ CV_CAP_PROP_XI_WB_KR
Definition: videoio_c.h:305
cv::DescriptorMatcher::DescriptorCollection::startIdxs
std::vector< int > startIdxs
Definition: features2d.hpp:994
cv::text::ERFilter::Callback::~Callback
virtual ~Callback()
Definition: erfilter.hpp:130
cv::IMWRITE_PNG_STRATEGY_RLE
@ IMWRITE_PNG_STRATEGY_RLE
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:108
cv::Feature2D::write
virtual void write(FileStorage &) const
Stores algorithm parameters in a file storage.
cv::CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
@ CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_SENSOR_FEATURE_VALUE.
Definition: videoio.hpp:474
cvRect
CvRect cvRect(int x, int y, int width, int height)
Definition: types_c.h:796
cv::Vec::Vec
Vec()
default constructor
cv::CvLBPEvaluator::Feature::rect
Rect rect
Definition: feature.hpp:388
cv::ximgproc::ARO_315_0
@ ARO_315_0
Definition: fast_hough_transform.hpp:69
cv::BOWKMeansTrainer::termcrit
TermCriteria termcrit
Definition: features2d.hpp:1277
cv::videostab::StabilizerBase::logProcessingTime
void logProcessingTime()
cv::v_load
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1000
cv::videostab::DeblurerBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
cv::cudev::logical_or::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:207
cv::ml::TrainData::getCatMap
virtual Mat getCatMap() const =0
cv::CvFeatureEvaluator::create
static Ptr< CvFeatureEvaluator > create(int type)
clEnqueueCopyImage
#define clEnqueueCopyImage
Definition: opencl_core.hpp:148
cv::cuda::DeviceInfo::memPitch
size_t memPitch() const
maximum pitch in bytes allowed by memory copies
CvSize
Definition: types_c.h:1008
cv::bridge::Bridge::operator=
Bridge & operator=(const bool &)
Definition: bridge.hpp:277
hal_ni_absdiff32s
int hal_ni_absdiff32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:134
cv::datasets::SLAM_kittiObj::posesArray
std::vector< pose > posesArray
Definition: slam_kitti.hpp:71
cv::cudev::GlobPtr::data
T * data
Definition: glob.hpp:67
CvSlice::CvSlice
CvSlice(const cv::Range &r)
Definition: types_c.h:1104
cv::Scalar_::Scalar_
Scalar_(_Tp v0)
cv::videostab::InpainterBase::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)=0
cv::MatOp::size
virtual Size size(const MatExpr &expr) const
cv::ximgproc::EdgeAwareInterpolator::setK
virtual void setK(int _k)=0
K is a number of nearest-neighbor matches considered, when fitting a locally affine model....
cv::viz::SHADING_PHONG
@ SHADING_PHONG
Definition: widgets.hpp:85
cv::DualTVL1OpticalFlow::setScalesNumber
virtual void setScalesNumber(int val)=0
Number of scales used to create the pyramid of images.
IplROI::width
int width
Definition: types_c.h:347
cv::KalmanFilter
Kalman filter class.
Definition: tracking.hpp:328
IplConvKernel::nCols
int nCols
Definition: types_c.h:354
tinyxml2::XMLNode::LastChildElement
const XMLElement * LastChildElement(const char *value=0) const
cv::datasets::OR_imagenet::load
virtual void load(const std::string &path)=0
CV_32F
#define CV_32F
Definition: interface.h:72
cv::CAP_PROP_OPENNI_FOCAL_LENGTH
@ CAP_PROP_OPENNI_FOCAL_LENGTH
In pixels.
Definition: videoio.hpp:222
cv::cudev::bind1st
__host__ __device__ Binder1st< Op > bind1st(const Op &op, const typename Op::first_argument_type &arg1)
Definition: functional.hpp:843
CV_EPNP
@ CV_EPNP
Definition: calib3d_c.h:97
cv::viz::Camera::getFov
const Vec2d & getFov() const
Definition: types.hpp:193
cv::v_rshr_pack_store
void v_rshr_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:1740
CvMatND::i
int * i
Definition: types_c.h:639
cv::optflow::GPCDetails::dropOutliers
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
cv::COLOR_RGB2YUV_IYUV
@ COLOR_RGB2YUV_IYUV
Definition: imgproc.hpp:722
cv::SimpleBlobDetector::Params::Params
Params()
cvFindType
CvTypeInfo * cvFindType(const char *type_name)
Finds a type by its name.
cv::datasets::IR_affine
Definition: ir_affine.hpp:68
CvLevMarq::mask
cv::Ptr< CvMat > mask
Definition: calib3d_c.h:405
cv::structured_light::SinusoidalPattern::Params::Params
Params()
tinyxml2::XMLUtil::IsNameStartChar
static bool IsNameStartChar(unsigned char ch)
Definition: tinyxml2.h:508
cv::ocl::Device::available
bool available() const
cv::bridge::Bridge::toVectorMat
vector_Mat toVectorMat()
Definition: bridge.hpp:376
cv::detail::GainCompensator::apply
void apply(int index, Point corner, InputOutputArray image, InputArray mask)
Compensate exposure in the specified image.
cv::detail::Blender::dst_roi_
Rect dst_roi_
Definition: blenders.hpp:94
cv::cuda::DensePyrLKOpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool useInitialFlow)=0
CV_BadOrder
@ CV_BadOrder
Definition: types_c.h:139
cv::MSER::getPass2Only
virtual bool getPass2Only() const =0
cv::cudev::vcmpne4
__device__ __forceinline__ uint vcmpne4(uint a, uint b)
Definition: simd_functions.hpp:823
cv::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: calib3d.hpp:259
cv::dnn::BlobShape::BlobShape
BlobShape(const std::vector< int > &sizes)
Creates n-dim shape from the sizes vector.
deblurring.hpp
cv::line_descriptor::KeyLine::KeyLine
KeyLine()
Definition: descriptor.hpp:171
cv::TrackerMedianFlow::Params::Params
Params()
cv::hal::split16u
void split16u(const ushort *src, ushort **dst, int len, int cn)
cv::viz::writeCloud
void writeCloud(const String &file, InputArray cloud, InputArray colors=noArray(), InputArray normals=noArray(), bool binary=false)
Read/write clouds. Supported formats: ply, xyz, obj and stl (readonly)
cv::DataType
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:107
cv::cuda::meanShiftSegmentation
void meanShiftSegmentation(InputArray src, OutputArray dst, int sp, int sr, int minsize, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs a mean-shift segmentation of the source image and eliminates small segments.
cv::FisheyeWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:99
cv::detail::HomographyBasedEstimator::HomographyBasedEstimator
HomographyBasedEstimator(bool is_focals_estimated=false)
Definition: motion_estimators.hpp:101
cv::CALIB_CB_FILTER_QUADS
@ CALIB_CB_FILTER_QUADS
Definition: calib3d.hpp:245
cv::stereo::CV_MODIFIED_CENSUS_TRANSFORM
@ CV_MODIFIED_CENSUS_TRANSFORM
Definition: descriptor.hpp:59
cv::INPAINT_TELEA
@ INPAINT_TELEA
Definition: photo.hpp:74
cv::COLOR_BayerBG2RGB_VNG
@ COLOR_BayerBG2RGB_VNG
Definition: imgproc.hpp:756
cv::cuda::createStereoBeliefPropagation
Ptr< cuda::StereoBeliefPropagation > createStereoBeliefPropagation(int ndisp=64, int iters=5, int levels=5, int msg_type=CV_32F)
Creates StereoBeliefPropagation object.
cv::aruco::DetectorParameters
Parameters for the detectMarker process:
Definition: aruco.hpp:124
CV_CAP_PROP_FORMAT
@ CV_CAP_PROP_FORMAT
Definition: videoio_c.h:174
cv::dilate
void dilate(InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Dilates an image by using a specific structuring element.
cv::imread
Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
tinyxml2::XMLNode::operator=
XMLNode & operator=(const XMLNode &)
CV_CAP_PROP_DC1394_MODE_MANUAL
@ CV_CAP_PROP_DC1394_MODE_MANUAL
Definition: videoio_c.h:163
cv::Ptr::element_type
T element_type
Definition: cvstd.hpp:283
cv::COLOR_YUV2RGB_UYNV
@ COLOR_YUV2RGB_UYNV
Definition: imgproc.hpp:676
cv::SOLVEPNP_P3P
@ SOLVEPNP_P3P
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:237
optim.hpp
cv::datasets::Dataset::getTest
std::vector< Ptr< Object > > & getTest(int splitNum=0)
cv::sfm::computeOrientation
void computeOrientation(InputArrayOfArrays x1, InputArrayOfArrays x2, OutputArray R, OutputArray t, double s)
Computes Absolute or Exterior Orientation (Pose Estimation) between 2 sets of 3D point.
cv::COLOR_YUV2RGB_YVYU
@ COLOR_YUV2RGB_YVYU
Definition: imgproc.hpp:690
cvflann::load_header
IndexHeader load_header(FILE *stream)
Definition: saving.h:107
cv::ocl::Kernel::compileWorkGroupSize
bool compileWorkGroupSize(size_t wsz[]) const
cv::UMatDataAutoLock::u
UMatData * u
Definition: mat.hpp:515
cv::Mat_::iterator
MatIterator_< _Tp > iterator
Definition: mat.hpp:2041
tinyxml2::XML_SUCCESS
@ XML_SUCCESS
Definition: tinyxml2.h:1001
frame_source.hpp
cv::THRESH_TRIANGLE
@ THRESH_TRIANGLE
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:336
cv::CC_STAT_MAX
@ CC_STAT_MAX
Definition: imgproc.hpp:413
cv::sfm::libmv_ReconstructionOptions::refine_intrinsics
int refine_intrinsics
Definition: simple_pipeline.hpp:149
cv::reg::MapProjec::MapProjec
MapProjec(void)
cvflann::UniqueResultSet::DistIndex::index_
unsigned int index_
Definition: result_set.h:301
gpumat.hpp
cv::datasets::sectionNames
const string sectionNames[]
Definition: track_alov.hpp:68
cv::cuda::Convolution
Base class for convolution (or cross-correlation) operator. :
Definition: cudaarithm.hpp:819
cv::cudev::Binder1st::arg1
Op::first_argument_type arg1
Definition: functional.hpp:833
nppiStTranspose_64f_C1R_host
NCVStatus nppiStTranspose_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::datasets::OR_mnistObj::label
char label
Definition: or_mnist.hpp:62
clEnqueueFillImage
#define clEnqueueFillImage
Definition: opencl_core.hpp:154
cv::fisheye::calibrate
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, const Size &image_size, InputOutputArray K, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 100, DBL_EPSILON))
Performs camera calibaration.
cv::ocl::Device::OpenCL_C_Version
String OpenCL_C_Version() const
tinyxml2::XMLPrinter::CStrSize
int CStrSize() const
Definition: tinyxml2.h:2024
cv::CAP_OPENNI_DISPARITY_MAP_32F
@ CAP_OPENNI_DISPARITY_MAP_32F
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:251
N_CELLS
#define N_CELLS
Definition: feature.hpp:80
cv::hal::log32f
void log32f(const float *src, float *dst, int n)
cv::TrackerTargetState::targetWidth
int targetWidth
Definition: tracker.hpp:380
cv::EMDL1
float EMDL1(InputArray signature1, InputArray signature2)
Computes the "minimal work" distance between two weighted point configurations base on the papers "EM...
cv::ThinPlateSplineShapeTransformer::getRegularizationParameter
virtual double getRegularizationParameter() const =0
cv::optflow::OpticalFlowPCAFlow::basisSize
const Size basisSize
Definition: pcaflow.hpp:98
cv::extractChannel
void extractChannel(InputArray src, OutputArray dst, int coi)
Extracts a single channel from src (coi is 0-based index)
cv::videostab::InpainterBase::motionModel
virtual MotionModel motionModel() const
Definition: inpainting.hpp:74
tinyxml2::XMLAttribute::QueryDoubleValue
XMLError QueryDoubleValue(double *value) const
See QueryIntValue.
cv::cudev::less::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:165
cv::COLOR_BGR2Lab
@ COLOR_BGR2Lab
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:584
cv::cuda::DescriptorMatcher::knnMatchAsync
virtual void knnMatchAsync(InputArray queryDescriptors, OutputArray matches, int k, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
cv::PCA::PCA
PCA(InputArray data, InputArray mean, int flags, int maxComponents=0)
CV_CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
@ CV_CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
Definition: videoio_c.h:365
cv::cudev::SelectIf< false, ThenType, ElseType >::type
ElseType type
Definition: type_traits.hpp:102
cv::ml::SVMSGD::setTermCriteria
virtual void setTermCriteria(const cv::TermCriteria &val)=0
Termination criteria of the training algorithm. You can specify the maximum number of iterations (max...
FLANN_ARRAY_LEN
#define FLANN_ARRAY_LEN(a)
Definition: defines.h:76
cv::rgbd::RgbdICPOdometry::minDepth
double minDepth
Definition: rgbd.hpp:1000
CvScalar::CvScalar
CvScalar()
Definition: types_c.h:1129
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Point2f &)
Definition: bridge.hpp:314
cv::DrawMatchesFlags::DEFAULT
@ DEFAULT
Definition: features2d.hpp:1117
cv::face::FaceRecognizer::save
virtual void save(FileStorage &fs) const =0
cv::randpattern::RandomPatternGenerator
Definition: randpattern.hpp:154
CvKalman::Temp2
float * Temp2
Definition: tracking_c.h:181
cv::KAZE::getExtended
virtual bool getExtended() const =0
cv::datasets::OR_pascalObj::width
int width
Definition: or_pascal.hpp:82
HaarClassifierNode128::getRightNodeDesc
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:260
CvConnectedComp::value
CvScalar value
Definition: types_c.h:60
cv::ocl::Queue::create
bool create(const Context &c=Context(), const Device &d=Device())
cv::TLSDataContainer::gatherData
void gatherData(std::vector< void * > &data) const
cv::Seq::begin
SeqIterator< _Tp > begin() const
returns iterator pointing to the beginning of the sequence
Definition: core_c.h:2990
cv::CvHOGEvaluator::normSum
Mat normSum
Definition: feature.hpp:328
CvScalar::CvScalar
CvScalar(const cv::Scalar_< _Tp > &s)
Definition: types_c.h:1132
cv::viz::Viz3d::registerMouseCallback
void registerMouseCallback(MouseCallback callback, void *cookie=0)
Sets mouse handler.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5)
6-element vector constructor
cvflann::abs< double >
double abs< double >(double x)
Definition: dist.h:67
cv::AgastFeatureDetector::getThreshold
virtual int getThreshold() const =0
cv::saliency::MotionSaliencyBinWangApr2014::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
cv::dnn::DictValue::DictValue
DictValue(const String &s)
Constructs string scalar.
Definition: dict.hpp:66
cv::TonemapDrago::getBias
virtual float getBias() const =0
cv::ml::SVM::ParamTypes
ParamTypes
SVM params type
Definition: ml.hpp:631
ncvGrowDetectionsVector_device
NCVStatus ncvGrowDetectionsVector_device(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale, cudaStream_t cuStream)
cv::reg::MapProjec
Definition: mapprojec.hpp:54
cv::datasets::TRACK_alov::loadAnnotatedOnly
virtual void loadAnnotatedOnly(const std::string &path)=0
cv::_InputArray::channels
int channels(int i=-1) const
cv::VideoWriterProperties
VideoWriterProperties
VideoWriter generic properties identifier.
Definition: videoio.hpp:179
cv::cudev::bit_not::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:254
cv::videostab::MotionInpainter::MotionInpainter
MotionInpainter()
cvflann::any::any
any(const T &x)
Initializing constructor.
Definition: any.h:192
cv::BackgroundSubtractorMOG2
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:91
NCVMatrixAlloc::NCVMatrixAlloc
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
cv::MultiTracker::add
bool add(const String &trackerType, const Mat &image, std::vector< Rect2d > boundingBox)
Add a set of objects to be tracked.
cv::viz::Viz3d::setOffScreenRendering
void setOffScreenRendering()
Create a window in memory instead of on the screen.
cv::LineIterator::pos
Point pos() const
returns coordinates of the current pixel
hal_ni_sub64f
int hal_ni_sub64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:90
cv::detail::GraphEdge::GraphEdge
GraphEdge(int from, int to, float weight)
Definition: util.hpp:82
cv::bridge::Bridge::toRect
cv::Rect toRect()
Definition: bridge.hpp:340
CV_CAP_PROP_XI_IS_DEVICE_EXIST
@ CV_CAP_PROP_XI_IS_DEVICE_EXIST
Definition: videoio_c.h:383
cvflann::KNNRadiusUniqueResultSet::KNNRadiusUniqueResultSet
KNNRadiusUniqueResultSet(unsigned int capacity, DistanceType radius)
Definition: result_set.h:514
clEnqueueReleaseGLObjects
#define clEnqueueReleaseGLObjects
Definition: opencl_gl.hpp:36
cv::ml::EM::getCovs
virtual void getCovs(std::vector< Mat > &covs) const =0
Returns covariation matrices.
cv::COLOR_BayerBG2RGB_EA
@ COLOR_BayerBG2RGB_EA
Definition: imgproc.hpp:767
cv::ColorConversionCodes
ColorConversionCodes
Definition: imgproc.hpp:519
cv::datasets::OR_pascal::load
virtual void load(const std::string &path)=0
cv::cudev::LinearInterPtrSz
Definition: interpolation.hpp:135
cv::ppf_match_3d::PoseCluster3D::readPoseCluster
int readPoseCluster(const std::string &FileName)
CV_CAP_PROP_XI_AEAG_ROI_HEIGHT
@ CV_CAP_PROP_XI_AEAG_ROI_HEIGHT
Definition: videoio_c.h:303
cv::detail::CompressedRectilinearProjector
Definition: warpers.hpp:323
cvflann::DynamicBitset::test
bool test(size_t index) const
Definition: dynamic_bitset.h:144
CV_SHAPE_CUSTOM
@ CV_SHAPE_CUSTOM
custom structuring element
Definition: types_c.h:381
cv::QT_FONT_LIGHT
@ QT_FONT_LIGHT
Weight of 25.
Definition: highgui.hpp:231
cv::TrackerKCF::Params::output_sigma_factor
double output_sigma_factor
spatial bandwidth (proportional to target)
Definition: tracker.hpp:1240
CV_FONT_HERSHEY_PLAIN
#define CV_FONT_HERSHEY_PLAIN
Definition: imgproc_c.h:1104
cvflann::MinkowskiDistance::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:313
cvGetCaptureDomain
int cvGetCaptureDomain(CvCapture *capture)
Return the type of the capturer (eg, CV_CAP_VFW, CV_CAP_UNICAP)
cv::ml::SVM::setNu
virtual void setNu(double val)=0
cv::datasets::FR_lfwObj::same
bool same
Definition: fr_lfw.hpp:63
cv::cudev::VecTraits< char4 >::elem_type
schar elem_type
Definition: vec_traits.hpp:176
CV_CUDEV_RGB2RGB_INST
#define CV_CUDEV_RGB2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:59
cv::ocl::Device::Device
Device(void *d)
cv::MultiTracker::defaultAlgorithm
String defaultAlgorithm
Definition: tracker.hpp:1363
cvRodrigues2
int cvRodrigues2(const CvMat *src, CvMat *dst, CvMat *jacobian=0)
clEnqueueUnmapMemObject
#define clEnqueueUnmapMemObject
Definition: opencl_core_wrappers.hpp:124
cv::MatConstIterator::pos
Point pos() const
returns the current iterator position
cvflann::Matrix::data
T * data
Definition: matrix.h:54
cv::TrackerModel::runStateEstimator
bool runStateEstimator()
Run the TrackerStateEstimator, return true if is possible to estimate a new state,...
cv::ml::LogisticRegression::getLearningRate
virtual double getLearningRate() const =0
cvflann::CompositeIndex::buildIndex
void buildIndex()
Builds the index.
Definition: composite_index.h:136
nppiStTranspose_32s_C1R
NCVStatus nppiStTranspose_32s_C1R(Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::detail::overlapRoi
bool overlapRoi(Point tl1, Point tl2, Size sz1, Size sz2, Rect &roi)
cvflann::RadiusUniqueResultSet::clear
void clear()
Definition: result_set.h:471
cv::viz::Color::cherry
static Color cherry()
cv::MatConstIterator::sliceStart
const uchar * sliceStart
Definition: mat.hpp:2914
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< cuda::GpuMat > &d_mat)
cv::TrackerStateEstimatorMILBoosting::~TrackerStateEstimatorMILBoosting
~TrackerStateEstimatorMILBoosting()
matlab::MxArray::Vector
static MxArray Vector(size_t m)
explicit vector constructor
Definition: mxarray.hpp:319
cv::cudacodec::SF_GRAY
@ SF_GRAY
Definition: cudacodec.hpp:78
cv::Stitcher::setSeamFinder
void setSeamFinder(Ptr< detail::SeamFinder > seam_finder)
Definition: stitching.hpp:227
CV_IMWRITE_PXM_BINARY
@ CV_IMWRITE_PXM_BINARY
Definition: imgcodecs_c.h:96
cv::face::LBPHFaceRecognizer::getHistograms
virtual std::vector< cv::Mat > getHistograms() const =0
cv::datasets::PascalPart::name
std::string name
Definition: or_pascal.hpp:61
hal_ni_Cholesky64f
int hal_ni_Cholesky64f(double *src1, size_t src1_step, int m, double *src2, size_t src2_step, int n, bool *info)
Definition: hal_replacement.hpp:614
cv::COLOR_YUV420p2BGR
@ COLOR_YUV420p2BGR
Definition: imgproc.hpp:649
cv::cudev::LutPtr::operator()
__device__ __forceinline__ PtrTraits< TablePtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: lut.hpp:68
cv::face::BasicFaceRecognizer::getEigenValues
virtual cv::Mat getEigenValues() const =0
cv::resizeWindow
void resizeWindow(const String &winname, int width, int height)
Resizes window to the specified size.
cv::Error::BadCallBack
@ BadCallBack
Definition: base.hpp:91
cv::StereographicWarper
Definition: warpers.hpp:103
cv::cudev::ScharrYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:305
cv::CvFeatureEvaluator::operator()
virtual float operator()(int featureIdx, int sampleIdx)=0
clGetContextInfo
#define clGetContextInfo
Definition: opencl_core_wrappers.hpp:148
clAmdBlasCgemmEx
#define clAmdBlasCgemmEx
Definition: opencl_clamdblas.hpp:203
cv::Vec6d
Vec< double, 6 > Vec6d
Definition: matx.hpp:389
cv::optflow::VariationalRefinement::getSorIterations
virtual int getSorIterations() const =0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
cv::ximgproc::ARO_0_45
@ ARO_0_45
Definition: fast_hough_transform.hpp:66
cv::Error::BadDataPtr
@ BadDataPtr
Definition: base.hpp:81
cv::CAP_PROP_XI_DATA_FORMAT
@ CAP_PROP_XI_DATA_FORMAT
Output data format.
Definition: videoio.hpp:327
cvflann::AutotunedIndex::buildIndex
virtual void buildIndex()
Definition: autotuned_index.h:100
cv::COLOR_BGR2GRAY
@ COLOR_BGR2GRAY
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:538
cv::cudev::Binder2nd::op
Op op
Definition: functional.hpp:853
cv::cudev::ThreshBinaryInvFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
cv::HOGDescriptor::gammaCorrection
bool gammaCorrection
Definition: objdetect.hpp:430
cv::optflow::GPCTrainingSamples::create
static Ptr< GPCTrainingSamples > create(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > &gt, int descriptorType)
This function can be used to extract samples from a pair of images and a ground truth flow....
cv::CalibrateDebevec::setRandom
virtual void setRandom(bool random)=0
CV_YUV2RGBA_UYVY
@ CV_YUV2RGBA_UYVY
Definition: types_c.h:287
cv::superres::SuperResolution::setKernelSize
virtual void setKernelSize(int val)=0
Kernel size of Bilateral-TV filter.
tinyxml2::XMLComment::ToComment
virtual XMLComment * ToComment()
Safely cast to a Comment, or null.
Definition: tinyxml2.h:908
cv::TrackerStateEstimatorAdaBoosting::getSampleROI
Rect getSampleROI() const
Get the sampling ROI.
cv::cudev::getRows
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
cvSetCaptureProperty
int cvSetCaptureProperty(CvCapture *capture, int property_id, double value)
set capture properties
cv::Vec::Vec
Vec(_Tp v0)
1-element vector constructor
cvflann::KMeansIndex::usedMemory
int usedMemory() const
Definition: kmeans_index.h:424
cvTypeOf
CvTypeInfo * cvTypeOf(const void *struct_ptr)
Returns the type of an object.
cv::QT_STYLE_OBLIQUE
@ QT_STYLE_OBLIQUE
Oblique font.
Definition: highgui.hpp:242
CV_BGRA2YUV_YV12
@ CV_BGRA2YUV_YV12
Definition: types_c.h:339
cvGetThreadNum
int cvGetThreadNum(void)
cv::TrackerKCF::Params::desc_pca
unsigned int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracker.hpp:1248
cv::reg::MapShift::MapShift
MapShift(const cv::Vec< double, 2 > &shift)
HaarClassifierCascadeDescriptor::ClassifierSize
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:338
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState::setTargetFg
void setTargetFg(bool foreground)
Set label: true for target foreground, false for background.
cv::CAP_PROP_XI_BINNING_PATTERN
@ CAP_PROP_XI_BINNING_PATTERN
Binning pattern type.
Definition: videoio.hpp:355
cv::WImageView1_b
WImageViewC< uchar, 1 > WImageView1_b
Definition: wimage.hpp:68
cv::detail::PairwiseSeamFinder::images_
std::vector< UMat > images_
Definition: seam_finders.hpp:98
cv::cuda::CascadeClassifier::getMinNeighbors
virtual int getMinNeighbors() const =0
opencl_core_wrappers.hpp
cv::TLSData::gather
void gather(std::vector< T * > &data) const
Definition: utility.hpp:642
cv::Mat_::diag
Mat_ diag(int d=0) const
cvCreateFileCaptureWithPreference
CvCapture * cvCreateFileCaptureWithPreference(const char *filename, int apiPreference)
start capturing frames from video file. allows specifying a preferred API to use
cv::QtFont::hscale
float hscale
Definition: highgui.hpp:640
cv::cuda::BackgroundSubtractorGMG::setMaxVal
virtual void setMaxVal(double val)=0
cv::text::ERStat::convex_hull_ratio
float convex_hull_ratio
Definition: erfilter.hpp:90
cv::COLOR_RGB2YUV_I420
@ COLOR_RGB2YUV_I420
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:720
hal_ni_absdiff8u
int hal_ni_absdiff8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:130
cv::cuda::HostMem::createGpuMatHeader
GpuMat createGpuMatHeader() const
Maps CPU memory to GPU address space and creates the cuda::GpuMat header without reference counting f...
CV_CAP_PROP_XI_DECIMATION_HORIZONTAL
@ CV_CAP_PROP_XI_DECIMATION_HORIZONTAL
Definition: videoio_c.h:293
cvflann::CompositeIndex::saveIndex
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: composite_index.h:148
unary_op.hpp
cv::TrackerFeatureFeature2d
TrackerFeature based on Feature2D.
Definition: tracker.hpp:953
cv::cudev::BinaryTupleAdapter::operator()
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:85
hashnode_i::key
KeyType key
Definition: t_hash_int.hpp:62
cv::rgbd::RgbdOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: rgbd.hpp:682
cv::VideoWriter::fourcc
static int fourcc(char c1, char c2, char c3, char c4)
Concatenates 4 chars to a fourcc code.
cv::Mat::begin
MatConstIterator_< _Tp > begin() const
cv::Stitcher::Mode
Mode
Definition: stitching.hpp:136
cv::_OutputArray::assign
void assign(const UMat &u) const
cv::saturate_cast
static _Tp saturate_cast(uchar v)
Template function for accurate conversion from one primitive type to another.
Definition: saturate.hpp:82
cvflann::simpleDistance< MinkowskiDistance< ElementType >, ElementType >::ResultType
MinkowskiDistance< ElementType >::ResultType ResultType
Definition: dist.h:875
cv::ocl::OCL_VECTOR_OWN
@ OCL_VECTOR_OWN
Definition: ocl.hpp:679
cv::CAP_PROP_GAIN
@ CAP_PROP_GAIN
Gain of the image (only for cameras).
Definition: videoio.hpp:138
cv::cuda::FastFeatureDetector::RESPONSE_ROW
@ RESPONSE_ROW
Definition: cudafeatures2d.hpp:432
CvFileStorage
struct CvFileStorage CvFileStorage
"black box" representation of the file storage associated with a file on disk.
Definition: persistence.hpp:92
cv::TrackerFeatureHAAR::extractSelected
bool extractSelected(const std::vector< int > selFeatures, const std::vector< Mat > &images, Mat &response)
Compute the features only for the selected indices in the images collection.
tinyxml2::XMLUtil::ToInt
static bool ToInt(const char *str, int *value)
cv::getTextSize
Size getTextSize(const String &text, int fontFace, double fontScale, int thickness, int *baseLine)
Calculates the width and height of a text string.
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9, const _Tp10 &a10, const _Tp11 &a11, const _Tp12 &a12)
Definition: ocl.hpp:519
cv::cudev::acosh
__device__ __forceinline__ double4 acosh(const double4 &a)
Definition: vec_math.hpp:382
cv::SparseMat::hash
size_t hash(const int *idx) const
computes the element hash value (nD case)
cv::v_setzero_f32
v_float32x4 v_setzero_f32()
Definition: intrin_cpp.hpp:1524
CV_CAP_OPENNI_ASUS
@ CV_CAP_OPENNI_ASUS
Definition: videoio_c.h:107
cv::DualTVL1OpticalFlow::setEpsilon
virtual void setEpsilon(double val)=0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
cv::CAP_OPENNI_IR_GENERATOR_PRESENT
@ CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio.hpp:244
CV_CUDEV_EXPR_BINOP_INST
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
cv::Mat::Mat
Mat(Size size, int type)
cv::CvParams
Definition: feature.hpp:121
tinyxml2::XMLNode::FirstChild
XMLNode * FirstChild()
Definition: tinyxml2.h:682
cv::ml::DTrees::setRegressionAccuracy
virtual void setRegressionAccuracy(float val)=0
cv::datasets::GR_skigObj
Definition: gr_skig.hpp:95
CV_CAP_PROP_OPENNI_MAX_BUFFER_SIZE
@ CV_CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio_c.h:231
cv::ocl::Device::maxReadImageArgs
int maxReadImageArgs() const
cvAttrList
CvAttrList cvAttrList(const char **attr=NULL, CvAttrList *next=NULL)
Definition: types_c.h:1720
CvKalman::temp5
CvMat * temp5
Definition: tracking_c.h:204
cv::optflow::DISOpticalFlow::getPatchSize
virtual int getPatchSize() const =0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
cv::viz::WArrow::WArrow
WArrow(const Point3d &pt1, const Point3d &pt2, double thickness=0.03, const Color &color=Color::white())
Constructs an WArrow.
cv::decomposeHomographyMat
int decomposeHomographyMat(InputArray H, InputArray K, OutputArrayOfArrays rotations, OutputArrayOfArrays translations, OutputArrayOfArrays normals)
Decompose a homography matrix to rotation(s), translation(s) and plane normal(s).
cv::line_descriptor::BinaryDescriptorMatcher::createBinaryDescriptorMatcher
static Ptr< BinaryDescriptorMatcher > createBinaryDescriptorMatcher()
Create a BinaryDescriptorMatcher object and return a smart pointer to it.
cv::AKAZE::setDescriptorChannels
virtual void setDescriptorChannels(int dch)=0
cv::_InputArray::getUMat
UMat getUMat(int idx=-1) const
cv::cuda::BroxOpticalFlow::getFlowSmoothness
virtual double getFlowSmoothness() const =0
cv::BorderTypes
BorderTypes
Definition: base.hpp:253
cv::detail::FeatherBlender::setSharpness
void setSharpness(float val)
Definition: blenders.hpp:105
cv::ocl::Device::nativeVectorWidthHalf
int nativeVectorWidthHalf() const
cv::hal::max16s
void max16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::sfm::importReconstruction
void importReconstruction(const cv::String &file, OutputArrayOfArrays Rs, OutputArrayOfArrays Ts, OutputArrayOfArrays Ks, OutputArray points3d, int file_format=SFM_IO_BUNDLER)
Import a reconstruction file.
cv::datasets::FR_lfwObj::image2
std::string image2
Definition: fr_lfw.hpp:62
cv::ShapeContextDistanceExtractor::setStdDev
virtual void setStdDev(float sigma)=0
Set the value of the standard deviation for the Gaussian window for the image appearance cost.
CV_CAP_PROP_XI_AUTO_WB
@ CV_CAP_PROP_XI_AUTO_WB
Definition: videoio_c.h:275
cv::DualTVL1OpticalFlow::setScaleStep
virtual void setScaleStep(double val)=0
Step between scales (<1)
cv::COLOR_BGR5652GRAY
@ COLOR_BGR5652GRAY
Definition: imgproc.hpp:557
cv::Size_::operator=
Size_ & operator=(const Size_ &sz)
cv::createBackgroundSubtractorKNN
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
cv::Stitcher::estimateTransform
Status estimateTransform(InputArrayOfArrays images)
cv::bridge::Bridge::toTermCriteria
cv::TermCriteria toTermCriteria()
Definition: bridge.hpp:350
cv::flann::Index::distType
cvflann::flann_distance_t distType
Definition: miniflann.hpp:150
cv::cuda::DisparityBilateralFilter::getRadius
virtual int getRadius() const =0
cv::TrackerSamplerAlgorithm
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracker.hpp:213
CV_CUDEV_Lab2RGB_INST
#define CV_CUDEV_Lab2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:344
clFinish
#define clFinish
Definition: opencl_core_wrappers.hpp:139
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyTexture
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
cv::datasets::OR_imagenetObj
Definition: or_imagenet.hpp:61
cv::videostab::ColorInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)
CV_CAP_PROP_GIGA_FRAME_SENS_WIDTH
@ CV_CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio_c.h:438
cv::fastNlMeansDenoisingMulti
void fastNlMeansDenoisingMulti(InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for images sequence where consequtive images have been ...
cv::dnn::Net::connect
void connect(String outPin, String inpPin)
Connects output of the first layer to input of the second layer.
cv::datasets::TRACK_alov::initDataset
virtual bool initDataset(int id)=0
cv::AgastFeatureDetector_Impl::set
void set(int prop, double value)
Definition: agast.txt:7503
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_()
default constructor
cv::Mat::Mat
Mat(int ndims, const int *sizes, int type, void *data, const size_t *steps=0)
cv::ml::SVMSGD
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1585
CV_CAP_PROP_CONVERT_RGB
@ CV_CAP_PROP_CONVERT_RGB
Definition: videoio_c.h:182
CvAbstractCamera::currentDeviceOrientation
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
cv::MatOp::transpose
virtual void transpose(const MatExpr &expr, MatExpr &res) const
cv::Mat_::Mat_
Mat_(const Matx< typename DataType< _Tp >::channel_type, m, n > &mtx, bool copyData=true)
cv::ml::EM::setClustersNumber
virtual void setClustersNumber(int val)=0
cv::ocl::Device::deviceVersionMinor
int deviceVersionMinor() const
cv::viz::WImageOverlay
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:458
cv::CAP_WINRT
@ CAP_WINRT
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:109
cv::CvFeatureParams::featSize
int featSize
Definition: feature.hpp:152
cv::flann::Index::featureType
int featureType
Definition: miniflann.hpp:152
hal_ni_gemm64f
int hal_ni_gemm64f(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:697
cv::cuda::EventAccessor::wrapEvent
static Event wrapEvent(cudaEvent_t event)
cv::REDUCE_AVG
@ REDUCE_AVG
the output is the mean vector of all rows/columns of the matrix.
Definition: core.hpp:236
cv::cudev::GlobPtr::value_type
T value_type
Definition: glob.hpp:64
cv::ximgproc::createStructuredEdgeDetection
Ptr< StructuredEdgeDetection > createStructuredEdgeDetection(const String &model, Ptr< const RFFeatureGetter > howToGetFeatures=Ptr< RFFeatureGetter >())
cv::hal::fastAtan64f
void fastAtan64f(const double *y, const double *x, double *dst, int n, bool angleInDegrees)
cv::xphoto::SimpleWB::setP
virtual void setP(float val)=0
Percent of top/bottom values to ignore.
cv::videostab::MotionEstimatorBase
Base class for all global motion estimation methods.
Definition: global_motion.hpp:98
CV_CAP_PROP_XI_GPI_MODE
@ CV_CAP_PROP_XI_GPI_MODE
Definition: videoio_c.h:268
CV_RGB2YUV_YV12
@ CV_RGB2YUV_YV12
Definition: types_c.h:336
CV_BadROISize
@ CV_BadROISize
Definition: types_c.h:145
cv::cuda::ALPHA_OVER_PREMUL
@ ALPHA_OVER_PREMUL
Definition: cudaimgproc.hpp:159
cv::CALIB_CB_NORMALIZE_IMAGE
@ CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d.hpp:244
cv::COLORMAP_COOL
@ COLORMAP_COOL
Definition: imgproc.hpp:4088
cv::COLOR_YUV2RGB_YUYV
@ COLOR_YUV2RGB_YUYV
Definition: imgproc.hpp:692
cv::MORPH_CLOSE
@ MORPH_CLOSE
Definition: imgproc.hpp:240
cv::cudev::LinearInterPtr::index_type
float index_type
Definition: interpolation.hpp:100
CPU_FMA3
@ CPU_FMA3
Definition: cvdef.h:149
cv::cudev::MakeVec< bool, 1 >::type
uchar type
Definition: vec_traits.hpp:81
cv::ocl::KernelArg::obj
const void * obj
Definition: ocl.hpp:386
cv::text::ERStat::num_inflexion_points
float num_inflexion_points
Definition: erfilter.hpp:91
cv::viz::Viz3d::spin
void spin()
The window renders and starts the event loop.
cv::TrackerModel::setTrackerStateEstimator
bool setTrackerStateEstimator(Ptr< TrackerStateEstimator > trackerStateEstimator)
Set TrackerEstimator, return true if the tracker state estimator is added, false otherwise.
cv::Tracker::initImpl
virtual bool initImpl(const Mat &image, const Rect2d &boundingBox)=0
cv::CAP_PROP_XI_DECIMATION_PATTERN
@ CAP_PROP_XI_DECIMATION_PATTERN
Decimation pattern type.
Definition: videoio.hpp:359
cv::TrackerTargetState::getTargetHeight
int getTargetHeight() const
Get the height of the target.
CV_YUV420sp2RGB
@ CV_YUV420sp2RGB
Definition: types_c.h:240
cv::videostab::MoreAccurateMotionWobbleSuppressor::suppress
virtual void suppress(int idx, const Mat &frame, Mat &result)
cv::aruco::DICT_5X5_100
@ DICT_5X5_100
Definition: dictionary.hpp:147
cv::CAP_PROP_XI_CC_MATRIX_10
@ CAP_PROP_XI_CC_MATRIX_10
Color Correction Matrix element [1][0].
Definition: videoio.hpp:401
cv::ml::SVMSGD::getShift
virtual float getShift()=0
cv::detail::GraphEdge::to
int to
Definition: util.hpp:78
cv::stereo::CensusKernel::operator()
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:182
CV_IMWRITE_PNG_STRATEGY
@ CV_IMWRITE_PNG_STRATEGY
Definition: imgcodecs_c.h:89
IplImage::origin
int origin
Definition: types_c.h:312
cv::datasets::IS_bsdsObj
Definition: is_bsds.hpp:61
cv::bioinspired::TransientAreasSegmentationModule::getSize
virtual Size getSize()=0
return the sze of the manage input and output images
cv::viz::makeCameraPose
Affine3d makeCameraPose(const Vec3d &position, const Vec3d &focal_point, const Vec3d &y_dir)
Constructs camera pose from position, focal_point and up_vector (see gluLookAt() for more infromation...
CvLevMarq::J
cv::Ptr< CvMat > J
Definition: calib3d_c.h:408
cv::datasets::SLAM_kittiObj
Definition: slam_kitti.hpp:66
cv::detail::AffineWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
cv::sfm::libmv_CameraIntrinsicsOptions::polynomial_k3
double polynomial_k3
Definition: simple_pipeline.hpp:110
tinyxml2::XMLAttribute::QueryBoolValue
XMLError QueryBoolValue(bool *value) const
See QueryIntValue.
cv::videostab::MotionInpainter::flowErrorThreshold
float flowErrorThreshold() const
Definition: inpainting.hpp:150
cvMax
void cvMax(const CvArr *src1, const CvArr *src2, CvArr *dst)
cv::Feature2D::descriptorType
virtual int descriptorType() const
OPENCV_HAL_IMPL_MATH_FUNC
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:466
cv::cuda::GpuMat::datastart
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:299
cv::TrackerFeature::compute
void compute(const std::vector< Mat > &images, Mat &response)
Compute the features in the images collection.
cv::UMat::cols
int cols
Definition: mat.hpp:2407
cv::BackgroundSubtractorMOG2::getVarThreshold
virtual double getVarThreshold() const =0
Returns the variance threshold for the pixel-model match.
CV_GUI_NORMAL
@ CV_GUI_NORMAL
Definition: highgui_c.h:123
cv::ocl::Device::preferredVectorWidthLong
int preferredVectorWidthLong() const
cvScalarToRawData
void cvScalarToRawData(const CvScalar *scalar, void *data, int type, int extend_to_12=0)
cv::videostab::LpMotionStabilizer::setWeight4
void setWeight4(float val)
Definition: motion_stabilizing.hpp:140
cv::cudev::scharrXPtr
__host__ ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrXPtr(const SrcPtr &src)
Definition: deriv.hpp:266
cv::text::OCRTesseract::setWhiteList
virtual void setWhiteList(const String &char_whitelist)=0
CvKalman::temp3
CvMat * temp3
Definition: tracking_c.h:202
cvflann::Logger::error
static int error(const char *fmt,...)
Definition: logger.h:119
cv::flann::Index_::knnSearch
void knnSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, int knn, const ::cvflann::SearchParams &searchParams)
Definition: flann.hpp:377
cvCopy
void cvCopy(const CvArr *src, CvArr *dst, const CvArr *mask=NULL)
Copies one array to another.
cv::FarnebackOpticalFlow::setFastPyramids
virtual void setFastPyramids(bool fastPyramids)=0
cv::stereo::StereoBinarySGBM::setSubPixelInterpolationMethod
virtual void setSubPixelInterpolationMethod(int value)=0
cv::SparseMat::SparseMat
SparseMat(const SparseMat &m)
cv::cuda::GpuMat::download
void download(OutputArray dst) const
pefroms download data from device to host memory (Blocking call)
cv::cuda::GpuMat::upload
void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
cv::cudev::ThreshBinaryInvFunc::maxVal
T maxVal
Definition: functional.hpp:717
cv::viz::WTrajectory::WTrajectory
WTrajectory(InputArray path, int display_mode=WTrajectory::PATH, double scale=1.0, const Color &color=Color::white())
Constructs a WTrajectory.
cv::cudev::Binder1st::operator()
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:835
cv::CvParams::~CvParams
virtual ~CvParams()
Definition: feature.hpp:124
cv::bioinspired::TransientAreasSegmentationModule::createTransientAreasSegmentationModule
Ptr< TransientAreasSegmentationModule > createTransientAreasSegmentationModule(Size inputSize)
allocator
cl_program_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_platform_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_program_info
Definition: opencl_core.hpp:340
cv::BackgroundSubtractorKNN::setShadowValue
virtual void setShadowValue(int value)=0
Sets the shadow value.
cv::text::loadOCRHMMClassifierCNN
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
cv::datasets::humaneva_2
@ humaneva_2
Definition: hpe_humaneva.hpp:74
paillou_filter.hpp
cv::detail::Blender::NO
@ NO
Definition: blenders.hpp:67
cv::MultiTrackerTLD
Multi Object Tracker for TLD. TLD is a novel tracking framework that explicitly decomposes the long-t...
Definition: tracker.hpp:1466
cv::Size_::width
_Tp width
Definition: types.hpp:308
cv::xphoto::TransformTypes
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:62
cv::convexHull
void convexHull(InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true)
Finds the convex hull of a point set.
cv::Subdiv2D::Subdiv2D
Subdiv2D()
clRetainKernel
#define clRetainKernel
Definition: opencl_core.hpp:256
cv::TrackerTargetState::~TrackerTargetState
virtual ~TrackerTargetState()
Definition: tracker.hpp:340
hal_ni_sqrt32f
int hal_ni_sqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:439
cvflann::simpleDistance< L2< ElementType >, ElementType >::ResultType
L2< ElementType >::ResultType ResultType
Definition: dist.h:867
cv::HOGDescriptor::readALTModel
void readALTModel(String modelfile)
read/parse Dalal's alt model file
cv::CascadeClassifier
Cascade classifier class for object detection.
Definition: objdetect.hpp:221
cv::cudev::CubicInterPtr::index_type
float index_type
Definition: interpolation.hpp:158
CvMat::cols
int cols
Definition: types_c.h:450
cv::ml::SVM
Support Vector Machines.
Definition: ml.hpp:489
cv::Mat::empty
bool empty() const
Returns true if the array has no elements.
cv::FileNode::operator[]
FileNode operator[](const String &nodename) const
Returns element of a mapping node or a sequence node.
cv::videostab::LpMotionStabilizer::setWeight3
void setWeight3(float val)
Definition: motion_stabilizing.hpp:137
cv::_OutputArray::_OutputArray
_OutputArray(cudev::GpuMat_< _Tp > &m)
cv::CvParams::read
virtual bool read(const FileNode &node)=0
cv::datasets::OR_pascalObj
Definition: or_pascal.hpp:79
FEATURES
#define FEATURES
Definition: feature.hpp:62
cv::videostab::InpainterBase::motions
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
clGetContextInfo
#define clGetContextInfo
Definition: opencl_core.hpp:194
cv::VIDEOWRITER_PROP_NSTRIPES
@ VIDEOWRITER_PROP_NSTRIPES
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:182
cv::HuMoments
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
cvCmpS
void cvCmpS(const CvArr *src, double value, CvArr *dst, int cmp_op)
cv::HoughCircles
void HoughCircles(InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0)
Finds circles in a grayscale image using the Hough transform.
cv::cudev::DerivXPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:68
cv::Mat::elemSize1
size_t elemSize1() const
Returns the size of each matrix element channel in bytes.
CV_CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
@ CV_CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio_c.h:445
cv::hal::cmp32f
void cmp32f(const float *src1, size_t step1, const float *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::errorNoReturn
void errorNoReturn(int _code, const String &_err, const char *_func, const char *_file, int _line)
Definition: base.hpp:355
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::setTargetFg
void setTargetFg(bool foreground)
Set label: true for target foreground, false for background.
cv::ml::TrainData::getTestResponses
virtual Mat getTestResponses() const =0
cv::cuda::GpuMat::setDefaultAllocator
static void setDefaultAllocator(Allocator *allocator)
cvflann::Index::ElementType
Distance::ElementType ElementType
Definition: flann_base.hpp:103
cv::ocl::Device::globalMemCacheSize
size_t globalMemCacheSize() const
cv::meanStdDev
void meanStdDev(InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
cvRemoveNodeFromTree
void cvRemoveNodeFromTree(void *node, void *frame)
cv::cuda::connectivityMask
void connectivityMask(const GpuMat &image, GpuMat &mask, const cv::Scalar &lo, const cv::Scalar &hi, Stream &stream=Stream::Null())
compute mask for Generalized Flood fill componetns labeling.
CV_Lab2BGR
@ CV_Lab2BGR
Definition: types_c.h:188
cv::SVDecomp
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
cv::superres::createSuperResolution_BTVL1_CUDA
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
NCVMemSegment::size
size_t size
Definition: NCV.hpp:453
cv::SparseMatConstIterator::SparseMatConstIterator
SparseMatConstIterator()
the default constructor
cvSetReal1D
void cvSetReal1D(CvArr *arr, int idx0, double value)
Change a specific array element.
cv::solvePnP
bool solvePnP(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
Finds an object pose from 3D-2D point correspondences.
cv::RotatedRect::center
Point2f center
Definition: types.hpp:491
cv::CAP_ANY
@ CAP_ANY
Auto detect == 0.
Definition: videoio.hpp:89
cv::datasets::IR_robotObj::name
std::string name
Definition: ir_robot.hpp:72
cv::MOTION_EUCLIDEAN
@ MOTION_EUCLIDEAN
Definition: tracking.hpp:256
cv::Seq::end
SeqIterator< _Tp > end() const
returns iterator pointing to the element following the last sequence element
Definition: core_c.h:2993
CV_CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
@ CV_CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Definition: videoio_c.h:403
cv::v_int8x16
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:356
cvExp
void cvExp(const CvArr *src, CvArr *dst)
cv::datasets::TRACK_vot::create
static Ptr< TRACK_vot > create()
cv::COLOR_LRGB2Luv
@ COLOR_LRGB2Luv
Definition: imgproc.hpp:615
cv::MatOp::augAssignDivide
virtual void augAssignDivide(const MatExpr &expr, Mat &m) const
cv::rgbd::OdometryFrame
Definition: rgbd.hpp:489
cv::GeneralizedHoughGuil::getScaleStep
virtual double getScaleStep() const =0
CV_CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
@ CV_CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
Definition: videoio_c.h:315
cv::DIST_L12
@ DIST_L12
L1-L2 metric: distance = 2(sqrt(1+x*x/2) - 1))
Definition: imgproc.hpp:313
cv::face::FaceRecognizer::predict
void predict(InputArray src, int &label, double &confidence) const
Predicts a label and associated confidence (e.g. distance) for a given input image.
cv::dnn::BlobShape::all
static BlobShape all(int ndims, int fill=1)
Creates n-dim shape and fill its by fill.
cv::ml::TrainData::setTrainTestSplit
virtual void setTrainTestSplit(int count, bool shuffle=true)=0
Splits the training data into the training and test parts.
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
1x5 or 5x1 matrix
cv::cudev::PtrTraits
Definition: traits.hpp:81
cv::videostab::DeblurerBase::DeblurerBase
DeblurerBase()
Definition: deblurring.hpp:62
cv::StrongClassifierDirectSelection::StrongClassifierDirectSelection
StrongClassifierDirectSelection(int numBaseClf, int numWeakClf, Size patchSz, const Rect &sampleROI, bool useFeatureEx=false, int iterationInit=0)
cv::CALIB_TILTED_MODEL
@ CALIB_TILTED_MODEL
Definition: calib3d.hpp:268
cv::linemod::Feature::write
void write(FileStorage &fs) const
cv::COLOR_YUV420sp2BGRA
@ COLOR_YUV420sp2BGRA
Definition: imgproc.hpp:640
cv::DualTVL1OpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
Use initial flow.
matlab::ArgumentParser::addVariant
void addVariant(const String &name, size_t nreq, size_t nopt=0,...)
add a function call variant to the parser
Definition: mxarray.hpp:616
cv::VideoCapture::VideoCapture
VideoCapture(const String &filename, int apiPreference)
Open video file or a capturing device or a IP video stream for video capturing with API Preference.
cv::ClfOnlineStump::classify
bool classify(const Mat &x, int i)
cv::cuda::ensureSizeIsEnough
void ensureSizeIsEnough(int rows, int cols, int type, OutputArray arr)
Ensures that the size of a matrix is big enough and the matrix has a proper type.
cv::SparseMatIterator_::operator++
SparseMatIterator_ & operator++()
moves the iterator to the next element
cv::Mat::create
void create(Size size, int type)
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::nbrOfLargeBins
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
cv::face::BasicFaceRecognizer::getNumComponents
virtual int getNumComponents() const =0
cv::COLOR_YUV2RGBA_UYVY
@ COLOR_YUV2RGBA_UYVY
Definition: imgproc.hpp:679
cv::dnn::readTorchBlob
Blob readTorchBlob(const String &filename, bool isBinary=true)
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
cvGetCol
CvMat * cvGetCol(const CvArr *arr, CvMat *submat, int col)
Definition: core_c.h:406
cvCreateImageHeader
IplImage * cvCreateImageHeader(CvSize size, int depth, int channels)
Creates an image header but does not allocate the image data.
ushort
unsigned short ushort
Definition: interface.h:48
CvMoments::mu11
double mu11
Definition: types_c.h:400
cv::solveLP
int solveLP(const Mat &Func, const Mat &Constr, Mat &z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
cv::StereoSGBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::Vec
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:306
cv::UMat::operator()
UMat operator()(Range rowRange, Range colRange) const
extracts a rectangular sub-matrix
cv::bioinspired::TransientAreasSegmentationModule::run
virtual void run(InputArray inputToSegment, const int channelIndex=0)=0
main processing method, get result using methods getSegmentationPicture()
cv::FileNodeIterator::SeqReader::block_max
schar * block_max
Definition: persistence.hpp:676
cv::Mat::ptr
uchar * ptr(const Vec< int, n > &idx)
cv::cuda::calcSum
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
CV_PREV_SEQ_ELEM
#define CV_PREV_SEQ_ELEM(elem_size, reader)
Definition: types_c.h:1623
CV_Lab2LRGB
@ CV_Lab2LRGB
Definition: types_c.h:221
cv::detail::SphericalProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cvflann::L2_Simple::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:112
operations.hpp
cvflann::CompositeIndex::veclen
size_t veclen() const
Definition: composite_index.h:120
warp_shuffle.hpp
cv::linemod::DepthNormal::write
virtual void write(FileStorage &fs) const
CV_CUDEV_VEC_TRAITS_INST
#define CV_CUDEV_VEC_TRAITS_INST(type)
Definition: vec_traits.hpp:90
cv::ppf_match_3d::PPF3DDetector::setSearchParams
void setSearchParams(const double positionThreshold=-1, const double rotationThreshold=-1, const bool useWeightedClustering=false)
cv::BOWKMeansTrainer::BOWKMeansTrainer
BOWKMeansTrainer(int clusterCount, const TermCriteria &termcrit=TermCriteria(), int attempts=3, int flags=KMEANS_PP_CENTERS)
The constructor.
cv::Mat::~Mat
~Mat()
destructor - calls release()
cv::face::PredictCollector::~PredictCollector
virtual ~PredictCollector()
Definition: predict_collector.hpp:64
cv::dnn::Blob::umatRefConst
const UMat & umatRefConst() const
Returns reference to cv::UMat, containing blob data, for read-only purposes.
cv::datasets::SLAM_tumindoor::create
static Ptr< SLAM_tumindoor > create()
cvflann::KL_Divergence::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:694
cv::DescriptorMatcher::isMaskedOut
static bool isMaskedOut(InputArrayOfArrays masks, int queryIdx)
cv::face::BasicFaceRecognizer::setThreshold
virtual void setThreshold(double val)=0
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const ogl::Buffer &buf)
cv::linemod::Detector::class_templates
TemplatesMap class_templates
Definition: linemod.hpp:425
cv::ml::DTrees::create
static Ptr< DTrees > create()
Creates the empty model.
matlab::Traits< double >::ToString
static std::string ToString()
Definition: mxarray.hpp:187
cv::optflow::OpticalFlowPCAFlow::calc
void calc(InputArray I0, InputArray I1, InputOutputArray flow)
Calculates an optical flow.
NcvPoint2D32u::NcvPoint2D32u
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
cv::superres::FarnebackOpticalFlow::setLevelsNumber
virtual void setLevelsNumber(int val)=0
cv::detail::DisjointSets::mergeSets
int mergeSets(int set1, int set2)
cv::cudev::histogram_
__host__ Expr< HistogramBody< BIN_COUNT, SrcPtr > > histogram_(const SrcPtr &src)
Definition: reduction.hpp:231
cv::structured_light::GrayCodePattern
Class implementing the Gray-code pattern, based on .
Definition: graycodepattern.hpp:69
cv::cudev::ReduceToColumnBody
Definition: reduction.hpp:197
cv::L1::ValueType
T ValueType
Definition: features2d.hpp:758
cv::FileNode::read
void read(const FileNode &node, Mat &mat, const Mat &default_mat=Mat())
cv::videostab::ILog::~ILog
virtual ~ILog()
Definition: log.hpp:59
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_float &)
Definition: bridge.hpp:385
cvCamShift
int cvCamShift(const CvArr *prob_image, CvRect window, CvTermCriteria criteria, CvConnectedComp *comp, CvBox2D *box=NULL)
CV_SET_ELEM_IDX_MASK
#define CV_SET_ELEM_IDX_MASK
Definition: types_c.h:1302
cv::rgbd::ICPOdometry::cameraMatrix
Mat cameraMatrix
Definition: rgbd.hpp:870
CV_BayerGR2GRAY
@ CV_BayerGR2GRAY
Definition: types_c.h:233
cv::rgbd::RgbdNormals::~RgbdNormals
~RgbdNormals()
cv::createStitcher
Ptr< Stitcher > createStitcher(bool try_use_gpu=false)
cv::va_intel::convertFromVASurface
void convertFromVASurface(VADisplay display, VASurfaceID surface, Size size, OutputArray dst)
Converts VASurfaceID object to OutputArray.
cv::String::clear
void clear()
cv::cudev::getCols
__host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:97
cv::cudev::DefaultTransposePolicy::block_dim_y
@ block_dim_y
Definition: transpose.hpp:88
cv::ocl::Context::create
bool create()
cl_addressing_mode
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT const cl_device_id const size_t const unsigned char cl_int cl_int *CL_RUNTIME_EXPORT const cl_device_id const char cl_int *CL_RUNTIME_EXPORT const char const size_t cl_int *CL_RUNTIME_EXPORT cl_addressing_mode
Definition: opencl_core.hpp:293
cv::CAP_PVAPI_FSTRIGMODE_FREERUN
@ CAP_PVAPI_FSTRIGMODE_FREERUN
Freerun.
Definition: videoio.hpp:294
cv::MatCommaInitializer_::operator,
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
CV_BGR2YUV
@ CV_BGR2YUV
Definition: types_c.h:225
cv::videostab::VideoFileSource::width
int width()
cvflann::FLANN_DIST_EUCLIDEAN
@ FLANN_DIST_EUCLIDEAN
Definition: defines.h:129
cv::cudev::DefaultReduceToVecPolicy
Definition: reduce_to_vec.hpp:212
cv::Mat::push_back
void push_back(const Mat &m)
Cv_iplCreateROI
IplROI *(CV_STDCALL * Cv_iplCreateROI)(int, int, int, int, int)
Definition: core_c.h:1940
cv::detail::CameraParams::t
Mat t
Definition: camera.hpp:70
cv::bridge::Bridge::toPtrFeatureDetector
Ptr_FeatureDetector toPtrFeatureDetector()
Definition: bridge.hpp:443
cv::GeneralizedHoughGuil::getXi
virtual double getXi() const =0
cv::TLSDataContainer
Definition: utility.hpp:609
cv::detail::PlaneWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
cv::rgbd::RgbdICPOdometry::getMaxDepth
double getMaxDepth() const
Definition: rgbd.hpp:921
cvflann::CompositeIndex::CompositeIndex
CompositeIndex(const Matrix< ElementType > &inputData, const IndexParams &params=CompositeIndexParams(), Distance d=Distance())
Definition: composite_index.h:84
cv::ocl::Kernel::preferedWorkGroupSizeMultiple
size_t preferedWorkGroupSizeMultiple() const
cv::videostab::ImageMotionEstimatorBase
Base class for global 2D motion estimation methods which take frames as input.
Definition: global_motion.hpp:176
cv::Stitcher::setBlender
void setBlender(Ptr< detail::Blender > b)
Definition: stitching.hpp:231
cv::cuda::DeviceInfo::kernelExecTimeoutEnabled
bool kernelExecTimeoutEnabled() const
specified whether there is a run time limit on kernels
retinafasttonemapping.hpp
cv::videostab::StabilizerBase::setUp
virtual void setUp(const Mat &firstFrame)
cv::flann::Index
Definition: miniflann.hpp:129
cv::Size_::Size_
Size_()
various constructors
cv::Mat::Mat
Mat(int rows, int cols, int type, const Scalar &s)
cvGraphAddEdgeByPtr
int cvGraphAddEdgeByPtr(CvGraph *graph, CvGraphVtx *start_vtx, CvGraphVtx *end_vtx, const CvGraphEdge *edge=NULL, CvGraphEdge **inserted_edge=NULL)
INCVMemAllocator
Definition: NCV.hpp:462
cv::CvHaarEvaluator::FeatureHaar::eval
bool eval(const Mat &image, Rect ROI, float *result) const
cv::stereo::StereoBinarySGBM::MODE_HH
@ MODE_HH
Definition: stereo.hpp:206
cv::line_descriptor::DrawLinesMatchesFlags
Definition: descriptor.hpp:1318
cv::linemod::Match::operator<
bool operator<(const Match &rhs) const
Sort matches with high similarity to the front.
Definition: linemod.hpp:291
IplImage::imageData
char * imageData
Definition: types_c.h:325
cv::convertPointsFromHomogeneous
void convertPointsFromHomogeneous(InputArray src, OutputArray dst)
Converts points from homogeneous to Euclidean space.
matlab
Definition: map.hpp:46
nppiStVectorWarp_PSF1x1_32f_C1
NCVStatus nppiStVectorWarp_PSF1x1_32f_C1(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f timeScale, Ncv32f *pDst)
HaarClassifierCascadeDescriptor::NumClassifierRootNodes
Ncv32u NumClassifierRootNodes
Definition: NCVHaarObjectDetection.hpp:335
cv::Error::BadNumChannel1U
@ BadNumChannel1U
Definition: base.hpp:85
cv::flann::SavedIndexParams
Definition: miniflann.hpp:119
tinyxml2::XMLDocument::Clear
void Clear()
Clear the document, resetting it to the initial state.
cv::tracking::UnscentedKalmanFilterParams::MP
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:128
cv::SimilarRects
Definition: objdetect.hpp:122
cv::cuda::HoughLinesDetector::setDoSort
virtual void setDoSort(bool doSort)=0
cv::Mat_::zeros
static MatExpr zeros(int rows, int cols)
overridden forms of Mat::zeros() etc. Data type is omitted, of course
cv::bioinspired::SegmentationParameters
parameter structure that stores the transient events detector setup parameters
Definition: transientareassegmentationmodule.hpp:82
cv::cudev::TypeTraits
Definition: type_traits.hpp:129
cv::structured_light::DECODE_3D_UNDERWORLD
@ DECODE_3D_UNDERWORLD
Kyriakos Herakleous, Charalambos Poullis. “3DUNDERWORLD-SLS: An Open-Source Structured-Light Scanning...
Definition: structured_light.hpp:56
cvCreateTrackbar
int cvCreateTrackbar(const char *trackbar_name, const char *window_name, int *value, int count, CvTrackbarCallback on_change=NULL)
cv::hal::DCT2D::~DCT2D
virtual ~DCT2D()
Definition: hal.hpp:218
cv::videostab::WobbleSuppressorBase::frameCount_
int frameCount_
Definition: wobble_suppression.hpp:89
cv::COLOR_BGRA2BGR
@ COLOR_BGRA2BGR
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:523
cvCalcMatMulDeriv
void cvCalcMatMulDeriv(const CvMat *A, const CvMat *B, CvMat *dABdA, CvMat *dABdB)
cv::MatConstIterator_::operator*
const _Tp & operator*() const
returns the current matrix element
cvPtr2D
uchar * cvPtr2D(const CvArr *arr, int idx0, int idx1, int *type=NULL)
cv::ROISelector::handlerT::box
Rect2d box
Definition: tracker.hpp:1375
cv::ShapeContextDistanceExtractor::getShapeContextWeight
virtual float getShapeContextWeight() const =0
cv::aruco::CharucoBoard::getChessboardSize
Size getChessboardSize() const
Definition: charuco.hpp:106
cv::SORT_EVERY_ROW
@ SORT_EVERY_ROW
each matrix row is sorted independently
Definition: core.hpp:148
cv::Mat_::Mat_
Mat_(const Mat_ &m, const Range *ranges)
selects a submatrix, n-dim version
cv::line_descriptor::KeyLine::class_id
int class_id
Definition: descriptor.hpp:112
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11, _Tp v12, _Tp v13, _Tp v14, _Tp v15)
1x16, 4x4 or 16x1 matrix
tinyxml2::XMLElement::SetText
void SetText(bool value)
Convenience method for setting text inside and element. See SetText() for important limitations.
cv::viz::Widget3D::Widget3D
Widget3D()
Definition: widgets.hpp:184
CV_CAP_PROP_XI_DEFAULT_CC_MATRIX
@ CV_CAP_PROP_XI_DEFAULT_CC_MATRIX
Definition: videoio_c.h:348
cv::cudev::gridTransformTuple
__host__ void gridTransformTuple(const SrcPtr &src, const tuple< GpuMat_< D0 > &, GpuMat_< D1 > & > &dst, const OpTuple &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:471
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s, Stream &stream)
sets some of the GpuMat elements to s (Non-Blocking call)
cv::cudev::sobelY_
__host__ Expr< SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelY_(const SrcPtr &src)
Definition: deriv.hpp:90
fclose
fclose(outfile)
cv::dnn::Net::setNetInputs
void setNetInputs(const std::vector< String > &inputBlobNames)
Sets outputs names of the network input pseudo layer.
cv::viz::WWidgetMerger::finalize
void finalize()
Repacks internal structure to single widget.
cv::detail::Timelapser::initialize
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes)
cv::UMat::UMat
UMat(const UMat &m)
copy constructor
cv::instr::TYPE_MARKER
@ TYPE_MARKER
Definition: utility.hpp:1093
cv::convexityDefects
void convexityDefects(InputArray contour, InputArray convexhull, OutputArray convexityDefects)
Finds the convexity defects of a contour.
cv::cuda::CannyEdgeDetector::detect
virtual void detect(InputArray image, OutputArray edges, Stream &stream=Stream::Null())=0
Finds edges in an image using the algorithm.
CvKalman::error_cov_pre
CvMat * error_cov_pre
Definition: tracking_c.h:194
cv::detail::FisheyeWarper
Definition: warpers.hpp:302
cv::COLOR_BayerRG2RGB
@ COLOR_BayerRG2RGB
Definition: imgproc.hpp:742
hashnode_i
Definition: t_hash_int.hpp:61
cvflann::KMeansIndex::~KMeansIndex
virtual ~KMeansIndex()
Definition: kmeans_index.h:388
cvReduce
void cvReduce(const CvArr *src, CvArr *dst, int dim=-1, int op=0)
CvGraphVtx2D
Definition: types_c.h:1355
cv::ocl::Device::OpenCLVersion
String OpenCLVersion() const
cv::TrackerFeature::selection
virtual void selection(Mat &response, int npoints)=0
Identify most effective features.
tinyxml2::XMLNode::FirstChild
const XMLNode * FirstChild() const
Get the first child node, or null if none exists.
Definition: tinyxml2.h:678
cv::text::OCRHMMDecoder::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)
Recognize text using HMM.
cv::superres::createOptFlow_Farneback
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
cv::viz::MouseEvent::MouseButton
MouseButton
Definition: types.hpp:251
cv::cudev::ThreshBinaryFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
cv::bridge::Bridge::Bridge
Bridge(const mxArray *obj)
Definition: bridge.hpp:215
cv::Matx::solve
Vec< _Tp, n > solve(const Vec< _Tp, m > &rhs, int method) const
cv::rgbd::RgbdOdometry::computeImpl
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const
CV_CAP_PROP_XI_CC_MATRIX_12
@ CV_CAP_PROP_XI_CC_MATRIX_12
Definition: videoio_c.h:338
cv::FileStorage::~FileStorage
virtual ~FileStorage()
the destructor. calls release()
Cv32suf::i
int i
Definition: cvdef.h:330
cv::ml::SVM::getKernelType
virtual int getKernelType() const =0
cv::ppf_match_3d::PPF3DDetector::~PPF3DDetector
virtual ~PPF3DDetector()
cv::superres::PyrLKOpticalFlow::getWindowSize
virtual int getWindowSize() const =0
cv::Matx::div
Matx< _Tp, m, n > div(const Matx< _Tp, m, n > &a) const
divide two matrices element-wise
cv::cudev::VecTraits< char2 >::elem_type
schar elem_type
Definition: vec_traits.hpp:160
cv::text::ERStat::level
int level
Definition: erfilter.hpp:76
cv::hdf::HDF5::H5_GETDIMS
@ H5_GETDIMS
Definition: hdf5.hpp:62
cv::rgbd::RgbdOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: rgbd.hpp:714
cv::datasets::FR_adienceObj::fiducial_yaw_angle
int fiducial_yaw_angle
Definition: fr_adience.hpp:79
cv::videostab::DeblurerBase::motions_
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
cv::hal::gemm64fc
void gemm64fc(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::CvHOGEvaluator::Feature::write
void write(FileStorage &fs, int varIdx) const
cv::datasets::GR_skigObj::background
backgroundType background
Definition: gr_skig.hpp:99
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11, _Tp v12, _Tp v13)
1x14, 2x7, 7x2 or 14x1 matrix
cv::cudev::IsUnaryFunction::No
Definition: functional.hpp:877
cv::calibrationMatrixValues
void calibrationMatrixValues(InputArray cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio)
Computes useful camera characteristics from the camera matrix.
tinyxml2::XMLComment::XMLComment
XMLComment(XMLDocument *doc)
cv::bioinspired::TransientAreasSegmentationModule::getParameters
virtual SegmentationParameters getParameters()=0
return the current parameters setup
cv::ogl::POLYGON
@ POLYGON
Definition: opengl.hpp:488
cv::instr::NodeData
Definition: utility.hpp:1115
cv::ocl::initializeContextFromHandle
void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
cv::parallel_for_
void parallel_for_(const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
Parallel data processor.
cv::CAP_PVAPI_DECIMATION_2OUTOF16
@ CAP_PVAPI_DECIMATION_2OUTOF16
2 out of 16 decimation
Definition: videoio.hpp:305
cv::ml::EM::setTermCriteria
virtual void setTermCriteria(const TermCriteria &val)=0
CvHuMoments::hu4
double hu4
Definition: types_c.h:426
cv::cuda::createScharrFilter
Ptr< Filter > createScharrFilter(int srcType, int dstType, int dx, int dy, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a vertical or horizontal Scharr operator.
cv::WImageBuffer3_b
WImageBufferC< uchar, 3 > WImageBuffer3_b
Definition: wimage.hpp:73
cv::AutoLock
Definition: utility.hpp:596
cv::Mat::Mat
Mat(int rows, int cols, int type, void *data, size_t step=AUTO_STEP)
cv::cudev::NormL2::mySum
result_type mySum
Definition: vec_distance.hpp:127
cvSave
void cvSave(const char *filename, const void *struct_ptr, const char *name=NULL, const char *comment=NULL, CvAttrList attributes=cvAttrList())
Saves an object to a file.
cv::CylindricalWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:86
cv::multicalib::MultiCameraCalibration::PINHOLE
@ PINHOLE
Definition: multicalib.hpp:76
cv::CAP_MODE_YUYV
@ CAP_MODE_YUYV
YUYV.
Definition: videoio.hpp:173
clCreateCommandQueue
#define clCreateCommandQueue
Definition: opencl_core_wrappers.hpp:19
cv::cuda::blendLinear
void blendLinear(InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null())
Performs linear blending of two images.
cv::AutoBuffer::resize
void resize(size_t _size)
resizes the buffer and preserves the content
cv::ppf_match_3d::computeBboxStd
void computeBboxStd(Mat pc, float xRange[2], float yRange[2], float zRange[2])
cv::datasets::IR_robotObj::pos
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
cvflann::DynamicBitset::resize
void resize(size_t sz)
Definition: dynamic_bitset.h:119
cv::cudev::LaplacianPtr
Definition: deriv.hpp:327
cv::cudev::magnitude_func
Definition: functional.hpp:614
cv::detail::OrbFeaturesFinder::OrbFeaturesFinder
OrbFeaturesFinder(Size _grid_size=Size(3, 1), int nfeatures=1500, float scaleFactor=1.3f, int nlevels=5)
cv::cuda::OpticalFlowDual_TVL1::getLambda
virtual double getLambda() const =0
cv::operator|
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
Definition: intrin_cpp.hpp:444
matlab::MxArray::MxArray
MxArray(size_t m, size_t n, size_t k, mxClassID id, mxComplexity com=matlab::Traits<>::Real)
explicit typed constructor
Definition: mxarray.hpp:284
tinyxml2::DynArray::Mem
T * Mem()
Definition: tinyxml2.h:281
cv::BOWImgDescriptorExtractor::compute2
void compute2(const Mat &image, std::vector< KeyPoint > &keypoints, Mat &imgDescriptor)
Definition: features2d.hpp:1342
cv::v_load_deinterleave
void v_load_deinterleave(const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b)
Load and deinterleave (2 channels)
Definition: intrin_cpp.hpp:1088
cv::cuda::HoughCirclesDetector::detect
virtual void detect(InputArray src, OutputArray circles, Stream &stream=Stream::Null())=0
Finds circles in a grayscale image using the Hough transform.
CV_INTER_LANCZOS4
@ CV_INTER_LANCZOS4
Definition: types_c.h:363
cv::stereo::StereoBinarySGBM::setP1
virtual void setP1(int P1)=0
cv::bridge::Bridge::toVectorVectorDMatch
vector_vector_DMatch toVectorVectorDMatch()
Definition: bridge.hpp:421
cv::datasets::cameraPos::images
std::vector< std::string > images
Definition: ir_robot.hpp:67
CvMoments::mu12
double mu12
Definition: types_c.h:400
cv::rgbd::ICPOdometry::setTransformType
void setTransformType(int val)
Definition: rgbd.hpp:829
widgets.hpp
cv::viz::WImage3D::WImage3D
WImage3D(InputArray image, const Size2d &size, const Vec3d &center, const Vec3d &normal, const Vec3d &up_vector)
Constructs an WImage3D.
cv::videostab::StabilizerBase::frameSize_
Size frameSize_
Definition: stabilizer.hpp:121
cv::GeneralizedHough::setCannyLowThresh
virtual void setCannyLowThresh(int cannyLowThresh)=0
Canny low threshold.
NCVBroxOpticalFlow.hpp
cv::optflow::GPCForest
Definition: sparse_matching_gpc.hpp:200
cvhalFilter2D
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
cv::cudev::not_equal_to::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:145
cv::cudev::GpuMat_::upload
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
cv::Mat::cols
int cols
Definition: mat.hpp:1959
cv::datasets::OR_mnistObj
Definition: or_mnist.hpp:61
cv::rgbd::RgbdICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val)
Definition: rgbd.hpp:909
OPENCV_HAL_IMPL_C_PACK_STORE
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1696
tinyxml2::XMLPrinter::PushAttribute
void PushAttribute(const char *name, int value)
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, String dslabel, const int *dims_offset, const int *dims_counts) const =0
Insert or overwrite a Mat object into specified dataset and autoexpand dataset size if unlimited prop...
cv::detail::GraphCutSeamFinder::~GraphCutSeamFinder
~GraphCutSeamFinder()
cv::ppf_match_3d::hashtableRemove
int hashtableRemove(hashtable_int *hashtbl, KeyType key)
cv::detail::FeatherBlender::sharpness
float sharpness() const
Definition: blenders.hpp:104
cv::ocl::Platform::initializeContextFromHandle
friend void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
cv::cudacodec::EncoderParams::DisableCabac
int DisableCabac
NVVE_DISABLE_CABAC,.
Definition: cudacodec.hpp:101
cv::Tracker::create
static Ptr< Tracker > create(const String &trackerType)
Creates a tracker by its name.
cv::aruco::DetectorParameters::maxMarkerPerimeterRate
double maxMarkerPerimeterRate
Definition: aruco.hpp:135
cv::detail::MatchesInfo
Structure containing information about matches between two images.
Definition: matchers.hpp:207
CV_EXPORTS
#define CV_EXPORTS
Definition: cvdef.h:361
cv::drawMatches
void drawMatches(InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, InputOutputArray outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), int flags=DrawMatchesFlags::DEFAULT)
Draws the found matches of keypoints from two images.
hal_ni_filter
int hal_ni_filter(cvhalFilter2D *context, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y)
hal_filter
Definition: hal_replacement.hpp:122
cv::directx::ocl::initializeContextFromDirect3DDevice9
Context & initializeContextFromDirect3DDevice9(IDirect3DDevice9 *pDirect3DDevice9)
Creates OpenCL context from Direct3DDevice9 device.
cv::Algorithm::read
static Ptr< _Tp > read(const FileNode &fn)
Reads algorithm from the file node.
Definition: core.hpp:3055
cv::cudev::gridTranspose
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
cv::SparseMat_::SparseMat_
SparseMat_(const SparseMat &m)
the copy constructor. If DataType<_Tp>.type != m.type(), the m elements are converted
cvOr
void cvOr(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
cv::MergeRobertson::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
CvPoint3D64f::x
double x
Definition: types_c.h:986
cv::AgastFeatureDetector
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:474
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(const std::vector< std::string > &images)=0
Calls the pipeline in order to perform Eclidean reconstruction.
IplROI::height
int height
Definition: types_c.h:348
cvDiv
void cvDiv(const CvArr *src1, const CvArr *src2, CvArr *dst, double scale=1)
cv::structured_light::SinusoidalPattern::unwrapPhaseMap
virtual void unwrapPhaseMap(InputArrayOfArrays wrappedPhaseMap, OutputArray unwrappedPhaseMap, cv::Size camSize, InputArray shadowMask=noArray())=0
Unwrap the wrapped phase map to remove phase ambiguities.
cv::aruco::Dictionary::getBitsFromByteList
static Mat getBitsFromByteList(const Mat &byteList, int markerSize)
Transform list of bytes to matrix of bits.
cv::Allocator::~Allocator
~Allocator()
Definition: cvstd.hpp:140
cv::CvHaarFeatureParams::printAttrs
virtual void printAttrs() const
cv::linemod::Detector::writeClass
void writeClass(const String &class_id, FileStorage &fs) const
cv::bridge::vector_Rect
std::vector< cv::Rect > vector_Rect
Definition: bridge.hpp:77
cv::detail::Graph::forEach
B forEach(B body) const
clReleaseDevice
#define clReleaseDevice
Definition: opencl_core.hpp:236
cv::cudev::numeric_limits< schar >::min
__device__ static __forceinline__ schar min()
Definition: limits.hpp:69
cv::plot::Plot2d::setPlotBackgroundColor
virtual void setPlotBackgroundColor(Scalar _plotBackgroundColor)=0
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cv::saveWindowParameters
void saveWindowParameters(const String &windowName)
Saves parameters of the specified window.
CV_BayerGR2RGB
@ CV_BayerGR2RGB
Definition: types_c.h:178
cv::WINDOW_GUI_EXPANDED
@ WINDOW_GUI_EXPANDED
status bar and tool bar
Definition: highgui.hpp:190
cv::bridge::vector_vector_DMatch
std::vector< std::vector< cv::DMatch > > vector_vector_DMatch
Definition: bridge.hpp:76
cv::detail::DpSeamFinder::setCostFunction
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:126
cv::ml::SVM::getNu
virtual double getNu() const =0
cv::sfm::BaseSFM::~BaseSFM
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:160
CvFont::nameFont
const char * nameFont
Definition: imgproc_c.h:1120
cv::cuda::transformPoints
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
cv::dnn::BlobShape::like
static BlobShape like(const UMat &m)
Returns shape of passed UMat.
cv::cudacodec::FormatInfo::codec
Codec codec
Definition: cudacodec.hpp:275
cv::TrackerFeature::~TrackerFeature
virtual ~TrackerFeature()
cv::TonemapReinhard::getIntensity
virtual float getIntensity() const =0
cv::cudev::unary_function
Definition: functional.hpp:63
cv::face::BasicFaceRecognizer::getProjections
virtual std::vector< cv::Mat > getProjections() const =0
cv::ocl::Kernel::set
int set(int i, const Image2D &image2D)
cv::CommandLineParser::impl
Impl * impl
Definition: utility.hpp:877
cvRectToROI
IplROI cvRectToROI(CvRect rect, int coi)
Definition: types_c.h:809
cv::instr::NodeData::m_implType
cv::instr::IMPL m_implType
Definition: utility.hpp:1124
cv::videostab::OnePassStabilizer::nextFrame
virtual Mat nextFrame()
Definition: stabilizer.hpp:148
cv::ocl::KernelArg
Definition: ocl.hpp:355
cv::linemod::Detector::TemplatePyramid
std::vector< Template > TemplatePyramid
Definition: linemod.hpp:423
CV_GAUSSIAN
@ CV_GAUSSIAN
Definition: types_c.h:78
cv::Param::FLOAT
@ FLOAT
Definition: core.hpp:3116
cv::videostab::StabilizerBase::estimateStabilizationMotion
virtual Mat estimateStabilizationMotion()=0
cv::groupRectangles
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
cv::ogl::Texture2D::format
Format format() const
cvTriangulatePoints
void cvTriangulatePoints(CvMat *projMatr1, CvMat *projMatr2, CvMat *projPoints1, CvMat *projPoints2, CvMat *points4D)
cudaimgproc.hpp
cvSet
void cvSet(CvArr *arr, CvScalar value, const CvArr *mask=NULL)
Sets every element of an array to a given value.
cv::dnn::Blob::rows
int rows() const
Returns size of the thrid axis blob.
cvv::impl::CallMetaData::function
const char * function
Definition: call_meta_data.hpp:48
K_WARP_SIZE
const Ncv32u K_WARP_SIZE
Definition: NCV.hpp:236
CvRect::width
int width
Definition: types_c.h:782
cv::FileStorage::write
void write(const String &name, InputArray val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::hal::addWeighted64f
void addWeighted64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scalars)
cvReleaseData
void cvReleaseData(CvArr *arr)
Releases array data.
highgui_c.h
CV_CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
@ CV_CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
Definition: videoio_c.h:253
cv::superres::SuperResolution::getKernelSize
virtual int getKernelSize() const =0
Kernel size of Bilateral-TV filter.
cv::medianBlur
void medianBlur(InputArray src, OutputArray dst, int ksize)
Blurs an image using the median filter.
cv::Point_::cross
double cross(const Point_ &pt) const
cross-product
cv::ocl::Device::image2DMaxWidth
size_t image2DMaxWidth() const
clCreateProgramWithSource
#define clCreateProgramWithSource
Definition: opencl_core_wrappers.hpp:49
cv::_OutputArray::_OutputArray
_OutputArray(const cuda::GpuMat &d_mat)
cv_vsqrt_f32
float32x2_t cv_vsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:119
cv::MatSize::operator[]
int & operator[](int i)
cv::text::detectRegions
void detectRegions(InputArray image, const Ptr< ERFilter > &er_filter1, const Ptr< ERFilter > &er_filter2, std::vector< std::vector< Point > > &regions)
cv::multicalib::MultiCameraCalibration::edge::photoIndex
int photoIndex
Definition: multicalib.hpp:86
cv::sfm::libmv_CameraIntrinsicsOptions::image_width
int image_width
Definition: simple_pipeline.hpp:105
cv::Mat::ptr
const uchar * ptr(int row, int col) const
cv::cudev::asinh
__device__ __forceinline__ double4 asinh(const double4 &a)
Definition: vec_math.hpp:373
cv::Seq::copyTo
void copyTo(std::vector< _Tp > &vec, const Range &range=Range::all()) const
copies the whole sequence or the sequence slice to the specified vector
Definition: core_c.h:3071
cv::cudev::AffineMapPtrSz
Definition: warping.hpp:78
pyramids.hpp
cv::cudev::atanh
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
cv::AffineWarper
Affine warper factory class.
Definition: warpers.hpp:75
CvMatND::step
int step
Definition: types_c.h:646
cv::bioinspired::SegmentationParameters::localEnergy_temporalConstant
float localEnergy_temporalConstant
the time constant of the first order low pass filter, use it to cut high temporal frequencies (noise ...
Definition: transientareassegmentationmodule.hpp:97
CV_RGB2XYZ
@ CV_RGB2XYZ
Definition: types_c.h:155
cv::cuda::FarnebackOpticalFlow::setNumIters
virtual void setNumIters(int numIters)=0
cv::Algorithm::Algorithm
Algorithm()
cv::aruco::DetectorParameters::cornerRefinementMaxIterations
int cornerRefinementMaxIterations
Definition: aruco.hpp:142
cv::DistanceTransformMasks
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:320
cv::StereoBM::getSmallerBlockSize
virtual int getSmallerBlockSize() const =0
cv::rgbd::DepthCleaner::getWindowSize
int getWindowSize() const
Definition: rgbd.hpp:258
cv::aruco::DetectorParameters::adaptiveThreshWinSizeMax
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:131
NCVMatrixAlloc::getAllocatorsAlignment
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
cv::Stitcher::seamFinder
Ptr< detail::SeamFinder > seamFinder()
Definition: stitching.hpp:225
cv::videostab::IFrameSource::nextFrame
virtual Mat nextFrame()=0
cv::getRotationMatrix2D
Mat getRotationMatrix2D(Point2f center, double angle, double scale)
Calculates an affine matrix of 2D rotation.
cv::Param::UCHAR
@ UCHAR
Definition: core.hpp:3117
cv::freetype::FreeType2::putText
virtual void putText(InputOutputArray img, const String &text, Point org, int fontHeight, Scalar color, int thickness, int line_type, bool bottomLeftOrigin)=0
Draws a text string.
cv::videostab::TwoPassStabilizer::setEstimateTrimRatio
void setEstimateTrimRatio(bool val)
Definition: stabilizer.hpp:170
cv::cudev::BrdBase::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:112
cv::MatOp::subtract
virtual void subtract(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
cv::datasets::AR_hmdb::load
virtual void load(const std::string &path)=0
cv::hal::cvtBGRtoLab
void cvtBGRtoLab(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isLab, bool srgb)
cv::Range
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:541
cv::IMWRITE_PNG_BILEVEL
@ IMWRITE_PNG_BILEVEL
Binary level PNG, 0 or 1, default is 0.
Definition: imgcodecs.hpp:90
cv::cudacodec::EncoderCallBack::onEndFrame
virtual void onEndFrame(int frameNumber, PicType picType)=0
Callback function signals that the encoding operation on the frame has finished.
affine.hpp
cv::dnn::BNLLLayer::create
static Ptr< BNLLLayer > create()
cv::dnn::Blob::reshaped
Blob reshaped(const BlobShape &newShape) const
Changes shape of the blob without copying the data.
cv::SparseMatConstIterator::m
const SparseMat * m
Definition: mat.hpp:3070
cv::FileStorage::getDefaultObjectName
static String getDefaultObjectName(const String &filename)
Returns the normalized object name for the specified name of a file.
cv::INTER_CUBIC
@ INTER_CUBIC
Definition: imgproc.hpp:273
cvflann::FLANN_INT32
@ FLANN_INT32
Definition: defines.h:159
cv::COLOR_BayerGB2BGR
@ COLOR_BayerGB2BGR
Definition: imgproc.hpp:736
cv::Mat::isSubmatrix
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
cv::cudev::warpAffinePtr
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > warpAffinePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:100
cv::cuda::StereoBeliefPropagation::setDataWeight
virtual void setDataWeight(double data_weight)=0
cv::Matx16f
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:201
cv::cuda::ALPHA_ATOP
@ ALPHA_ATOP
Definition: cudaimgproc.hpp:159
clGetExtensionFunctionAddressForPlatform_pfn
CL_RUNTIME_EXPORT void *CL_API_CALL * clGetExtensionFunctionAddressForPlatform_pfn(cl_platform_id, const char *)
cv::ml::KNearest::findNearest
virtual float findNearest(InputArray samples, int k, OutputArray results, OutputArray neighborResponses=noArray(), OutputArray dist=noArray()) const =0
Finds the neighbors and predicts responses for input vectors.
CV_DIST_MASK_PRECISE
@ CV_DIST_MASK_PRECISE
Definition: types_c.h:544
cv::cuda::DeviceInfo::maxTexture1DLinear
int maxTexture1DLinear() const
maximum size for 1D textures bound to linear memory
phase_unwrapping.hpp
cv::SparseMatConstIterator::SparseMatConstIterator
SparseMatConstIterator(const SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::TrackerStateEstimatorAdaBoosting::updateImpl
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)
cv::Rect_::Rect_
Rect_(const Point_< _Tp > &org, const Size_< _Tp > &sz)
cv::ocl::memopTypeToStr
const char * memopTypeToStr(int t)
cv::ocl::typeToStr
const char * typeToStr(int t)
cv::cudev::blockTransfrom
__device__ static __forceinline__ void blockTransfrom(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
cv::linemod::Feature::label
int label
Quantization.
Definition: linemod.hpp:67
cv::FlannBasedMatcher::flannIndex
Ptr< flann::Index > flannIndex
Definition: features2d.hpp:1100
cv::v_reinterpret_as_u64
v_uint64x2 v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1568
cv::REDUCE_MAX
@ REDUCE_MAX
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:237
cv::VideoWriter::open
virtual bool open(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
Initializes or reinitializes video writer.
cv::detail::CameraParams::K
Mat K() const
IplImage::nSize
int nSize
Definition: types_c.h:302
cv::cuda::DeviceInfo::maxTexture1DMipmap
int maxTexture1DMipmap() const
maximum 1D mipmapped texture size
cv::MSER
Maximally stable extremal region extractor.
Definition: features2d.hpp:345
HaarFeatureDescriptor32::getNumFeatures
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:166
cv::viz::Viz3d::addLight
void addLight(Vec3d position, Vec3d focalPoint=Vec3d(0, 0, 0), Color color=Color::white(), Color diffuseColor=Color::white(), Color ambientColor=Color::black(), Color specularColor=Color::white())
Add a light in the scene.
CvHaarClassifier::alpha
float * alpha
Definition: objdetect_c.h:90
cv::CAP_PROP_XI_WB_KR
@ CAP_PROP_XI_WB_KR
White balance red coefficient.
Definition: videoio.hpp:370
cv::MatExpr::t
MatExpr t() const
cv::cudev::vmax4
__device__ __forceinline__ uint vmax4(uint a, uint b)
Definition: simd_functions.hpp:870
cv::DFT_ROWS
@ DFT_ROWS
Definition: base.hpp:225
cv::Stitcher::exposureCompensator
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:221
NCVMatrix::memType
NCVMemoryType memType() const
Definition: NCV.hpp:828
cv::ml::SVMSGD::getMarginType
virtual int getMarginType() const =0
Margin type, one of SVMSGD::MarginType.
cvMulTransposed
void cvMulTransposed(const CvArr *src, CvArr *dst, int order, const CvArr *delta=NULL, double scale=1.)
cv::WImageBufferC::Allocate
void Allocate(int width, int height)
Definition: wimage.hpp:525
cv::TickMeter::start
void start()
Definition: utility.hpp:298
cv::Subdiv2D::nextEdge
int nextEdge(int edge) const
Returns next edge around the edge origin.
cvflann::anyimpl::base_any_policy::~base_any_policy
virtual ~base_any_policy()
Definition: any.h:51
eigen.hpp
cv::hal::add32f
void add32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cvFindChessboardCorners
int cvFindChessboardCorners(const void *image, CvSize pattern_size, CvPoint2D32f *corners, int *corner_count=NULL, int flags=1+2)
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsLocalAdaptationSensitivity
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
cv::RETR_FLOODFILL
@ RETR_FLOODFILL
Definition: imgproc.hpp:437
cv::UMatData::tempUMat
bool tempUMat() const
cv::viz::WSphere
This 3D Widget defines a sphere. :
Definition: widgets.hpp:274
CV_WND_PROP_VISIBLE
@ CV_WND_PROP_VISIBLE
Definition: highgui_c.h:114
cv::videostab::StabilizerBase::inpainter
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:96
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const cudev::GpuMat_< _Tp > &m)
cv::Mat::total
size_t total() const
Returns the total number of array elements.
cv::superres::DualTVL1OpticalFlow::getIterations
virtual int getIterations() const =0
cv::superres::BroxOpticalFlow::setSolverIterations
virtual void setSolverIterations(int val)=0
Number of linear system solver iterations.
tinyxml2::XMLDocument::GetErrorStr1
const char * GetErrorStr1() const
Return a possibly helpful diagnostic location or string.
Definition: tinyxml2.h:1665
cv::FileStorage::operator[]
FileNode operator[](const String &nodename) const
Returns the specified element of the top-level mapping.
cv::COLOR_BGR5552RGBA
@ COLOR_BGR5552RGBA
Definition: imgproc.hpp:566
cv::cudev::vcmpge4
__device__ __forceinline__ uint vcmpge4(uint a, uint b)
Definition: simd_functions.hpp:745
cv::cuda::Event::elapsedTime
static float elapsedTime(const Event &start, const Event &end)
computes the elapsed time between events
cv::TrackerSamplerCS::TrackerSamplerCS
TrackerSamplerCS(const TrackerSamplerCS::Params &parameters=TrackerSamplerCS::Params())
Constructor.
cv::rgbd::RgbdPlane::setMethod
void setMethod(int val)
Definition: rgbd.hpp:416
cv::SimilarRects::operator()
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
CV_LOAD_IMAGE_COLOR
@ CV_LOAD_IMAGE_COLOR
Definition: imgcodecs_c.h:62
cv::Rect_::Rect_
Rect_(const Point_< _Tp > &pt1, const Point_< _Tp > &pt2)
cv::structured_light::SinusoidalPattern::Params::markersLocation
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
cv::MercatorWarper
Definition: warpers.hpp:153
cv::MatConstIterator::m
const Mat * m
Definition: mat.hpp:2911
cv::cuda::StreamAccessor::getStream
static cudaStream_t getStream(const Stream &stream)
expr.hpp
cv::detail::AffineBestOf2NearestMatcher::match
void match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info)
This method must implement matching logic in order to make the wrappers detail::FeaturesMatcher::oper...
CvMat
Definition: types_c.h:424
matlab::ArgumentParser::ArgumentParser
ArgumentParser(const String &method_name)
Definition: mxarray.hpp:605
cv::ximgproc::SuperpixelSEEDS::iterate
virtual void iterate(InputArray img, int num_iterations=4)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
cv::dnn::BlobShape::BlobShape
BlobShape(int num, int cn, int rows, int cols)
Creates 4-dim shape [num, cn, rows, cols].
OPENCV_HAL_IMPL_SHIFT_OP
#define OPENCV_HAL_IMPL_SHIFT_OP(shift_op)
Helper macro.
Definition: intrin_cpp.hpp:829
cv::COLOR_GRAY2RGB
@ COLOR_GRAY2RGB
Definition: imgproc.hpp:541
cv::stereo::StereoBinarySGBM::getBinaryKernelType
virtual int getBinaryKernelType() const =0
cv::ccalib::CustomPattern::create
bool create(InputArray pattern, const Size2f boardSize, OutputArray output=noArray())
cv::WindowPropertyFlags
WindowPropertyFlags
Flags for cv::setWindowProperty / cv::getWindowProperty.
Definition: highgui.hpp:195
cv::reg::MapperGradEuclid::getMap
cv::Ptr< Map > getMap(void) const
cv::hal::xor8u
void xor8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::Matx66f
Matx< float, 6, 6 > Matx66f
Definition: matx.hpp:230
cv::face::StandardCollector::minRes
PredictResult minRes
Definition: predict_collector.hpp:93
cvflann::CENTERS_GONZALES
@ CENTERS_GONZALES
Definition: defines.h:114
cv::_InputArray::_InputArray
_InputArray(const Mat_< _Tp > &m)
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
cv::GeneralizedHough::setMaxBufferSize
virtual void setMaxBufferSize(int maxBufferSize)=0
Maximal size of inner buffers.
cv::datasets::AR_sports::load
virtual void load(const std::string &path)=0
cvflann::LinearIndex::LinearIndex
LinearIndex(const Matrix< ElementType > &inputData, const IndexParams &params=LinearIndexParams(), Distance d=Distance())
Definition: linear_index.h:57
cv::StereoMatcher::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::ocl::Image2D
Definition: ocl.hpp:707
cv::SVD::compute
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w)
cv::Tracker::read
virtual void read(const FileNode &fn)=0
Reads algorithm parameters from a file storage.
cv::CvFeatureEvaluator::generateFeatures
virtual void generateFeatures()=0
cv::datasets::PD_caltech::create
static Ptr< PD_caltech > create()
cv::SparsePyrLKOpticalFlow::getWinSize
virtual Size getWinSize() const =0
cvflann::IndexHeader::version
char version[16]
Definition: saving.h:72
cv::Range::Range
Range(int _start, int _end)
saturate_cast.hpp
cvflann::ResultSet::full
virtual bool full() const =0
INCVMemAllocator::isInitialized
virtual NcvBool isInitialized(void) const =0
cv::SparseMat_::ref
_Tp & ref(int i0, int i1, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(i0, i1, hashval)
sparse_matching_gpc.hpp
Implementation of the Global Patch Collider.
cv::COLOR_RGB2BGRA
@ COLOR_RGB2BGRA
Definition: imgproc.hpp:527
cv::_InputArray::_InputArray
_InputArray(const std::vector< Mat > &vec)
cv::_OutputArray
This type is very similar to InputArray except that it is used for input/output and output function p...
Definition: mat.hpp:268
cv::detail::PairwiseSeamFinder::sizes_
std::vector< Size > sizes_
Definition: seam_finders.hpp:99
cv::cudev::atan
__device__ __forceinline__ float1 atan(const uchar1 &a)
Definition: vec_math.hpp:330
cvflann::FLANN_CHECKS_UNLIMITED
@ FLANN_CHECKS_UNLIMITED
Definition: defines.h:171
CV_CAP_PROP_XI_WB_KG
@ CV_CAP_PROP_XI_WB_KG
Definition: videoio_c.h:306
cv::MatOp::invert
virtual void invert(const MatExpr &expr, int method, MatExpr &res) const
cv::Seq::operator[]
_Tp & operator[](int idx)
returns read-write reference to the specified element
Definition: core_c.h:2984
cv::FileStorage::getFirstTopLevelNode
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
cv::CAP_V4L
@ CAP_V4L
V4L/V4L2 capturing support via libv4l.
Definition: videoio.hpp:91
cv::detail::HomographyBasedEstimator
Homography based rotation estimator.
Definition: motion_estimators.hpp:99
cv::INTER_LINEAR
@ INTER_LINEAR
Definition: imgproc.hpp:271
cv::cudacodec::EncoderCallBack::onBeginFrame
virtual void onBeginFrame(int frameNumber, PicType picType)=0
Callback function to signal that the encoding operation on the frame has started.
cv::cudev::LutPtr::tbl
TablePtr tbl
Definition: lut.hpp:66
cv::CALIB_ZERO_DISPARITY
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:275
cv::sfm::BaseSFM::getCameras
virtual void getCameras(OutputArray Rs, OutputArray Ts)=0
tinyxml2::XMLNode::_firstChild
XMLNode * _firstChild
Definition: tinyxml2.h:841
cv::cuda::calcOpticalFlowBM
void calcOpticalFlowBM(const GpuMat &prev, const GpuMat &curr, Size block_size, Size shift_size, Size max_range, bool use_previous, GpuMat &velx, GpuMat &vely, GpuMat &buf, Stream &stream=Stream::Null())
Calculates optical flow for 2 images using block matching algorithm *‍/.
cv::rgbd::RgbdPlane::setMinSize
void setMinSize(int val)
Definition: rgbd.hpp:408
cv::operator>=
v_reg< _Tp, n > operator>=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than or equal comparison.
Definition: intrin_cpp.hpp:621
cv::cuda::HostMem::depth
int depth() const
cvGetRectSubPix
void cvGetRectSubPix(const CvArr *src, CvArr *dst, CvPoint2D32f center)
Retrieves the rectangular image region with specified center from the input array.
cv::Subdiv2D::swapEdges
void swapEdges(int edge)
cv::TrackerFeatureSet::selection
void selection()
Identify most effective features for all feature types (optional)
cv::superres::DualTVL1OpticalFlow::getScalesNumber
virtual int getScalesNumber() const =0
cv::cuda::DeviceInfo::maxThreadsDim
Vec3i maxThreadsDim() const
maximum size of each dimension of a block
cvReleaseMemStorage
void cvReleaseMemStorage(CvMemStorage **storage)
CV_RADIOBOX
@ CV_RADIOBOX
Definition: highgui_c.h:96
cv::cudev::derivYPtr
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
cv::ocl::KernelArg::ReadOnly
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:372
cv::cuda::log
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
cv::cuda::FeatureSet
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:593
cv::dnn::BlobShape::xsize
int xsize(int axis) const
Returns the size of the specified axis.
cv::cudev::GlobPtr::index_type
int index_type
Definition: glob.hpp:65
cv::ml::ANN_MLP::setRpropDWMin
virtual void setRpropDWMin(double val)=0
cvPyrDown
void cvPyrDown(const CvArr *src, CvArr *dst, int filter=CV_GAUSSIAN_5x5)
Smoothes the input image with gaussian kernel and then down-samples it.
cv::cuda::HoughCirclesDetector::setMaxRadius
virtual void setMaxRadius(int maxRadius)=0
cv::FLOODFILL_MASK_ONLY
@ FLOODFILL_MASK_ONLY
Definition: imgproc.hpp:396
cv::ppf_match_3d::PoseCluster3D::numVotes
int numVotes
Definition: pose_3d.hpp:178
cv::datasets::OR_imagenetObj::id
int id
Definition: or_imagenet.hpp:62
cv::aruco::Dictionary::identify
bool identify(const Mat &onlyBits, int &idx, int &rotation, double maxCorrectionRate) const
Given a matrix of bits. Returns whether if marker is identified or not. It returns by reference the c...
clReleaseKernel
#define clReleaseKernel
Definition: opencl_core_wrappers.hpp:217
CV_PROP
#define CV_PROP
Definition: cvdef.h:379
cv::DescriptorMatcher::DescriptorCollection::getDescriptor
const Mat getDescriptor(int globalDescIdx) const
CV_CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
@ CV_CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio_c.h:243
cv::cudev::RemapPtr1
Definition: remap.hpp:61
cv::Mat_::depth
int depth() const
cv::Subdiv2D::vtx
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1150
cv::motempl::updateMotionHistory
void updateMotionHistory(InputArray silhouette, InputOutputArray mhi, double timestamp, double duration)
Updates the motion history image by a moving silhouette.
cv::viz::WPlane::WPlane
WPlane(const Point3d &center, const Vec3d &normal, const Vec3d &new_yaxis, const Size2d &size=Size2d(1.0, 1.0), const Color &color=Color::white())
Constructs a repositioned plane.
CV_CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT
@ CV_CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT
Definition: videoio_c.h:385
CV_CAP_PROP_XI_CC_MATRIX_21
@ CV_CAP_PROP_XI_CC_MATRIX_21
Definition: videoio_c.h:341
tinyxml2::XMLUnknown::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *document) const
cv::cuda::GpuMat::create
void create(int rows, int cols, int type)
allocates new GpuMat data unless the GpuMat already has specified size and type
cv::StereoBM::setROI1
virtual void setROI1(Rect roi1)=0
CV_Error
#define CV_Error(code, msg)
Call the error handler.
Definition: base.hpp:390
hal_ni_cvtXYZtoBGR
int hal_ni_cvtXYZtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue)
hal_cvtXYZtoBGR
Definition: hal_replacement.hpp:430
cv::ParamType< Algorithm >::member_type
Ptr< Algorithm > member_type
Definition: core.hpp:3173
cv::face::FaceRecognizer::load
virtual void load(const FileStorage &fs)=0
cv::_InputArray::_InputArray
_InputArray(const double &val)
cv::cuda::GpuMat::rowRange
GpuMat rowRange(Range r) const
cv::transpose
void transpose(InputArray src, OutputArray dst)
Transposes a matrix.
cv::datasets::sampleType
sampleType
Definition: pd_inria.hpp:61
cv::aruco::DICT_6X6_50
@ DICT_6X6_50
Definition: dictionary.hpp:150
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator(const SparseMatIterator &it)
the copy constructor
cv::Mat_::ones
static MatExpr ones(Size size)
cv::CvHaarFeatureParams::read
virtual bool read(const FileNode &node)
clEnqueueReadBuffer
#define clEnqueueReadBuffer
Definition: opencl_core_wrappers.hpp:112
cvRawDataToScalar
void cvRawDataToScalar(const void *data, int type, CvScalar *scalar)
tinyxml2::XMLComment::ToComment
virtual const XMLComment * ToComment() const
Definition: tinyxml2.h:911
cv::COLOR_HSV2BGR
@ COLOR_HSV2BGR
backward conversions to RGB/BGR
Definition: imgproc.hpp:592
cvflann::ChiSquareDistance::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:676
cv::cudev::DerivYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
cv::Mat_::Mat_
Mat_(int _rows, int _cols)
equivalent to Mat(_rows, _cols, DataType<_Tp>::type)
CV_IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
@ CV_IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
Definition: imgcodecs_c.h:93
cv::SparseMat::Hdr::nodeCount
size_t nodeCount
Definition: mat.hpp:2526
cv::cudev::IsBinaryFunction::No
Definition: functional.hpp:890
cv::Error::Code
Code
error codes
Definition: base.hpp:68
timer.h
nppiStIntegralGetSize_32f32f
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cvCbrt
float cvCbrt(float value)
cvFindFundamentalMat
int cvFindFundamentalMat(const CvMat *points1, const CvMat *points2, CvMat *fundamental_matrix, int method=8, double param1=3., double param2=0.99, CvMat *status=NULL)
face.hpp
cv::videostab::NullInpainter
Definition: inpainting.hpp:103
cv::contourArea
double contourArea(InputArray contour, bool oriented=false)
Calculates a contour area.
cv::cudev::VecTraits< char3 >::all
__host__ __device__ static __forceinline__ char3 all(schar v)
Definition: vec_traits.hpp:170
cv::reg::MapperGradAffine::~MapperGradAffine
~MapperGradAffine(void)
cv::videostab::StabilizerBase::finalFrame_
Mat finalFrame_
Definition: stabilizer.hpp:129
cv::MatOp::elementWise
virtual bool elementWise(const MatExpr &expr) const
cv::CAP_PROP_OPENNI2_MIRROR
@ CAP_PROP_OPENNI2_MIRROR
Definition: videoio.hpp:233
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const std::vector< DMatch > &value)
cv_vrnd_s32_f32
int32x2_t cv_vrnd_s32_f32(float32x2_t v)
Definition: neon_utils.hpp:52
cv::line_descriptor::BinaryDescriptor::operator()
virtual void operator()(InputArray image, InputArray mask, std::vector< KeyLine > &keylines, OutputArray descriptors, bool useProvidedKeyLines=false, bool returnFloatDescr=false) const
Define operator '()' to perform detection of KeyLines and computation of descriptors in a row.
cv::UMat::ones
static UMat ones(int rows, int cols, int type)
tinyxml2::XMLUnknown::~XMLUnknown
virtual ~XMLUnknown()
cv::cudev::vcmpeq4
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
CV_EVENT_LBUTTONDBLCLK
@ CV_EVENT_LBUTTONDBLCLK
Definition: highgui_c.h:185
cv::cuda::HOG::setWinSigma
virtual void setWinSigma(double win_sigma)=0
Gaussian smoothing window parameter.
cv::MatOp::add
virtual void add(const MatExpr &expr1, const Scalar &s, MatExpr &res) const
cv::detail::RotationWarperBase::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
hal_ni_sqrt64f
int hal_ni_sqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:440
CV_MAT_TYPE
#define CV_MAT_TYPE(flags)
Definition: cvdef.h:391
cv::detail::BundleAdjusterBase::setRefinementMask
void setRefinementMask(const Mat &mask)
Definition: motion_estimators.hpp:133
cvflann::BranchStruct::BranchStruct
BranchStruct()
Definition: result_set.h:55
cvflann::MinkowskiDistance::ElementType
T ElementType
Definition: dist.h:263
cv::Moments::mu30
double mu30
Definition: types.hpp:867
cv::v_check_any
bool v_check_any(const v_reg< _Tp, n > &a)
Check if any of packed values is less than zero.
Definition: intrin_cpp.hpp:896
CV_TERMCRIT_ITER
#define CV_TERMCRIT_ITER
Definition: types_c.h:829
cv::FlannBasedMatcher::create
static Ptr< FlannBasedMatcher > create()
cvflann::flann_log_level_t
flann_log_level_t
Definition: defines.h:119
cv::Feature2D::defaultNorm
virtual int defaultNorm() const
cv::OutputArray
const _OutputArray & OutputArray
Definition: mat.hpp:381
cv::cuda::GpuMat::row
GpuMat row(int y) const
returns a new GpuMat header for the specified row
cv::AutoLock::~AutoLock
~AutoLock()
Definition: utility.hpp:599
cv::TrackerFeatureHAAR::Params
Definition: tracker.hpp:1002
cv::cudev::AffineMapPtr::index_type
float index_type
Definition: warping.hpp:64
imgcodecs_c.h
cv::TrackerFeatureSet::getResponses
const std::vector< Mat > & getResponses() const
Get the responses.
cv::tracking::UnscentedKalmanFilterParams::k
double k
Default is 0.
Definition: kalman_filters.hpp:140
cv::rgbd::ICPOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: rgbd.hpp:845
cv::detail::BundleAdjusterBase::cam_params_
Mat cam_params_
Definition: motion_estimators.hpp:206
hal_ni_add8u
int hal_ni_add8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:76
cv::ccalib::CustomPattern::setDescriptorMatcher
bool setDescriptorMatcher(Ptr< DescriptorMatcher > matcher)
CvKalman::state_post
CvMat * state_post
Definition: tracking_c.h:186
clReleaseEvent
#define clReleaseEvent
Definition: opencl_core_wrappers.hpp:214
cv::sfm::projectionsFromFundamental
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
cv::stereo::SymetricCensus
paralel implementation of the center symetric census
Definition: descriptor.hpp:366
cv::datasets::poseType
poseType
Definition: gr_skig.hpp:75
cv::hal::cvtBGR5x5toGray
void cvtBGR5x5toGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
cv::Mat::t
MatExpr t() const
Transposes a matrix.
cv::Tracker::getModel
Ptr< TrackerModel > getModel()
Definition: tracker.hpp:568
cv::write
void write(FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
cv::cuda::DeviceInfo::canMapHostMemory
bool canMapHostMemory() const
device can map host memory with cudaHostAlloc/cudaHostGetDevicePointer
cv::cudacodec::VideoReader::~VideoReader
virtual ~VideoReader()
Definition: cudacodec.hpp:290
CV_GRAPH_VERTEX_FIELDS
#define CV_GRAPH_VERTEX_FIELDS()
Definition: types_c.h:1337
CvAvgComp::rect
CvRect rect
Definition: objdetect_c.h:119
cv::optflow::GPCTrainingParams::check
bool check() const
Definition: sparse_matching_gpc.hpp:146
cv::Matx23f
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:215
cv::videostab::ConsistentMosaicInpainter::setStdevThresh
void setStdevThresh(float val)
Definition: inpainting.hpp:132
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, double alpha, double beta=0.0) const
converts GpuMat to another datatype with scaling (Blocking call)
cv::Seq::Seq
Seq()
the default constructor
Definition: core_c.h:2971
cvv::debugFilter
static void debugFilter(cv::InputArray original, cv::InputArray result, impl::CallMetaData metaData=impl::CallMetaData(), const char *description=nullptr, const char *view=nullptr)
Use the debug-framework to compare two images (from which the second is intended to be the result of ...
Definition: filter.hpp:36
IplImage::alphaChannel
int alphaChannel
Definition: types_c.h:305
cv::aruco::DICT_4X4_100
@ DICT_4X4_100
Definition: dictionary.hpp:143
CvPoint3D32f::y
float y
Definition: types_c.h:939
cv::UMat::addref
void addref()
increases the reference counter; use with care to avoid memleaks
cv::_InputArray::offset
size_t offset(int i=-1) const
cv::glob
void glob(String pattern, std::vector< String > &result, bool recursive=false)
cv::StereoMatcher::setBlockSize
virtual void setBlockSize(int blockSize)=0
tinyxml2::StrPair::SetInternedStr
void SetInternedStr(const char *str)
Definition: tinyxml2.h:178
cv::cudev::Sum::rebind::other
Sum< U > other
Definition: reduce_to_vec.hpp:71
cv::DMatch::imgIdx
int imgIdx
Definition: types.hpp:746
cv::v_reinterpret_as_u32
v_uint32x4 v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1564
cv::viz::WCameraPosition
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:544
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::horizontalCellsGain
float horizontalCellsGain
Definition: retina.hpp:162
cv::videostab::DeblurerBase::setRadius
virtual void setRadius(int val)
Definition: deblurring.hpp:66
cv::Subdiv2D::calcVoronoi
void calcVoronoi()
cv::QT_FONT_BLACK
@ QT_FONT_BLACK
Weight of 87.
Definition: highgui.hpp:235
CV_GRAY2RGBA
@ CV_GRAY2RGBA
Definition: types_c.h:126
cv::StrongClassifierDirectSelection::getReplacedClassifier
int getReplacedClassifier() const
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< std::vector< _Tp > > &vec)
cv::cudev::binary_function::second_argument_type
_Arg2 second_argument_type
Definition: functional.hpp:71
cv::reg::MapAffine
Definition: mapaffine.hpp:53
cv::WImageView_f
WImageView< float > WImageView_f
Definition: wimage.hpp:76
cv::rgbd::ICPOdometry::getTransformType
int getTransformType() const
Definition: rgbd.hpp:825
cv::COLOR_BayerRG2GRAY
@ COLOR_BayerRG2GRAY
Definition: imgproc.hpp:747
cvflann::NNIndex::veclen
virtual size_t veclen() const =0
tinyxml2::XMLNode::LinkEndChild
XMLNode * LinkEndChild(XMLNode *addThis)
Definition: tinyxml2.h:754
cv::String::reference
char & reference
Definition: cvstd.hpp:481
cvSetSeqReaderPos
void cvSetSeqReaderPos(CvSeqReader *reader, int index, int is_relative=0)
cv::HistogramCostExtractor::setDefaultCost
virtual void setDefaultCost(float defaultCost)=0
cv::bridge::Bridge::empty
bool empty() const
Definition: bridge.hpp:170
CV_CAP_PROP_ANDROID_WHITE_BALANCE
@ CV_CAP_PROP_ANDROID_WHITE_BALANCE
Definition: videoio_c.h:416
warpers.hpp
cv::optflow::VariationalRefinement::setDelta
virtual void setDelta(float val)=0
Weight of the color constancy term.
tinyxml2::XMLText::XMLText
XMLText(XMLDocument *doc)
Definition: tinyxml2.h:893
cv::cuda::HostMem::create
void create(int rows, int cols, int type)
allocates new matrix data unless the matrix already has specified size and type.
cv::TrackerMIL::Params::samplerTrackInRadius
float samplerTrackInRadius
radius for gathering positive instances during tracking
Definition: tracker.hpp:1096
cv::datasets::PascalPart::xmax
int xmax
Definition: or_pascal.hpp:64
cv::Mat::copyTo
void copyTo(OutputArray m, InputArray mask) const
CvLineIterator::ptr
uchar * ptr
Definition: types_c.h:1081
cv::linemod::Detector::classIds
std::vector< String > classIds() const
cv::TrackerStateEstimatorSVM::estimateImpl
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)
cv::detail::FeaturesMatcher::collectGarbage
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:253
cv::DescriptorMatcher::match
void match(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< DMatch > &matches, InputArray mask=noArray()) const
Finds the best match for each descriptor from a query set.
cv::dnn::EltwiseLayer::EltwiseOp
EltwiseOp
Definition: all_layers.hpp:391
cv::cudev::ResizePtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
CV_RETR_EXTERNAL
@ CV_RETR_EXTERNAL
Definition: types_c.h:446
cv::ogl::Texture2D::rows
int rows() const
NCVMatrixReuse
Definition: NCV.hpp:920
cv::datasets::tag::height
int height
Definition: tr_svt.hpp:63
matlab::MxArray::operator=
MxArray & operator=(const mxArray *ptr)
Definition: mxarray.hpp:272
cv::WarperCreator::create
virtual Ptr< detail::RotationWarper > create(float scale) const =0
cv::FastFeatureDetector::TYPE_9_16
@ TYPE_9_16
Definition: features2d.hpp:424
cv::TrackerTLD::Params::read
void read(const FileNode &)
tinyxml2::XMLDeclaration
Definition: tinyxml2.h:943
cv::PROJ_SPHERICAL_ORTHO
@ PROJ_SPHERICAL_ORTHO
Definition: imgproc.hpp:354
cv::cudev::GpuMat_::create
__host__ void create(Size asize)
cvRQDecomp3x3
void cvRQDecomp3x3(const CvMat *matrixM, CvMat *matrixR, CvMat *matrixQ, CvMat *matrixQx=NULL, CvMat *matrixQy=NULL, CvMat *matrixQz=NULL, CvPoint3D64f *eulerAngles=NULL)
CV_YUV2BGRA_YUNV
@ CV_YUV2BGRA_YUNV
Definition: types_c.h:312
cv::FileStorage::write
void write(FileStorage &fs, const String &name, int value)
cv::Subdiv2D::QuadEdge::isfree
bool isfree() const
CVVISUAL_THREAD_LOCAL
#define CVVISUAL_THREAD_LOCAL
Definition: debug_mode.hpp:7
cvCalcHist
void cvCalcHist(IplImage **image, CvHistogram *hist, int accumulate=0, const CvArr *mask=NULL)
Definition: imgproc_c.h:771
cv::instr::NodeData::operator=
NodeData & operator=(const NodeData &)
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3, _Tp s4, _Tp s5, _Tp s6, _Tp s7)
Constructor.
Definition: intrin_cpp.hpp:267
cvUndistortPoints
void cvUndistortPoints(const CvMat *src, CvMat *dst, const CvMat *camera_matrix, const CvMat *dist_coeffs, const CvMat *R=0, const CvMat *P=0)
Computes the original (undistorted) feature coordinates from the observed (distorted) coordinates.
cv::Vec6f
Vec< float, 6 > Vec6f
Definition: matx.hpp:384
cv::rgbd::OdometryFrame::pyramidImage
std::vector< Mat > pyramidImage
Definition: rgbd.hpp:511
NCVMatrixReuse::NCVMatrixReuse
NCVMatrixReuse(const NCVMatrix< T > &mat, NcvRect32u roi)
Definition: NCV.hpp:961
cv::EMDHistogramCostExtractor::getNormFlag
virtual int getNormFlag() const =0
CV_YUV420p2GRAY
@ CV_YUV420p2GRAY
Definition: types_c.h:275
cv::SparseMat::ptr
uchar * ptr(const int *idx, bool createMissing, size_t *hashval=0)
returns pointer to the specified element (nD case)
cv::SparseMat_::operator()
_Tp operator()(int i0, int i1, int i2, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(i0, i1, i2, hashval)
cv::line_descriptor::BinaryDescriptorMatcher::BinaryDescriptorMatcher
BinaryDescriptorMatcher()
Constructor.
CV_INTER_NN
@ CV_INTER_NN
Definition: types_c.h:359
cv::superres::FrameSource::nextFrame
virtual void nextFrame(OutputArray frame)=0
cv::detail::SphericalProjector
Definition: warpers.hpp:237
cv::BackgroundSubtractor::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
CvLevMarq::clear
void clear()
cvLoadWindowParameters
void cvLoadWindowParameters(const char *name)
cv::line_descriptor::BinaryDescriptor::getReductionRatio
int getReductionRatio()
Get current reduction ratio (used in Gaussian pyramids)
CV_YUV2GRAY_UYVY
@ CV_YUV2GRAY_UYVY
Definition: types_c.h:314
cvCreateData
void cvCreateData(CvArr *arr)
Allocates array data.
cv::bridge::Ptr_CalibrateRobertson
cv::Ptr< CalibrateRobertson > Ptr_CalibrateRobertson
Definition: bridge.hpp:86
cv::cuda::BackgroundSubtractorGMG
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:89
cv::superres::FarnebackOpticalFlow::getIterations
virtual int getIterations() const =0
CV_CAP_PROP_XI_FREE_FFS_SIZE
@ CV_CAP_PROP_XI_FREE_FFS_SIZE
Definition: videoio_c.h:406
cl_context_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_context_info
Definition: opencl_core.hpp:325
cv::ocl::Device::maxComputeUnits
int maxComputeUnits() const
cv::detail::FeatherBlender::feed
void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
cv::optflow::VariationalRefinement::getFixedPointIterations
virtual int getFixedPointIterations() const =0
Number of outer (fixed-point) iterations in the minimization procedure.
cv::GFTTDetector::getHarrisDetector
virtual bool getHarrisDetector() const =0
cv::cudev::NormL1::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
cvGetSeqElem
schar * cvGetSeqElem(const CvSeq *seq, int index)
cv::saliency::ObjectnessBING::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:283
cv::WImage1_16s
WImageC< short, 1 > WImage1_16s
Definition: wimage.hpp:93
cv::Matx61f
Matx< float, 6, 1 > Matx61f
Definition: matx.hpp:210
cv::_InputArray::getFlags
int getFlags() const
cv::CALIB_THIN_PRISM_MODEL
@ CALIB_THIN_PRISM_MODEL
Definition: calib3d.hpp:266
cv::ClfMilBoost::update
void update(const Mat &posx, const Mat &negx)
cv::videostab::OnePassStabilizer::reset
virtual void reset()
cv::WImageView::header_
IplImage header_
Definition: wimage.hpp:438
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< UMat > &vec)
cv::cudev::sqrt_func
Definition: functional.hpp:521
cv::cuda::StereoBeliefPropagation::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
CvPoint3D32f
Definition: types_c.h:937
clAmdFftSetPlanOutStride
#define clAmdFftSetPlanOutStride
Definition: opencl_clamdfft.hpp:96
cv::UMat::size
MatSize size
Definition: mat.hpp:2421
cv::cudev::VecTraits< schar >::all
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
cv::optflow::GPCTree::Node
Definition: sparse_matching_gpc.hpp:166
cv::CAP_PROP_EXPOSUREPROGRAM
@ CAP_PROP_EXPOSUREPROGRAM
Camera exposure program.
Definition: videoio.hpp:553
cvflann::NNIndex::saveIndex
virtual void saveIndex(FILE *stream)=0
Saves the index to a stream.
cv::cuda::GpuMat::colRange
GpuMat colRange(Range r) const
cv::TickMeter::getTimeSec
double getTimeSec() const
Definition: utility.hpp:343
cv::startWindowThread
int startWindowThread()
cv::ml::TrainData::setTrainTestSplitRatio
virtual void setTrainTestSplitRatio(double ratio, bool shuffle=true)=0
Splits the training data into the training and test parts.
cvBoxPoints
void cvBoxPoints(CvBox2D box, CvPoint2D32f pt[4])
Finds coordinates of the box vertices.
cv::MORPH_TOPHAT
@ MORPH_TOPHAT
Definition: imgproc.hpp:244
cv::reg::MapperGradSimilar::getMap
cv::Ptr< Map > getMap(void) const
cv::datasets::GR_chalearnObj::skeletons
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
cv::cuda::HOG::setHitThreshold
virtual void setHitThreshold(double hit_threshold)=0
cv::reg::MapAffine::MapAffine
MapAffine(void)
tinyxml2::DynArray::Push
void Push(T t)
Definition: tinyxml2.h:229
cv::BackgroundSubtractorKNN::getDist2Threshold
virtual double getDist2Threshold() const =0
Returns the threshold on the squared distance between the pixel and the sample.
cv::L2::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:745
Cv64suf::i
int64 i
Definition: cvdef.h:344
cv::CMP_GE
@ CMP_GE
src1 is greater than or equal to src2.
Definition: base.hpp:202
cv::FileNodeIterator::SeqReader::ptr
schar * ptr
Definition: persistence.hpp:674
cv::rgbd::RgbdNormals::setK
void setK(const cv::Mat &val)
Definition: rgbd.hpp:189
cv::face::StandardCollector::data
std::vector< PredictResult > data
Definition: predict_collector.hpp:94
cv::COLOR_BGR2HLS
@ COLOR_BGR2HLS
convert RGB/BGR to HLS (hue lightness saturation), color conversions
Definition: imgproc.hpp:589
cvflann::anyimpl::base_any_policy::move
virtual void move(void *const *src, void **dest)=0
cv::DFT_INVERSE
@ DFT_INVERSE
Definition: base.hpp:217
cv::text::OCRHMMDecoder::create
static Ptr< OCRHMMDecoder > create(const Ptr< OCRHMMDecoder::ClassifierCallback > classifier, const String &vocabulary, InputArray transition_probabilities_table, InputArray emission_probabilities_table, int mode=OCR_DECODER_VITERBI)
cv::dnn::SliceLayer::axis
int axis
Definition: all_layers.hpp:327
cvflann::KNNResultSet
Definition: result_set.h:153
CV_BGR5652RGBA
@ CV_BGR5652RGBA
Definition: types_c.h:137
cv::viz::Viz3d::operator=
Viz3d & operator=(const Viz3d &)
cv::String::find
size_t find(const String &str, size_t pos=0) const
cv::DCT_ROWS
@ DCT_ROWS
Definition: base.hpp:248
cvReshapeMatND
CvArr * cvReshapeMatND(const CvArr *arr, int sizeof_header, CvArr *header, int new_cn, int new_dims, int *new_sizes)
Changes the shape of a multi-dimensional array without copying the data.
cvflann::KMeansIndex::operator=
KMeansIndex & operator=(const KMeansIndex &)
cv::UMat::UMat
UMat(const UMat &m, const std::vector< Range > &ranges)
cvSeqSlice
CvSeq * cvSeqSlice(const CvSeq *seq, CvSlice slice, CvMemStorage *storage=NULL, int copy_data=0)
cv::Mat::size
MatSize size
Definition: mat.hpp:1978
cv::videostab::StabilizerBase::curStabilizedPos_
int curStabilizedPos_
Definition: stabilizer.hpp:124
cv::datasets::cameraParam::mat2
double mat2[3]
Definition: msm_epfl.hpp:63
cv::BORDER_REFLECT_101
@ BORDER_REFLECT_101
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:258
cv::COLOR_Lab2RGB
@ COLOR_Lab2RGB
Definition: imgproc.hpp:596
cvPoint
CvPoint cvPoint(int x, int y)
Definition: types_c.h:882
cv::detail::BundleAdjusterBase::termCriteria
TermCriteria termCriteria()
Definition: motion_estimators.hpp:142
cv::AKAZE::setDiffusivity
virtual void setDiffusivity(int diff)=0
cv::cudacodec::SF_NV12
@ SF_NV12
Definition: cudacodec.hpp:75
cv::RNG::operator()
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
cvUpdateMotionHistory
void cvUpdateMotionHistory(const CvArr *silhouette, CvArr *mhi, double timestamp, double duration)
cv::cudev::ConstantPtr
Definition: constant.hpp:58
cv::cudev::Max::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:134
cv::cuda::min
void min(InputArray src1, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
Computes the per-element minimum of two matrices (or a matrix and a scalar).
cv::DualTVL1OpticalFlow::getEpsilon
virtual double getEpsilon() const =0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
cv::TonemapReinhard::getColorAdaptation
virtual float getColorAdaptation() const =0
cv::cudev::DefaultCopyPolicy::block_size_x
@ block_size_x
Definition: copy.hpp:352
cv::cuda::OpticalFlowDual_TVL1::setNumIterations
virtual void setNumIterations(int iterations)=0
cvClearMemStorage
void cvClearMemStorage(CvMemStorage *storage)
cv::optflow::GPCMatchingParams
Class encapsulating matching parameters.
Definition: sparse_matching_gpc.hpp:152
cv::ColormapTypes
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4079
cv::v_magnitude
v_reg< _Tp, n > v_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Magnitude.
Definition: intrin_cpp.hpp:727
cv::cudev::DefaultTransposePolicy::tile_dim
@ tile_dim
Definition: transpose.hpp:87
cv::cudev::saturate_cast< uint >
__device__ __forceinline__ uint saturate_cast< uint >(schar v)
Definition: saturate_cast.hpp:241
cvmGet
double cvmGet(const CvMat *mat, int row, int col)
Returns the particular element of single-channel floating-point matrix.
Definition: types_c.h:557
cv::Size_::area
_Tp area() const
the area (width*height)
CvAttrList
List of attributes. :
Definition: types_c.h:1713
cv::SVD::FULL_UV
@ FULL_UV
Definition: core.hpp:2563
cv::Detector::getConfImageDisplay
const cv::Mat & getConfImageDisplay() const
Definition: onlineBoosting.hpp:238
cv::CvLBPEvaluator::Feature::Feature
Feature()
cv::BackgroundSubtractorMOG2::setDetectShadows
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
cv::FlannBasedMatcher::add
virtual void add(InputArrayOfArrays descriptors)
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
cv::aruco::DetectorParameters::adaptiveThreshConstant
double adaptiveThreshConstant
Definition: aruco.hpp:133
cv::cuda::BackgroundSubtractorGMG::getBackgroundPrior
virtual double getBackgroundPrior() const =0
cv::ml::LogisticRegression::predict
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const =0
Predicts responses for input samples and returns a float type.
cv::Mat::checkVector
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...
cv::cuda::DeviceInfo::ComputeModeExclusive
@ ComputeModeExclusive
Definition: cuda.hpp:727
cv::videostab::TwoPassStabilizer::nextFrame
virtual Mat nextFrame()
cv::videostab::StabilizerBase::radius_
int radius_
Definition: stabilizer.hpp:116
cv::linemod::Feature::x
int x
x offset
Definition: linemod.hpp:65
cv::datasets::OR_pascalObj::objects
std::vector< PascalObj > objects
Definition: or_pascal.hpp:86
cv::ximgproc::EdgeAwareInterpolator::setUsePostProcessing
virtual void setUsePostProcessing(bool _use_post_proc)=0
Sets whether the fastGlobalSmootherFilter() post-processing is employed. It is turned on by default.
cv::ogl::Arrays::setAutoRelease
void setAutoRelease(bool flag)
Sets auto release mode all inner buffers.
cv::CAP_PVAPI_PIXELFORMAT_BGR24
@ CAP_PVAPI_PIXELFORMAT_BGR24
Bgr24.
Definition: videoio.hpp:314
cv::optflow::GPCTree::Node::operator==
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:172
cv::Stitcher::setFeaturesFinder
void setFeaturesFinder(Ptr< detail::FeaturesFinder > features_finder)
Definition: stitching.hpp:189
cv::ximgproc::ARO_CTR_HOR
@ ARO_CTR_HOR
Definition: fast_hough_transform.hpp:73
cv::Mat_::value_type
_Tp value_type
Definition: mat.hpp:2039
cv::cnn_3dobj::descriptorExtractor::loadNet
void loadNet(const String &model_file, const String &trained_file, const String &mean_file="")
Initiate a classification structure, the net work parameter is stored in model_file,...
cv::cudev::gridCountNonZero_
__host__ void gridCountNonZero_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:250
cv::cuda::HostMem::isContinuous
bool isContinuous() const
cv::v_setzero_s32
v_int32x4 v_setzero_s32()
Definition: intrin_cpp.hpp:1523
cv::ml::LogisticRegression::setTrainMethod
virtual void setTrainMethod(int val)=0
cv::ml::DTrees::setTruncatePrunedTree
virtual void setTruncatePrunedTree(bool val)=0
cv::CvHaarEvaluator::FeatureHaar::getInitSigma
float getInitSigma() const
cv::fastNlMeansDenoisingColoredMulti
void fastNlMeansDenoisingColoredMulti(InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoisingMulti function for colored images sequences.
seam_finders.hpp
cv::Mat_::channel_type
DataType< _Tp >::channel_type channel_type
Definition: mat.hpp:2040
cv::videostab::LpMotionStabilizer::setFrameSize
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
cv::cuda::FarnebackOpticalFlow::getPolyN
virtual int getPolyN() const =0
cv::ocl::haveOpenCL
bool haveOpenCL()
CvFileNode
Definition: types_c.h:1787
cv::cuda::BackgroundSubtractorMOG::setNoiseSigma
virtual void setNoiseSigma(double noiseSigma)=0
cv::WImage::PixelSize
int PixelSize() const
Definition: wimage.hpp:198
cv::Mat::mul
MatExpr mul(InputArray m, double scale=1) const
Performs an element-wise multiplication or division of the two matrices.
IplImage::tileInfo
struct _IplTileInfo * tileInfo
Definition: types_c.h:321
cv::ml::ParamGrid::minVal
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
cv::cudev::SobelYPtr::src
SrcPtr src
Definition: deriv.hpp:193
cv::COLOR_YUV2BGRA_UYVY
@ COLOR_YUV2BGRA_UYVY
Definition: imgproc.hpp:680
cv::Stitcher::blender
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:230
cv::EVENT_RBUTTONDOWN
@ EVENT_RBUTTONDOWN
indicates that the right mouse button is pressed.
Definition: highgui.hpp:207
cv::WImageC::WImageC
WImageC(IplImage *img)
Definition: wimage.hpp:262
cv::cudev::vavg4
__device__ __forceinline__ uint vavg4(uint a, uint b)
Definition: simd_functions.hpp:574
cv::xphoto::SimpleWB::getInputMin
virtual float getInputMin() const =0
Input image range minimum value.
cv::bioinspired::RETINA_COLOR_DIAGONAL
@ RETINA_COLOR_DIAGONAL
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
CV_YUV2BGRA_IYUV
@ CV_YUV2BGRA_IYUV
Definition: types_c.h:262
cv::Stitcher::component
std::vector< int > component() const
Definition: stitching.hpp:272
cv::cudev::LaplacianPtrSz::rows
int rows
Definition: deriv.hpp:371
cvKalmanCorrect
const CvMat * cvKalmanCorrect(CvKalman *kalman, const CvMat *measurement)
CV_CUDEV_RGB2HLS_INST
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
cv::cuda::GpuMat::Allocator::allocate
virtual bool allocate(GpuMat *mat, int rows, int cols, size_t elemSize)=0
cv::KeyPoint
Data structure for salient point detectors.
Definition: types.hpp:642
cv::Error::BadAlign
@ BadAlign
Definition: base.hpp:90
cv::stereo::MCTKernel::t
int t
Definition: descriptor.hpp:104
cv::superres::SuperResolution::getBlurSigma
virtual double getBlurSigma() const =0
Gaussian blur sigma.
cvFillConvexPoly
void cvFillConvexPoly(CvArr *img, const CvPoint *pts, int npts, CvScalar color, int line_type=8, int shift=0)
Fills convex or monotonous polygon.
cv::text::ERFILTER_NM_IHSGrad
@ ERFILTER_NM_IHSGrad
Definition: erfilter.hpp:250
cv::ocl
Definition: ocl.hpp:47
cvCreatePOSITObject
CvPOSITObject * cvCreatePOSITObject(CvPoint3D32f *points, int point_count)
CV_YUV2RGB_YUYV
@ CV_YUV2RGB_YUYV
Definition: types_c.h:300
cv::SeqIterator::operator--
SeqIterator & operator--()
moves iterator to the previous sequence element
Definition: core_c.h:3125
cv::stereo::StereoMatcher::DISP_SHIFT
@ DISP_SHIFT
Definition: stereo.hpp:82
cv::line_descriptor::drawKeylines
void drawKeylines(const Mat &image, const std::vector< KeyLine > &keylines, Mat &outImage, const Scalar &color=Scalar::all(-1), int flags=DrawLinesMatchesFlags::DEFAULT)
Draws keylines.
cv::ccalib::CustomPattern::setDescriptorExtractor
bool setDescriptorExtractor(Ptr< DescriptorExtractor > extractor)
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:969
cv::ORB::HARRIS_SCORE
@ HARRIS_SCORE
Definition: features2d.hpp:265
cv::dnn::reshape
void reshape(Mat &m, const BlobShape &shape)
Definition: shape_utils.hpp:63
cv::CAP_PROP_XI_BINNING_VERTICAL
@ CAP_PROP_XI_BINNING_VERTICAL
Vertical Binning - number of vertical photo-sensitive cells to combine together.
Definition: videoio.hpp:353
cv::stereo::StereoBinarySGBM::setP2
virtual void setP2(int P2)=0
cv::line_descriptor::KeyLine::lineLength
float lineLength
Definition: descriptor.hpp:141
cv::cuda::createBoxFilter
Ptr< Filter > createBoxFilter(int srcType, int dstType, Size ksize, Point anchor=Point(-1,-1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a normalized 2D box filter.
hal_ni_split16u
int hal_ni_split16u(const ushort *src_data, ushort **dst_data, int len, int cn)
Definition: hal_replacement.hpp:346
cv::v_uint64x2
v_reg< uint64, 2 > v_uint64x2
Two 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:370
HaarFeature64::getRect
__device__ __host__ void getRect(Ncv32u *rectX, Ncv32u *rectY, Ncv32u *rectWidth, Ncv32u *rectHeight)
Definition: NCVHaarObjectDetection.hpp:100
cv::WImage::operator=
void operator=(const WImage &)
cv::cudev::BinaryNegate::pred
Predicate pred
Definition: functional.hpp:812
RELATIVE_ERROR_FACTOR
#define RELATIVE_ERROR_FACTOR
Definition: descriptor.hpp:443
cv::videostab::PyrLkOptFlowEstimatorBase::maxLevel
virtual int maxLevel() const
Definition: optical_flow.hpp:88
cv::dnn::RNNLayer::create
static Ptr< RNNLayer > create()
cv::videostab::MotionInpainter::setBorderMode
void setBorderMode(int val)
Definition: inpainting.hpp:155
cv::AgastFeatureDetector::AGAST_7_12s
@ AGAST_7_12s
Definition: features2d.hpp:478
cv::detail::CompressedRectilinearProjector::b
float b
Definition: warpers.hpp:324
cv::detail::PlaneWarper::PlaneWarper
PlaneWarper(float scale=1.f)
Construct an instance of the plane warper class.
Definition: warpers.hpp:187
cv::FileStorage::FileStorage
FileStorage()
The constructors.
cv::xphoto::SimpleWB::getOutputMin
virtual float getOutputMin() const =0
Output image range minimum value.
cv::computeRecallPrecisionCurve
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
cv::viz::WTrajectorySpheres
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:659
cv::videostab::StabilizerBase::borderMode_
int borderMode_
Definition: stabilizer.hpp:119
cv::createBackgroundSubtractorMOG2
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
cvflann::simpleDistance< MinkowskiDistance< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:876
CV_YUV2BGRA_YVYU
@ CV_YUV2BGRA_YVYU
Definition: types_c.h:308
CvPluginFuncInfo
Definition: types_c.h:1844
CvMemStorage::parent
struct CvMemStorage * parent
Definition: types_c.h:1194
cv::Error::StsNotImplemented
@ StsNotImplemented
the requested function/feature is not implemented
Definition: base.hpp:113
cv::multicalib::MultiCameraCalibration::vertex::timestamp
int timestamp
Definition: multicalib.hpp:103
cv::cuda::equalizeHist
void equalizeHist(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Equalizes the histogram of a grayscale image.
cv::line_descriptor::BinaryDescriptorMatcher::match
void match(const Mat &queryDescriptors, const Mat &trainDescriptors, std::vector< DMatch > &matches, const Mat &mask=Mat()) const
For every input query descriptor, retrieve the best matching one from a dataset provided from user or...
cv::FileNode::isInt
bool isInt() const
returns true if the node is an integer
cv::MSER::getMaxArea
virtual int getMaxArea() const =0
cv::MatExpr::operator()
MatExpr operator()(const Range &rowRange, const Range &colRange) const
tinyxml2::XMLConstHandle::FirstChild
const XMLConstHandle FirstChild() const
Definition: tinyxml2.h:1864
simd_functions.hpp
cv::HOGDescriptor::getDefaultPeopleDetector
static std::vector< float > getDefaultPeopleDetector()
cv::StereoBM::getROI1
virtual Rect getROI1() const =0
cv::DataDepth::fmt
@ fmt
Definition: traits.hpp:268
cv::linemod::Modality::create
static Ptr< Modality > create(const FileNode &fn)
Load a modality from file.
cv::line_descriptor::DrawLinesMatchesFlags::DEFAULT
@ DEFAULT
Definition: descriptor.hpp:1321
cv::ml::TrainData::getVarSymbolFlags
Mat getVarSymbolFlags() const
cv::v_setall_s16
v_int16x8 v_setall_s16(short val)
Definition: intrin_cpp.hpp:1541
cv::ADAPTIVE_THRESH_MEAN_C
@ ADAPTIVE_THRESH_MEAN_C
Definition: imgproc.hpp:344
cv::videostab::ToFileMotionWriter
Definition: global_motion.hpp:204
cv::CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
@ CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio.hpp:516
cv::detail::Estimator
Rotation estimator base class.
Definition: motion_estimators.hpp:66
cv::detail::FeaturesFinder::find
virtual void find(InputArray image, ImageFeatures &features)=0
This method must implement features finding logic in order to make the wrappers detail::FeaturesFinde...
cv::cudev::vmin4
__device__ __forceinline__ uint vmin4(uint a, uint b)
Definition: simd_functions.hpp:892
cv::cudev::warpScanInclusive
__device__ T warpScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:59
CvFont::greek
const int * greek
Definition: imgproc_c.h:1124
cv::detail::MercatorWarper::MercatorWarper
MercatorWarper(float scale)
Definition: warpers.hpp:417
NCVMemStackAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
HaarClassifierNodeDescriptor32::create
__host__ NCVStatus create(Ncv32u offsetHaarClassifierNode)
Definition: NCVHaarObjectDetection.hpp:187
HaarFeatureDescriptor32
Definition: NCVHaarObjectDetection.hpp:117
cv::cuda::threshold
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type, Stream &stream=Stream::Null())
Applies a fixed-level threshold to each array element.
imgcodecs.hpp
cvCalcEMD2
float cvCalcEMD2(const CvArr *signature1, const CvArr *signature2, int distance_type, CvDistanceFunction distance_func=NULL, const CvArr *cost_matrix=NULL, CvArr *flow=NULL, float *lower_bound=NULL, void *userdata=NULL)
Computes earth mover distance between two weighted point sets (called signatures)
cv::ml::StatModel::isTrained
virtual bool isTrained() const =0
Returns true if the model is trained.
CV_BayerGB2RGB_EA
@ CV_BayerGB2RGB_EA
Definition: types_c.h:348
CV_CAP_OPENNI_DEPTH_GENERATOR_PRESENT
@ CV_CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio_c.h:241
CvConvexityDefect::depth
float depth
Definition: types_c.h:523
cv::StereoBM::setROI2
virtual void setROI2(Rect roi2)=0
cv::GeneralizedHoughGuil::getMinScale
virtual double getMinScale() const =0
cv::Point3_::operator=
Point3_ & operator=(const Point3_ &pt)
tinyxml2::XMLUnknown
Definition: tinyxml2.h:975
CvStereoBMState::speckleRange
int speckleRange
Definition: calib3d_c.h:342
cv::detail::DisjointSets::findSetByElem
int findSetByElem(int elem)
cv::dnn::Blob::matRefConst
const Mat & matRefConst() const
Returns reference to cv::Mat, containing blob data, for read-only purposes.
cv::COLOR_BayerGB2BGR_VNG
@ COLOR_BayerGB2BGR_VNG
Definition: imgproc.hpp:752
cv::ogl::RenderModes
RenderModes
render mode
Definition: opengl.hpp:478
CvTreeNodeIterator
Definition: core_c.h:1895
cv::flann::GenericIndex::getParameters
::cvflann::IndexParams getParameters()
Definition: flann.hpp:231
CV_FONT_BLACK
@ CV_FONT_BLACK
Definition: highgui_c.h:72
cv::cudev::NearestInterPtr::index_type
float index_type
Definition: interpolation.hpp:66
MIN
#define MIN(a, b)
Definition: cvdef.h:410
tinyxml2::XMLElement::SetAttribute
void SetAttribute(const char *name, unsigned value)
Sets the named attribute to value.
Definition: tinyxml2.h:1316
cv::detail::FeaturesFinder::isThreadSafe
bool isThreadSafe() const
uses dynamic_cast to determine thread-safety
cv::Mat::eye
static MatExpr eye(Size size, int type)
cv::text::OCRBeamSearchDecoder::create
static Ptr< OCRBeamSearchDecoder > create(const Ptr< OCRBeamSearchDecoder::ClassifierCallback > classifier, const String &vocabulary, InputArray transition_probabilities_table, InputArray emission_probabilities_table, int mode=OCR_DECODER_VITERBI, int beam_size=500)
cv::line_descriptor::KeyLine::getEndPointInOctave
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:165
cv::ocl::getPlatfomsInfo
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
cvflann::KDTreeSingleIndex::usedMemory
int usedMemory() const
Definition: kdtree_single_index.h:198
CV_CUDEV_RGB2GRAY_INST
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
cv::v_setall_s64
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:1547
cv::optflow::GPCPatchSample::ref
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:80
cv::SparseMat_::SparseMat_
SparseMat_(const Mat &m)
converts dense matrix to the sparse form
cv::hal::log64f
void log64f(const double *src, double *dst, int n)
cv::cudev::bit_lshift
Definition: functional.hpp:261
cv::cuda::printCudaDeviceInfo
void printCudaDeviceInfo(int device)
cv::tracking::UnscentedKalmanFilterParams::alpha
double alpha
Default is 1e-3.
Definition: kalman_filters.hpp:139
CvKalman::PosterErrorCovariance
float * PosterErrorCovariance
Definition: tracking_c.h:179
CvStereoBMState::disp
CvMat * disp
Definition: calib3d_c.h:354
cv::rgbd::DepthCleaner::setMethod
void setMethod(int val)
Definition: rgbd.hpp:278
tinyxml2::XMLNode::ParseDeep
virtual char * ParseDeep(char *, StrPair *)
cv::videostab::TwoPassStabilizer::suppressedFrame_
Mat suppressedFrame_
Definition: stabilizer.hpp:192
cv::cudev::IsBinaryFunction::makeF
static F makeF()
cv::Size_::Size_
Size_(const Point_< _Tp > &pt)
cv::superres::createFrameSource_Video_CUDA
Ptr< FrameSource > createFrameSource_Video_CUDA(const String &fileName)
cv::detail::PlanePortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: warpers.hpp:603
cv::viz::Mesh::texture
Mat texture
Definition: types.hpp:134
cv::rgbd::RgbdOdometry::minGradientMagnitudes
Mat minGradientMagnitudes
Definition: rgbd.hpp:745
cv::viz::WPolyLine
This 3D Widget defines a poly line. :
Definition: widgets.hpp:391
cv::cuda::CascadeClassifier::setMaxObjectSize
virtual void setMaxObjectSize(Size maxObjectSize)=0
cv::structured_light::SinusoidalPattern
Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fouri...
Definition: sinusoidalpattern.hpp:69
cv::rgbd::ICPOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: rgbd.hpp:797
cv::COLOR_BGR2YUV_I420
@ COLOR_BGR2YUV_I420
Definition: imgproc.hpp:721
cvflann::KDTreeIndex::ElementType
Distance::ElementType ElementType
Definition: kdtree_index.h:73
cv::cuda::HOG::setScaleFactor
virtual void setScaleFactor(double scale0)=0
Coefficient of the detection window increase.
Ncv64s
long long Ncv64s
Definition: NCV.hpp:119
cv::Rect_::y
_Tp y
Definition: types.hpp:410
cv::cudev::bit_and::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:227
cv::bgsegm::BackgroundSubtractorMOG::getBackgroundRatio
virtual double getBackgroundRatio() const =0
cv::cudev::BrdBase::rows
int rows
Definition: extrapolation.hpp:100
hal_ni_gemm32f
int hal_ni_gemm32f(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:694
cv::Ptr
Template class for smart pointers with shared ownership.
Definition: cvstd.hpp:281
cv::CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio.hpp:243
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(Mat &m)
cv::abs
static uchar abs(uchar a)
Definition: cvstd.hpp:70
cvflann::Heap::empty
bool empty()
Definition: heap.h:94
cv::cuda::CascadeClassifier::setMaxNumObjects
virtual void setMaxNumObjects(int maxNumObjects)=0
cv::TrackerTargetState::setTargetWidth
void setTargetWidth(int width)
Set the width of the target.
cv::COLOR_YUV2RGB_NV21
@ COLOR_YUV2RGB_NV21
Definition: imgproc.hpp:630
cv::cuda::FGDParams::alpha2
float alpha2
"Controls speed of feature learning". Depends on T. Typical value circa 0.005.
Definition: cudalegacy.hpp:171
cv::boxFilter
void boxFilter(InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT)
Blurs an image using the box filter.
cvFirstType
CvTypeInfo * cvFirstType(void)
Returns the beginning of a type list.
cv::datasets::HPE_humanevaObj::fileName
std::string fileName
Definition: hpe_humaneva.hpp:67
cv::ml::LogisticRegression::Methods
Methods
Training methods.
Definition: ml.hpp:1478
cv::SparseMat::elemSize1
size_t elemSize1() const
returns elemSize()/channels()
cv::Allocator::allocate
pointer allocate(size_type count, const void *=0)
Definition: cvstd.hpp:149
cv::videostab::StabilizerBase::setBorderMode
void setBorderMode(int val)
Definition: stabilizer.hpp:92
cl_uint
CL_RUNTIME_EXPORT cl_uint
Definition: opencl_core.hpp:279
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator()
the default constructor
cvScaleAdd
void cvScaleAdd(const CvArr *src1, CvScalar scale, const CvArr *src2, CvArr *dst)
cv::CAP_FFMPEG
@ CAP_FFMPEG
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:115
CvKalman::MNCovariance
float * MNCovariance
Definition: tracking_c.h:175
cv::NAryMatIterator::iterdepth
int iterdepth
Definition: mat.hpp:3275
cv::stereo::ModifiedCsCensus::n2
int n2
Definition: descriptor.hpp:145
cv::Mat::at
const _Tp & at(int row, int col) const
cv::datasets::LADYBUG
@ LADYBUG
Definition: slam_tumindoor.hpp:64
cv::Subdiv2D::bottomRight
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1161
cv::ORB::getWTA_K
virtual int getWTA_K() const =0
cv::Scalar_::isReal
bool isReal() const
cvDestroyWindow
void cvDestroyWindow(const char *name)
cv::datasets::GR_chalearnObj::groundTruths
std::vector< groundTruth > groundTruths
Definition: gr_chalearn.hpp:79
cv::QT_FONT_NORMAL
@ QT_FONT_NORMAL
Weight of 50.
Definition: highgui.hpp:232
cv::cudev::GpuMat_::colRange
__host__ GpuMat_ colRange(int startcol, int endcol) const
cv::videostab::WeightingDeblurer
Definition: deblurring.hpp:97
cv::HOGDescriptor::computeGradient
virtual void computeGradient(const Mat &img, Mat &grad, Mat &angleOfs, Size paddingTL=Size(), Size paddingBR=Size()) const
cv::v_reinterpret_as_s64
v_int64x2 v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1569
cv::Matx33d
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:221
cv::optflow::GPCMatchingParams::GPCMatchingParams
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:155
cv::QtFont::nameFont
const char * nameFont
Name of the font.
Definition: highgui.hpp:634
NCVMatrix::copySolid
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
CV_FLOODFILL_FIXED_RANGE
@ CV_FLOODFILL_FIXED_RANGE
Definition: types_c.h:594
cv::videostab::DeblurerBase::blurrinessRates_
const std::vector< float > * blurrinessRates_
Definition: deblurring.hpp:87
cv::videostab::GaussianMotionFilter
Definition: motion_stabilizing.hpp:98
cv::dnn::reshaped
Mat reshaped(const Mat &m, const BlobShape &shape)
Definition: shape_utils.hpp:69
disparity_filter.hpp
cv::tracking::UnscentedKalmanFilter::getState
virtual Mat getState() const =0
CPU_MMX
@ CPU_MMX
Definition: cvdef.h:138
cv::PCA::mean
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2457
cv::flann::CvType< unsigned char >::type
static int type()
Definition: flann.hpp:76
cv::FileNode::read
static void read(const FileNode &node, Range &value, const Range &default_value)
Definition: persistence.hpp:767
cv::ximgproc::SuperpixelLSC::enforceLabelConnectivity
virtual void enforceLabelConnectivity(int min_element_size=20)=0
Enforce label connectivity.
cvv::debugMode
static bool debugMode()
Returns whether debug-mode is active for this TU and thread.
Definition: debug_mode.hpp:32
cv::estimateRigidTransform
Mat estimateRigidTransform(InputArray src, InputArray dst, bool fullAffine)
Computes an optimal affine transformation between two 2D point sets.
cv::SphericalWarper
Spherical warper factory class.
Definition: warpers.hpp:91
CvModuleInfo::version
const char * version
Definition: types_c.h:1857
cv::HistogramCostExtractor::setNDummies
virtual void setNDummies(int nDummies)=0
CV_YUV2GRAY_YUY2
@ CV_YUV2GRAY_YUY2
Definition: types_c.h:315
cv::MultiTracker::update
bool update(const Mat &image, std::vector< Rect2d > &boundingBox)
Update the current tracking status.
cv::Mat::ptr
uchar * ptr(int i0, int i1, int i2)
cv::cudev::DefaultTransformPolicy::block_size_y
@ block_size_y
Definition: transform.hpp:417
cv::saliency::StaticSaliencyFineGrained
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:123
tinyxml2::XMLComment::~XMLComment
virtual ~XMLComment()
cv::LINE_4
@ LINE_4
4-connected line
Definition: core.hpp:216
cv::TM_CCOEFF
@ TM_CCOEFF
Definition: imgproc.hpp:3634
cv::SparseMatIterator::node
SparseMat::Node * node() const
returns pointer to the current sparse matrix node. it.node->idx is the index of the current element (...
cv::instr::NodeData::NodeData
NodeData(NodeData &ref)
cv::xphoto::LearningBasedWB::getRangeMaxVal
virtual int getRangeMaxVal() const =0
Maximum possible value of the input image (e.g. 255 for 8 bit images, 4095 for 12 bit images)
cv::sfm::SFM_REFINE_PRINCIPAL_POINT
@ SFM_REFINE_PRINCIPAL_POINT
Definition: simple_pipeline.hpp:121
cv::reg::MapperGradProj::MapperGradProj
MapperGradProj(void)
cv::cuda::DeviceInfo::maxTextureCubemap
int maxTextureCubemap() const
maximum Cubemap texture dimensions
cv::text::OCRTesseract::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)
Recognize text using the tesseract-ocr API.
tinyxml2::XMLNode::PreviousSiblingElement
XMLElement * PreviousSiblingElement(const char *value=0)
Definition: tinyxml2.h:725
cv::cudev::TypeTraits::is_scalar
@ is_scalar
Definition: type_traits.hpp:146
cv::ocl::Device::maxWorkItemDims
int maxWorkItemDims() const
cv::detail::BestOf2NearestMatcher::match
void match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info)
This method must implement matching logic in order to make the wrappers detail::FeaturesMatcher::oper...
cv::equalizeHist
void equalizeHist(InputArray src, OutputArray dst)
Equalizes the histogram of a grayscale image.
cv::Mat::at
const _Tp & at(const Vec< int, n > &idx) const
cv::TrackerMIL
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracker.hpp:1087
cv::TrackerFeatureHAAR::TrackerFeatureHAAR
TrackerFeatureHAAR(const TrackerFeatureHAAR::Params &parameters=TrackerFeatureHAAR::Params())
Constructor.
CvTermCriteria
Definition: types_c.h:836
cv::linemod::Detector::TemplatesMap
std::map< String, std::vector< TemplatePyramid > > TemplatesMap
Definition: linemod.hpp:424
cv::viz::Color::white
static Color white()
cv::operator<=
v_reg< _Tp, n > operator<=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Less-than or equal comparison.
Definition: intrin_cpp.hpp:616
cv::ximgproc::createDTFilter
Ptr< DTFilter > createDTFilter(InputArray guide, double sigmaSpatial, double sigmaColor, int mode=DTF_NC, int numIters=3)
Factory method, create instance of DTFilter and produce initialization routines.
cv::flann::Index::knnSearch
virtual void knnSearch(InputArray query, OutputArray indices, OutputArray dists, int knn, const SearchParams &params=SearchParams())
cv::tracking::AugmentedUnscentedKalmanFilterParams
Augmented Unscented Kalman filter parameters. The class for initialization parameters of Augmented Un...
Definition: kalman_filters.hpp:179
cv::Mat::operator()
Mat operator()(const Range *ranges) const
cv::optflow::DISOpticalFlow::setVariationalRefinementAlpha
virtual void setVariationalRefinementAlpha(float val)=0
Weight of the smoothness term.
cv::viz::WImage3D
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:476
cvflann::FLANNException::FLANNException
FLANNException(const cv::String &message)
Definition: general.h:44
cvflann::NNIndex::loadIndex
virtual void loadIndex(FILE *stream)=0
Loads the index from a stream.
CV_BayerBG2BGR
@ CV_BayerBG2BGR
Definition: types_c.h:170
cv::ocl::Device::preferredVectorWidthFloat
int preferredVectorWidthFloat() const
cv::String::compare
int compare(const String &str) const
cvflann::test_index_precisions
void test_index_precisions(NNIndex< Distance > &index, const Matrix< typename Distance::ElementType > &inputData, const Matrix< typename Distance::ElementType > &testData, const Matrix< int > &matches, float *precisions, int precisions_length, const Distance &distance, int nn=1, int skipMatches=0, float maxTime=0)
Definition: index_testing.h:227
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_tau
float parasolCells_tau
Definition: retina.hpp:176
CvHuMoments::hu7
double hu7
Definition: types_c.h:426
cv::GFTTDetector::getK
virtual double getK() const =0
cvflann::KNNRadiusUniqueResultSet
Definition: result_set.h:508
cv::cudev::saturate_cast< uchar >
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:65
cv::CascadeClassifier::CascadeClassifier
CascadeClassifier(const String &filename)
Loads a classifier from a file.
TIXML_SNPRINTF
#define TIXML_SNPRINTF
Definition: tinyxml2.h:118
cv::stereo::CV_DENSE_CENSUS
@ CV_DENSE_CENSUS
Definition: descriptor.hpp:58
cv::dnn::Blob::ptr
uchar * ptr(int n=0, int cn=0, int row=0, int col=0)
Returns pointer to the blob element with the specified position, stored in CPU memory.
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
cvWriteFrame
int cvWriteFrame(CvVideoWriter *writer, const IplImage *image)
write frame to video file
cv::ml::LogisticRegression::create
static Ptr< LogisticRegression > create()
Creates empty model.
cl_buffer_create_type
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT const cl_device_id const size_t const unsigned char cl_int cl_int *CL_RUNTIME_EXPORT const cl_device_id const char cl_int *CL_RUNTIME_EXPORT const char const size_t cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT cl_buffer_create_type
Definition: opencl_core.hpp:294
cv::tracking::UnscentedKalmanFilter::predict
virtual Mat predict(InputArray control=noArray())=0
cv::ccalib::CustomPattern::getPixelSize
double getPixelSize()
cv::hal::addWeighted32s
void addWeighted32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scalars)
cv::cudev::numeric_limits< double >::epsilon
__device__ static __forceinline__ double epsilon()
Definition: limits.hpp:121
cv::ppf_match_3d::getRandomPose
void getRandomPose(double Pose[16])
cv::cudev::TupleTraits::size
@ size
Definition: tuple.hpp:67
cv::viz::WCylinder
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:357
cv::detail::Timelapser::dst_roi_
Rect dst_roi_
Definition: timelapsers.hpp:76
cvflann::FLANN_INT64
@ FLANN_INT64
Definition: defines.h:160
cv::WImage::SetIpl
void SetIpl(IplImage *image)
Definition: wimage.hpp:242
cv::max
void max(InputArray src1, InputArray src2, OutputArray dst)
Calculates per-element maximum of two arrays or an array and a scalar.
cv::cornerMinEigenVal
void cornerMinEigenVal(InputArray src, OutputArray dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT)
Calculates the minimal eigenvalue of gradient matrices for corner detection.
cv::QtFont::font_face
int font_face
See cv::QtFontStyles.
Definition: highgui.hpp:636
cvflann::KNNUniqueResultSet::capacity_
unsigned int capacity_
Definition: result_set.h:439
CvPoint3D64f::z
double z
Definition: types_c.h:988
cv::cudev::unary_function::result_type
_Result result_type
Definition: functional.hpp:65
Cv64suf::u
uint64 u
Definition: cvdef.h:345
cv::plot::Plot2d::setMinX
virtual void setMinX(double _plotMinX)=0
cv::cuda::HOG::detect
virtual void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection without a multi-scale window.
CvPoint2D32f::y
float y
Definition: types_c.h:896
cv::structured_light::StructuredLightPattern
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:62
HaarFeature64::setRect
__host__ NCVStatus setRect(Ncv32u rectX, Ncv32u rectY, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32u, Ncv32u)
Definition: NCVHaarObjectDetection.hpp:84
NCVVector::_length
size_t _length
Definition: NCV.hpp:620
cv::CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
@ CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
Lens current focus movement value to be used by XI_PRM_LENS_FOCUS_MOVE in motor steps.
Definition: videoio.hpp:422
cv::TonemapDrago::setBias
virtual void setBias(float bias)=0
cvflann::anyimpl::SinglePolicy
Definition: any.h:161
cv::cuda::BackgroundSubtractorGMG::getNumFrames
virtual int getNumFrames() const =0
cv::dnn::Layer::allocate
virtual void allocate(const std::vector< Blob * > &input, std::vector< Blob > &output)=0
Allocates internal buffers and output blobs with respect to the shape of inputs.
cv::PlaneWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:68
cv::ximgproc::ThinningTypes
ThinningTypes
Definition: ximgproc.hpp:77
nppiStTranspose_32u_C1R
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::WImageBuffer::~WImageBuffer
~WImageBuffer()
Definition: wimage.hpp:327
CV_YUV2GRAY_I420
@ CV_YUV2GRAY_I420
Definition: types_c.h:273
cv::MatSize::p
int * p
Definition: mat.hpp:529
cv::NORM_HAMMING2
@ NORM_HAMMING2
Definition: base.hpp:193
cv::ppf_match_3d::samplePCByQuantization
Mat samplePCByQuantization(Mat pc, float xrange[2], float yrange[2], float zrange[2], float sample_step_relative, int weightByCenter=0)
cv::bridge::Bridge::toVectorVectorChar
vector_vector_char toVectorVectorChar()
Definition: bridge.hpp:416
CvFont::vscale
float vscale
Definition: imgproc_c.h:1126
cv::cudacodec::H264_SVC
@ H264_SVC
Definition: cudacodec.hpp:251
cv::dpm::DPMDetector::getClassCount
virtual size_t getClassCount() const =0
Return a count of loaded models (classes).
cv::videostab::TranslationBasedLocalOutlierRejector::setRansacParams
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
CV_CAP_PROP_XI_IMAGE_IS_COLOR
@ CV_CAP_PROP_XI_IMAGE_IS_COLOR
Definition: videoio_c.h:327
cv::CascadeClassifier::detectMultiScale
void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &rejectLevels, std::vector< double > &levelWeights, double scaleFactor=1.1, int minNeighbors=3, int flags=0, Size minSize=Size(), Size maxSize=Size(), bool outputRejectLevels=false)
cv::TrackerSamplerPF
This sampler is based on particle filtering.
Definition: tracker.hpp:918
cv::fisheye::CALIB_USE_INTRINSIC_GUESS
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:1885
cvPtr1D
uchar * cvPtr1D(const CvArr *arr, int idx0, int *type=NULL)
Return pointer to a particular array element.
tinyxml2::XMLText::ParseDeep
char * ParseDeep(char *, StrPair *endTag)
cv::ogl::TRIANGLES
@ TRIANGLES
Definition: opengl.hpp:483
cv::ml::SVMSGD::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
Termination criteria of the training algorithm. You can specify the maximum number of iterations (max...
CV_MOP_ERODE
@ CV_MOP_ERODE
Definition: types_c.h:387
cv::Vec2d
Vec< double, 2 > Vec2d
Definition: matx.hpp:386
cv::datasets::GR_chalearnObj::nameDepth
std::string nameDepth
Definition: gr_chalearn.hpp:77
cv::ximgproc::EdgeAwareInterpolator::getSigma
virtual float getSigma()=0
tinyxml2::XMLDocument::NewUnknown
XMLUnknown * NewUnknown(const char *text)
cv::instr::NodeDataTls::NodeDataTls
NodeDataTls()
Definition: utility.hpp:1107
cv::rgbd::OdometryFrame::releasePyramids
void releasePyramids()
cv::accumulateWeighted
void accumulateWeighted(InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray())
Updates a running average.
cv::Error::OpenCLDoubleNotSupported
@ OpenCLDoubleNotSupported
Definition: base.hpp:121
cv::hdf::HDF5::dsgetsize
virtual vector< int > dsgetsize(String dslabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch dataset sizes.
cv::CvParams::scanAttr
virtual bool scanAttr(const std::string prmName, const std::string val)
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_uchar &)
Definition: bridge.hpp:410
cv::cudev::FindMaxValExprBody::src
SrcPtr src
Definition: reduction.hpp:110
hal_ni_max16s
int hal_ni_max16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:106
cv::ml::ANN_MLP::getBackpropWeightScale
virtual double getBackpropWeightScale() const =0
cv::COLORMAP_HSV
@ COLORMAP_HSV
Definition: imgproc.hpp:4089
cv::FastFeatureDetector::getType
virtual int getType() const =0
cv::cuda::HostMem::step1
size_t step1() const
CV_CAP_OPENNI_IR_GENERATOR_PRESENT
@ CV_CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio_c.h:246
cv::cuda::remap
void remap(InputArray src, OutputArray dst, InputArray xmap, InputArray ymap, int interpolation, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies a generic geometrical transformation to an image.
CV_SET_ELEM_FREE_FLAG
#define CV_SET_ELEM_FREE_FLAG
Definition: types_c.h:1303
cv::LDA::LDA
LDA(int num_components=0)
constructor Initializes a LDA with num_components (default 0).
cv::GeneralizedHoughGuil::getAngleEpsilon
virtual double getAngleEpsilon() const =0
cv::stereo::ModifiedCsCensus
Definition: descriptor.hpp:143
tinyxml2::MemPoolT::COUNT
@ COUNT
Definition: tinyxml2.h:402
CvFont::hscale
float hscale
Definition: imgproc_c.h:1126
hal_ni_absdiff16s
int hal_ni_absdiff16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:133
CV_CHAIN_APPROX_NONE
@ CV_CHAIN_APPROX_NONE
Definition: types_c.h:457
cv::LDA::_num_components
int _num_components
Definition: core.hpp:2530
cv::GeneralizedHough::setMinDist
virtual void setMinDist(double minDist)=0
Minimum distance between the centers of the detected objects.
tinyxml2::XMLText::SetCData
void SetCData(bool isCData)
Declare whether this should be CDATA or standard text.
Definition: tinyxml2.h:880
cvRegisterType
void cvRegisterType(const CvTypeInfo *info)
Registers a new type.
cv::face::BIF::getNumRotations
virtual int getNumRotations() const =0
cv::ogl::Texture2D::release
void release()
Decrements the reference counter and destroys the texture object if needed.
clLinkProgram
#define clLinkProgram
Definition: opencl_core_wrappers.hpp:202
cv::detail::Timelapser::dst_
UMat dst_
Definition: timelapsers.hpp:75
tinyxml2::XMLConstHandle::ToUnknown
const XMLUnknown * ToUnknown() const
Definition: tinyxml2.h:1899
CV_CAP_PROP_XI_BPC
@ CV_CAP_PROP_XI_BPC
Definition: videoio_c.h:304
cv::cuda::StereoBeliefPropagation::getNumIters
virtual int getNumIters() const =0
number of BP iterations on each level
cv::detail::CylindricalPortraitProjector
Definition: warpers.hpp:572
cv::Mat::col
Mat col(int x) const
Creates a matrix header for the specified matrix column.
CvSlice::end_index
int end_index
Definition: types_c.h:1100
cv::text::OCRBeamSearchDecoder
OCRBeamSearchDecoder class provides an interface for OCR using Beam Search algorithm.
Definition: ocr.hpp:341
cv::Allocator::rebind
Definition: cvstd.hpp:137
cv::detail::NoSeamFinder::find
void find(const std::vector< UMat > &, const std::vector< Point > &, std::vector< UMat > &)
Estimates seams.
Definition: seam_finders.hpp:77
CV_ELEM_SIZE1
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:402
cv::datasets::HPE_parse::load
virtual void load(const std::string &path)=0
cv::GFTTDetector::setK
virtual void setK(double k)=0
cv::WImageBufferC::CloneFrom
void CloneFrom(const WImageC< T, C > &src)
Definition: wimage.hpp:379
cv::datasets::PascalPart::ymin
int ymin
Definition: or_pascal.hpp:63
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters
Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters.
Definition: retina.hpp:151
cv::cudev::BinaryTransformPtr
Definition: transform.hpp:105
matlab::Traits< uint16_t >::ToString
static std::string ToString()
Definition: mxarray.hpp:145
cv::omnidir::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: omnidir.hpp:58
nppiStInterpolateFrames
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_MulOp)
CV_CAP_OPENNI_IMAGE_GENERATOR
@ CV_CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio_c.h:217
clEnqueueCopyImageToBuffer
#define clEnqueueCopyImageToBuffer
Definition: opencl_core_wrappers.hpp:82
cv::arcLength
double arcLength(InputArray curve, bool closed)
Calculates a contour perimeter or a curve length.
cv::CAP_PROP_IRIS
@ CAP_PROP_IRIS
Definition: videoio.hpp:159
cv::WImage::ChannelSize
int ChannelSize() const
Definition: wimage.hpp:195
cv::CAP_PROP_XI_GPI_LEVEL
@ CAP_PROP_XI_GPI_LEVEL
Get general purpose level.
Definition: videoio.hpp:334
cv::StereoSGBM::MODE_SGBM
@ MODE_SGBM
Definition: calib3d.hpp:1810
cv::bridge::Bridge::toPoint2d
cv::Point2d toPoint2d() const
Definition: bridge.hpp:320
hal_ni_cvtBGRtoYUV
int hal_ni_cvtBGRtoYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isCbCr)
hal_cvtBGRtoYUV
Definition: hal_replacement.hpp:393
tinyxml2::XMLHandle::ToText
XMLText * ToText()
Safe cast to XMLText. This can return null.
Definition: tinyxml2.h:1825
NppStInterpolationState::pBU
Ncv32f * pBU
backward horizontal displacement
Definition: NPP_staging.hpp:123
CV_CAP_PROP_XI_LUT_VALUE
@ CV_CAP_PROP_XI_LUT_VALUE
Definition: videoio_c.h:379
cv::Mat_::Mat_
Mat_(int _ndims, const int *_sizes)
n-dim array constructor
cv::stereo::StereoBinaryBM::getTextureThreshold
virtual int getTextureThreshold() const =0
cv::reg::MapperGradEuclid
Definition: mappergradeuclid.hpp:53
cv::cudev::GpuMat_::swap
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
cv::BaseClassifier::m_selectedClassifier
int m_selectedClassifier
Definition: onlineBoosting.hpp:143
cv::cuda::CascadeClassifier
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:204
cv::setWindowProperty
void setWindowProperty(const String &winname, int prop_id, double prop_value)
Changes parameters of a window dynamically.
cv::Formatter::format
virtual Ptr< Formatted > format(const Mat &mtx) const =0
cv::CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
@ CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
Sets number of frames acquired by burst. This burst is used only if trigger is set to FrameBurstStart...
Definition: videoio.hpp:415
warp_reduce.hpp
cv::ClfOnlineStump::update
void update(const Mat &posx, const Mat &negx, const cv::Mat_< float > &posw=cv::Mat_< float >(), const cv::Mat_< float > &negw=cv::Mat_< float >())
cv::datasets::SLAM_tumindoorObj::name
std::string name
Definition: slam_tumindoor.hpp:69
CV_CAP_PROP_XI_REGION_MODE
@ CV_CAP_PROP_XI_REGION_MODE
Definition: videoio_c.h:311
cv::detail::SphericalPortraitWarper
Definition: warpers.hpp:563
CV_RGB2HLS
@ CV_RGB2HLS
Definition: types_c.h:183
cvGetDims
int cvGetDims(const CvArr *arr, int *sizes=NULL)
Return number of array dimensions.
cv::optflow::DISOpticalFlow::setUseSpatialPropagation
virtual void setUseSpatialPropagation(bool val)=0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
CvMatND::db
double * db
Definition: types_c.h:638
cv::hal::DCT2D::apply
virtual void apply(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)=0
cv::cuda::unregisterPageLocked
void unregisterPageLocked(Mat &m)
Unmaps the memory of matrix and makes it pageable again.
cv::detail::AffineBestOf2NearestMatcher::full_affine_
bool full_affine_
Definition: matchers.hpp:347
cv::cudev::tan
__device__ __forceinline__ double4 tan(const double4 &a)
Definition: vec_math.hpp:310
cvValidateDisparity
void cvValidateDisparity(CvArr *disparity, const CvArr *cost, int minDisparity, int numberOfDisparities, int disp12MaxDiff=1)
cv::cuda::DeviceInfo::asyncEngineCount
int asyncEngineCount() const
number of asynchronous engines
cl_mem_migration_flags
CL_RUNTIME_EXPORT cl_event *CL_RUNTIME_EXPORT const cl_event cl_event *CL_RUNTIME_EXPORT const cl_mem cl_mem_migration_flags
Definition: opencl_core.hpp:310
cv::line_descriptor::KeyLine::startPointY
float startPointY
Definition: descriptor.hpp:130
cvGetRows
CvMat * cvGetRows(const CvArr *arr, CvMat *submat, int start_row, int end_row, int delta_row=1)
Returns array row or row span.
cv::stereo::MVKernel::stop
int stop
Definition: descriptor.hpp:69
cv::ximgproc::SuperpixelSLIC::enforceLabelConnectivity
virtual void enforceLabelConnectivity(int min_element_size=25)=0
Enforce label connectivity.
cv::flann::AutotunedIndexParams::AutotunedIndexParams
AutotunedIndexParams(float target_precision=0.8f, float build_weight=0.01f, float memory_weight=0, float sample_fraction=0.1f)
cv::line_descriptor::BinaryDescriptorMatcher::train
void train()
Update dataset by inserting into it all descriptors that were stored locally by add function.
cv::viz::readCloud
Mat readCloud(const String &file, OutputArray colors=noArray(), OutputArray normals=noArray())
cv::optflow::VariationalRefinement::getDelta
virtual float getDelta() const =0
Weight of the color constancy term.
NcvRect32s::y
Ncv32s y
y-coordinate of upper left corner.
Definition: NCV.hpp:151
IPL_DEPTH_64F
#define IPL_DEPTH_64F
Definition: types_c.h:394
CV_YUV2GRAY_Y422
@ CV_YUV2GRAY_Y422
Definition: types_c.h:317
hal_ni_not8u
int hal_ni_not8u(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:154
cvSetImageCOI
void cvSetImageCOI(IplImage *image, int coi)
Sets the channel of interest in an IplImage.
cvflann::dummyfunc
void dummyfunc()
cv::dnn::Blob::fill
void fill(InputArray in)
Creates blob from Mat or UMat without copying the data.
cv::cudev::IsUnaryFunction
Definition: functional.hpp:875
cv::bioinspired::Retina::activateMovingContoursProcessing
virtual void activateMovingContoursProcessing(const bool activate)=0
Activate/desactivate the Magnocellular pathway processing (motion information extraction),...
cv::_InputArray::_InputArray
_InputArray(const MatExpr &expr)
cv::COLOR_YUV2RGBA_YUYV
@ COLOR_YUV2RGBA_YUYV
Definition: imgproc.hpp:701
cv::saliency::Saliency
Definition: saliencyBaseClasses.hpp:63
cv::BaseCascadeClassifier
Definition: objdetect.hpp:175
cv::operator~
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
Definition: intrin_cpp.hpp:454
cv::text::OCRTesseract
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:90
cv::COLOR_BGR5652BGR
@ COLOR_BGR5652BGR
Definition: imgproc.hpp:549
cv::bridge::deepCopyAndTranspose
void deepCopyAndTranspose(const cv::Mat &src, matlab::MxArray &dst)
Definition: bridge.hpp:595
cv::datasets::PD_inriaObj::height
int height
Definition: pd_inria.hpp:76
cv::_InputArray::_InputArray
_InputArray(const cudev::GpuMat_< _Tp > &m)
cv::cudev::vsub4
__device__ __forceinline__ uint vsub4(uint a, uint b)
Definition: simd_functions.hpp:550
cv::rgbd::RgbdPlane::operator()
void operator()(InputArray points3d, OutputArray mask, OutputArray plane_coefficients)
matlab::ArgumentParser
parses inputs to a method and resolves the argument names.
Definition: mxarray.hpp:486
cv::videostab::WeightingDeblurer::deblur
virtual void deblur(int idx, Mat &frame)
cv::VIDEOWRITER_PROP_QUALITY
@ VIDEOWRITER_PROP_QUALITY
Current quality (0..100%) of the encoded videostream. Can be adjusted dynamically in some codecs.
Definition: videoio.hpp:180
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Size_< _Tp > &sz)
Definition: persistence.hpp:976
cv::FileStorage::write
static void write(FileStorage &fs, const Point_< _Tp > &pt)
Definition: persistence.hpp:894
CV_MOP_OPEN
@ CV_MOP_OPEN
Definition: types_c.h:389
cv::superres::DualTVL1OpticalFlow::getTheta
virtual double getTheta() const =0
cvflann::Datatype< unsigned short >::type
static flann_datatype_t type()
Definition: saving.h:57
cv::ocl::haveAmdFft
bool haveAmdFft()
cv::viz::WGrid::WGrid
WGrid(const Point3d &center, const Vec3d &normal, const Vec3d &new_yaxis, const Vec2i &cells=Vec2i::all(10), const Vec2d &cells_spacing=Vec2d::all(1.0), const Color &color=Color::white())
Creates repositioned grid.
cv::detail::CylindricalProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::TermCriteria::maxCount
int maxCount
Definition: types.hpp:803
cv::linemod::Detector::numTemplates
int numTemplates() const
cv::String::operator[]
char operator[](size_t idx) const
cv::CvLBPFeatureParams
Definition: feature.hpp:359
CvTermCriteria::type
int type
Definition: types_c.h:837
cvflann::anyimpl::base_any_policy::print
virtual void print(std::ostream &out, void *const *src)=0
cv::detail::resultRoiIntersection
Rect resultRoiIntersection(const std::vector< Point > &corners, const std::vector< Size > &sizes)
cv::CAP_PVAPI_FSTRIGMODE_SYNCIN2
@ CAP_PVAPI_FSTRIGMODE_SYNCIN2
SyncIn2.
Definition: videoio.hpp:296
cv::COLOR_BGR5652RGB
@ COLOR_BGR5652RGB
Definition: imgproc.hpp:550
cv::cuda::HoughLinesDetector::setTheta
virtual void setTheta(float theta)=0
cv::Stitcher::setCompositingResol
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:176
cv::UMatData::allocatorFlags_
int allocatorFlags_
Definition: mat.hpp:505
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(cuda::GpuMat &d_mat)
cv::GeneralizedHoughGuil::getAngleStep
virtual double getAngleStep() const =0
cvflann::L1
Definition: dist.h:202
cv::String::toLowerCase
String toLowerCase() const
cv::StereoSGBM::setP2
virtual void setP2(int P2)=0
cv::reg::MapShift::inverseWarp
void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const
cv::String::operator=
String & operator=(char c)
cvflann::ChiSquareDistance::ElementType
T ElementType
Definition: dist.h:643
functional.hpp
cv::integral
void integral(InputArray src, OutputArray sum, int sdepth=-1)
cv::dnn::_Range
Definition: shape_utils.hpp:78
cv::COLOR_YUV420p2RGB
@ COLOR_YUV420p2RGB
Definition: imgproc.hpp:648
cv::datasets::skeleton
Definition: gr_chalearn.hpp:71
cv::detail::ProjectorBase::r_kinv
float r_kinv[9]
Definition: warpers.hpp:133
cv::WImageView::WImageView
WImageView(const WImage< T > &img)
Definition: wimage.hpp:426
cv::detail::PairwiseSeamFinder::masks_
std::vector< UMat > masks_
Definition: seam_finders.hpp:101
cv::Matx61d
Matx< double, 6, 1 > Matx61d
Definition: matx.hpp:211
cvflann::index_creator
Definition: all_indices.h:51
cv::cudev::Binder1st
Definition: functional.hpp:831
cv::cudev::LutPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
cv::videostab::VideoFileSource::height
int height()
cv::line_descriptor::LSDDetector::detect
void detect(const Mat &image, std::vector< KeyLine > &keypoints, int scale, int numOctaves, const Mat &mask=Mat())
Detect lines inside an image.
cv::cuda::DeviceInfo::totalConstMem
size_t totalConstMem() const
constant memory available on device in bytes
CV_YUV2RGB_NV21
@ CV_YUV2RGB_NV21
Definition: types_c.h:238
cv::CvFeatureEvaluator::numFeatures
int numFeatures
Definition: feature.hpp:192
cv::line_descriptor::BinaryDescriptor::detect
void detect(const Mat &image, std::vector< KeyLine > &keypoints, const Mat &mask=Mat())
Requires line detection.
tinyxml2::XMLElement
Definition: tinyxml2.h:1133
CV_CAP_PROP_OPENNI_REGISTRATION
@ CV_CAP_PROP_OPENNI_REGISTRATION
Definition: videoio_c.h:226
cv::datasets::Dataset::~Dataset
virtual ~Dataset()
Definition: dataset.hpp:521
cv::ml::Boost::setWeightTrimRate
virtual void setWeightTrimRate(double val)=0
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::value_type
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type > value_type
Definition: zip.hpp:79
cv::SparseMat_::operator()
_Tp operator()(int i0, int i1, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(i0, i1, hashval)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(Matx< _Tp, m, n > &matx)
CvGraphScanner
Definition: core_c.h:1861
cv::Vec3d
Vec< double, 3 > Vec3d
Definition: matx.hpp:387
cv::videostab::StabilizerBase::estimateMotion
virtual Mat estimateMotion()=0
cv::Subdiv2D::edgeOrg
int edgeOrg(int edge, Point2f *orgpt=0) const
Returns the edge origin.
cv::cudev::less
Definition: functional.hpp:163
cv::BackgroundSubtractorMOG2::setVarInit
virtual void setVarInit(double varInit)=0
Sets the initial variance of each gaussian component.
cv::Stitcher::warper
const Ptr< WarperCreator > warper() const
Definition: stitching.hpp:217
cv::FileNodeIterator::FileNodeIterator
FileNodeIterator(const CvFileStorage *fs, const CvFileNode *node, size_t ofs=0)
cv::NAryMatIterator::arrays
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3263
cv::stereo::StarKernelCensus
implementation for the star kernel descriptor
Definition: descriptor.hpp:274
CvMat::s
short * s
Definition: types_c.h:435
CV_StsBackTrace
@ CV_StsBackTrace
Definition: types_c.h:121
cvSetIPLAllocators
void cvSetIPLAllocators(Cv_iplCreateImageHeader create_header, Cv_iplAllocateImageData allocate_data, Cv_iplDeallocate deallocate, Cv_iplCreateROI create_roi, Cv_iplCloneImage clone_image)
Makes OpenCV use IPL functions for allocating IplImage and IplROI structures.
cv::rgbd::ICPOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: rgbd.hpp:813
CvNArrayIterator::ptr
uchar * ptr[10]
Definition: core_c.h:571
cv::datasets::HPE_humaneva::load
virtual void load(const std::string &path)=0
cv::ogl::Buffer::copyTo
void copyTo(OutputArray arr, cuda::Stream &stream) const
cv::cuda::GpuMat::dataend
const uchar * dataend
Definition: cuda.hpp:300
cvHaarDetectObjects
CvSeq * cvHaarDetectObjects(const CvArr *image, CvHaarClassifierCascade *cascade, CvMemStorage *storage, double scale_factor=1.1, int min_neighbors=3, int flags=0, CvSize min_size=cvSize(0, 0), CvSize max_size=cvSize(0, 0))
cv::MinProblemSolver::setFunction
virtual void setFunction(const Ptr< Function > &f)=0
Setter for the optimized function.
cv::linemod::Detector::Detector
Detector(const std::vector< Ptr< Modality > > &modalities, const std::vector< int > &T_pyramid)
Constructor.
CvSparseNode
Definition: types_c.h:711
cv::superres::SuperResolution::setOpticalFlow
virtual void setOpticalFlow(const Ptr< cv::superres::DenseOpticalFlowExt > &val)=0
Dense optical flow algorithm.
cv::flann::Index_::radiusSearch
int radiusSearch(const Mat &query, Mat &indices, Mat &dists, DistanceType radius, const ::cvflann::SearchParams &searchParams)
Definition: flann.hpp:414
cv::Affine3::rotate
Affine3 rotate(const Vec3 &rvec) const
a.rotate(rvec) is equivalent to Affine(rvec, 0) * a;
cv::multicalib::MultiCameraCalibration::vertex
Definition: multicalib.hpp:99
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(const String &filename)
Definition: objdetect.hpp:362
cv::SimpleBlobDetector
Class for extracting blobs from an image. :
Definition: features2d.hpp:554
CvModuleInfo
Definition: types_c.h:1854
cv::Mat::operator()
Mat operator()(const std::vector< Range > &ranges) const
cv::cudev::BrdWrap::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:199
CV_CAP_PROP_XI_KNEEPOINT2
@ CV_CAP_PROP_XI_KNEEPOINT2
Definition: videoio_c.h:399
cv::RANSAC
@ RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:231
cv::text::ERStat::crossings
Ptr< std::deque< int > > crossings
horizontal crossings
Definition: erfilter.hpp:85
cvv.hpp
cv::ocl::Kernel::set
int set(int i, const KernelArg &arg)
cv::dnn::LSTMLayer::forward
void forward(std::vector< Blob * > &input, std::vector< Blob > &output)
cv::ml::SVMSGD::setStepDecreasingPower
virtual void setStepDecreasingPower(float stepDecreasingPower)=0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
cvflann::BranchStruct::node
T node
Definition: result_set.h:52
cv::SOLVELP_MULTI
@ SOLVELP_MULTI
there are multiple maxima for target function - the arbitrary one is returned
Definition: optim.hpp:262
cv::kmeans
double kmeans(InputArray data, int K, InputOutputArray bestLabels, TermCriteria criteria, int attempts, int flags, OutputArray centers=noArray())
Finds centers of clusters and groups input samples around the clusters.
cv::magnitude
void magnitude(InputArray x, InputArray y, OutputArray magnitude)
Calculates the magnitude of 2D vectors.
cvIsNaN
int cvIsNaN(double value)
Determines if the argument is Not A Number.
Definition: fast_math.hpp:176
cv::omnidir::internal::estimateUncertaintiesStereo
void estimateUncertaintiesStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
cv::setTrackbarMax
void setTrackbarMax(const String &trackbarname, const String &winname, int maxval)
Sets the trackbar maximum position.
cv::ocl::Image2D::p
Impl * p
Definition: ocl.hpp:731
cvLine
void cvLine(CvArr *img, CvPoint pt1, CvPoint pt2, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Draws 4-connected, 8-connected or antialiased line segment connecting two points.
cvflann::RadiusResultSet::size
size_t size() const
Definition: result_set.h:253
cv::cudev::vcmpge2
__device__ __forceinline__ uint vcmpge2(uint a, uint b)
Definition: simd_functions.hpp:302
cv::TLSDataContainer::deleteDataInstance
virtual void deleteDataInstance(void *pData) const =0
cv::RQDecomp3x3
Vec3d RQDecomp3x3(InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray())
Computes an RQ decomposition of 3x3 matrices.
cv::videostab::StabilizerBase::StabilizerBase
StabilizerBase()
cv::Point3_::Point3_
Point3_(const Point3_ &pt)
cv::cudev::absdiff_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:428
cv::ppf_match_3d::ICP::registerModelToScene
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, std::vector< Pose3DPtr > &poses)
Perform registration with multiple initial poses.
cv::createHausdorffDistanceExtractor
Ptr< HausdorffDistanceExtractor > createHausdorffDistanceExtractor(int distanceFlag=cv::NORM_L2, float rankProp=0.6f)
cv::SimpleBlobDetector::Params::thresholdStep
float thresholdStep
Definition: features2d.hpp:559
cv::dnn::Blob::num
int num() const
Returns size of the first axis blob.
cv::ocl::ProgramSource::~ProgramSource
~ProgramSource()
cv::tracking::UnscentedKalmanFilterParams::stateInit
Mat stateInit
Initial state, DP x 1, default is zero.
Definition: kalman_filters.hpp:132
cv::ocl::KernelArg::Constant
static KernelArg Constant(const Mat &m)
cv::datasets::MSM_epflObj::camera
cameraParam camera
Definition: msm_epfl.hpp:74
tinyxml2::XMLElement::QueryBoolText
XMLError QueryBoolText(bool *bval) const
See QueryIntText()
cv::viz::WidgetAccessor
This class is for users who want to develop their own widgets using VTK library API....
Definition: widget_accessor.hpp:66
nppiStSqrIntegral_8u64u_C1R
NCVStatus nppiStSqrIntegral_8u64u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::cuda::createBackgroundSubtractorMOG2
Ptr< cuda::BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
cv::cuda::FarnebackOpticalFlow::setPolySigma
virtual void setPolySigma(double polySigma)=0
cvAndS
void cvAndS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
cv::ximgproc::GradientPaillouX
void GradientPaillouX(InputArray op, OutputArray _dst, double alpha, double omega)
cv::ximgproc::DisparityWLSFilter::getDepthDiscontinuityRadius
virtual int getDepthDiscontinuityRadius()=0
DepthDiscontinuityRadius is a parameter used in confidence computation. It defines the size of low-co...
cv::ml::TrainData::getSubVector
static Mat getSubVector(const Mat &vec, const Mat &idx)
cv::cudev::BrdReflect::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
cv::ximgproc::EdgeAwareInterpolator::getFGSSigma
virtual float getFGSSigma()=0
cv::stereo::ModifiedCsCensus::imageStop
int imageStop
Definition: descriptor.hpp:146
cv::FlannBasedMatcher::mergedDescriptors
DescriptorCollection mergedDescriptors
Definition: features2d.hpp:1102
cvGetRootFileNode
CvFileNode * cvGetRootFileNode(const CvFileStorage *fs, int stream_index=0)
Retrieves one of the top-level nodes of the file storage.
cv::dnn::PoolingLayer::Type
Type
Definition: all_layers.hpp:255
NcvPoint2D32u::NcvPoint2D32u
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
cv::cuda::CannyEdgeDetector::setL2Gradient
virtual void setL2Gradient(bool L2gradient)=0
cv::text::ERFilter::Callback::eval
virtual double eval(const ERStat &stat)=0
The classifier must return probability measure for the region.
video.hpp
cv::detail::BundleAdjusterAffinePartial
Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates ...
Definition: motion_estimators.hpp:308
tinyxml2::XMLPrinter::VisitEnter
virtual bool VisitEnter(const XMLElement &element, const XMLAttribute *attribute)
Visit an element.
tinyxml2::XMLHandle::LastChild
XMLHandle LastChild()
Get the last child of this handle.
Definition: tinyxml2.h:1792
cv::cudev::greater::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:155
cv::cuda::bitwise_and
void bitwise_and(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise conjunction of two matrices (or of matrix and scalar).
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< Mat > &vec)
cv::sfm::libmv_CameraIntrinsicsOptions::division_k2
double division_k2
Definition: simple_pipeline.hpp:114
cv::absdiff
void absdiff(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
cv::ClfOnlineStump::init
void init()
cv::optflow::GPCTrainingParams::minNumberOfSamples
int minNumberOfSamples
Minimum number of samples in the node to stop partitioning.
Definition: sparse_matching_gpc.hpp:127
cv::superres::FarnebackOpticalFlow::setPolySigma
virtual void setPolySigma(double val)=0
cv::bgsegm::BackgroundSubtractorMOG::getNMixtures
virtual int getNMixtures() const =0
cv::CAP_PROP_XI_CC_MATRIX_32
@ CAP_PROP_XI_CC_MATRIX_32
Color Correction Matrix element [3][2].
Definition: videoio.hpp:411
cv::datasets::fist
@ fist
Definition: gr_skig.hpp:76
cv::flann::Index_::knnSearch
void knnSearch(const Mat &queries, Mat &indices, Mat &dists, int knn, const ::cvflann::SearchParams &searchParams)
Definition: flann.hpp:386
CV_CAP_PROP_XI_DEBOUNCE_EN
@ CV_CAP_PROP_XI_DEBOUNCE_EN
Definition: videoio_c.h:351
hal_ni_dctFree2D
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
cv::sfm::libmv_CameraIntrinsicsOptions::focal_length
double focal_length
Definition: simple_pipeline.hpp:106
clCreateProgramWithBuiltInKernels
#define clCreateProgramWithBuiltInKernels
Definition: opencl_core.hpp:126
cv::hal::recip32f
void recip32f(const float *, size_t, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
cv::linemod::Match::template_id
int template_id
Definition: linemod.hpp:309
NcvPoint2D32s::NcvPoint2D32s
__host__ __device__ NcvPoint2D32s()
Definition: NCV.hpp:195
CV_TM_CCORR_NORMED
@ CV_TM_CCORR_NORMED
Definition: types_c.h:436
cv::videostab::StabilizerBase::setInpainter
void setInpainter(Ptr< InpainterBase > val)
Definition: stabilizer.hpp:95
cv::CAP_PROP_XI_BUFFERS_QUEUE_SIZE
@ CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Queue of field/frame buffers.
Definition: videoio.hpp:452
cv::ml::TrainData::getSamples
virtual Mat getSamples() const =0
cv::WImage1_b
WImageC< uchar, 1 > WImage1_b
Definition: wimage.hpp:67
cv::cudev::pow_func::operator()
__device__ __forceinline__ float operator()(T val, float power) const
Definition: functional.hpp:648
cv::ml::TrainData::missingValue
static float missingValue()
Definition: ml.hpp:140
cv::ocl::Image2D::Image2D
Image2D(const UMat &src, bool norm=false, bool alias=false)
cv::cudev::IsUnaryFunction::check
static Yes check(unary_function< T, D >)
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
Calls the pipeline in order to perform Eclidean reconstruction.
cv::videostab::LpMotionStabilizer::motionModel
MotionModel motionModel() const
Definition: motion_stabilizing.hpp:123
cv::StereoMatcher
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:1700
cv::cuda::BackgroundSubtractorGMG::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
cv::WImageBufferC::WImageBufferC
WImageBufferC()
Definition: wimage.hpp:358
cv::_InputArray::sz
Size sz
Definition: mat.hpp:235
fast_marching_inl.hpp
cv::ximgproc::GradientDericheX
void GradientDericheX(InputArray _op, OutputArray _dst, double alphaDerive, double alphaMean)
Applies X Deriche filter to an image.
cv::rgbd::RgbdICPOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: rgbd.hpp:973
cv::DownhillSolver::create
static Ptr< DownhillSolver > create(const Ptr< MinProblemSolver::Function > &f=Ptr< MinProblemSolver::Function >(), InputArray initStep=Mat_< double >(1, 1, 0.0), TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5000, 0.000001))
This function returns the reference to the ready-to-use DownhillSolver object.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11, _Tp v12, _Tp v13)
14-element vector constructor
cv::getTickCount
int64 getTickCount()
Returns the number of ticks.
cv::cuda::HoughCirclesDetector::setCannyThreshold
virtual void setCannyThreshold(int cannyThreshold)=0
cv::ocl::PlatformInfo::name
String name() const
tinyxml2::XMLNode::InsertAfterChild
XMLNode * InsertAfterChild(XMLNode *afterThis, XMLNode *addThis)
cv::cudev::VecTraits< char1 >::make
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
cv::FileNodeIterator
used to iterate through sequences and mappings.
Definition: persistence.hpp:619
cv::datasets::TR_chars::load
virtual void load(const std::string &path)=0
CVStatus
int CVStatus
Definition: types_c.h:116
cv::cudev::blockYota
__device__ static __forceinline__ void blockYota(OutIt beg, OutIt end, T value)
Definition: block.hpp:85
cv::dnn::Blob::umatRef
UMat & umatRef(bool writeOnly=true)
Returns reference to cv::UMat, containing blob data.
cvflann::FLANN_LOG_INFO
@ FLANN_LOG_INFO
Definition: defines.h:124
cv::instr::NodeData::m_instrType
cv::instr::TYPE m_instrType
Definition: utility.hpp:1123
cv::cuda
Definition: cuda.hpp:65
cv::datasets::PD_caltech
Definition: pd_caltech.hpp:77
cv::videostab::InpainterBase::InpainterBase
InpainterBase()
Definition: inpainting.hpp:64
NcvRect8u::y
Ncv8u y
Definition: NCV.hpp:140
cv::videostab::MotionStabilizationPipeline::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, std::pair< int, int > range, Mat *stabilizationMotions)
assumes that [0, size-1) is in or equals to [range.first, range.second)
CvHaarClassifierCascade::scale
double scale
Definition: objdetect_c.h:112
cvWatershed
void cvWatershed(const CvArr *image, CvArr *markers)
Segments image using seed "markers".
cvflann::KNNResultSet::init
void init(int *indices_, DistanceType *dists_)
Definition: result_set.h:165
cv::cudev::Avg
Definition: reduce_to_vec.hpp:86
NCVVectorReuse::NCVVectorReuse
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
cv::cudev::numeric_limits< float >::min
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
cv::denoise_TVL1
void denoise_TVL1(const std::vector< Mat > &observations, Mat &result, double lambda=1.0, int niters=30)
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is,...
CvSize::width
int width
Definition: types_c.h:1009
CvMatND::type
int type
Definition: types_c.h:628
cvSetMouseCallback
void cvSetMouseCallback(const char *window_name, CvMouseCallback on_mouse, void *param=NULL)
cv::Rect_::br
Point_< _Tp > br() const
the bottom-right corner
cv::cuda::GpuMat::swap
void swap(GpuMat &mat)
swaps with other smart pointer
cv::HammingLUT
Hamming HammingLUT
Definition: base.hpp:442
cv::text::OCRHMMDecoder::run
virtual void run(Mat &image, Mat &mask, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)
Recognize text using HMM.
cv::getGaussianKernel
Mat getGaussianKernel(int ksize, double sigma, int ktype=CV_64F)
Returns Gaussian filter coefficients.
cv::CvHaarEvaluator::FeatureHaar::getNumAreas
int getNumAreas()
cv::detail::Graph::walkBreadthFirst
B walkBreadthFirst(int from, B body) const
cv::Matx::Matx
Matx(_Tp v0)
1x1 matrix
cv::bridge::vector_int
std::vector< int > vector_int
Definition: bridge.hpp:71
cv::detail::PlaneWarperGpu
Definition: warpers.hpp:436
vec_distance.hpp
cv::flann::Index::algo
cvflann::flann_algorithm_t algo
Definition: miniflann.hpp:151
CV_BGR5652GRAY
@ CV_BGR5652GRAY
Definition: types_c.h:140
cv::cudev::modulus
Definition: functional.hpp:114
cv::VideoCapture::isOpened
virtual bool isOpened() const
Returns true if video capturing has been initialized already.
cv::cudev::IntegerAreaInterPtrSz::rows
int rows
Definition: interpolation.hpp:273
cv::CAP_PROP_PVAPI_DECIMATIONVERTICAL
@ CAP_PROP_PVAPI_DECIMATIONVERTICAL
Vertical sub-sampling of the image.
Definition: videoio.hpp:287
cv::sfm::projectionFromKRt
void projectionFromKRt(InputArray K, InputArray R, InputArray t, OutputArray P)
Get projection matrix P from K, R and t.
cvRemap
void cvRemap(const CvArr *src, CvArr *dst, const CvArr *mapx, const CvArr *mapy, int flags=CV_INTER_LINEAR+CV_WARP_FILL_OUTLIERS, CvScalar fillval=cvScalarAll(0))
Performs generic geometric transformation using the specified coordinate maps.
cvSetTrackbarMax
void cvSetTrackbarMax(const char *trackbar_name, const char *window_name, int maxval)
cv::UMat::diag
UMat diag(int d=0) const
... for the specified diagonal
cv::dnn::Shape
BlobShape Shape
Definition: shape_utils.hpp:52
cv::COLOR_YUV2BGRA_NV21
@ COLOR_YUV2BGRA_NV21
Definition: imgproc.hpp:638
CV_WRAP
#define CV_WRAP
Definition: cvdef.h:381
cv::bridge::Bridge::toPtrAlignMTB
Ptr_AlignMTB toPtrAlignMTB()
Definition: bridge.hpp:458
CV_PROP_RW
#define CV_PROP_RW
Definition: cvdef.h:380
cv::ogl::Arrays::resetVertexArray
void resetVertexArray()
Resets vertex coordinates.
clCreateFromGLTexture3D
#define clCreateFromGLTexture3D
Definition: opencl_gl.hpp:32
cv::cudev::NormL2::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:142
cv::cudev::binary_function::first_argument_type
_Arg1 first_argument_type
Definition: functional.hpp:70
cv::cudev::TypeTraits::non_volatile_type
type_traits_detail::UnVolatile< T >::type non_volatile_type
Definition: type_traits.hpp:131
cv::face::LBPHFaceRecognizer::getRadius
virtual int getRadius() const =0
cvflann::KNNResultSet::worstDist
DistanceType worstDist() const
Definition: result_set.h:218
cv::UMat::row
UMat row(int y) const
returns a new matrix header for the specified row
transientareassegmentationmodule.hpp
cv::CAP_PROP_DC1394_MODE_MANUAL
@ CAP_PROP_DC1394_MODE_MANUAL
set automatically when a value of the feature is set by the user.
Definition: videoio.hpp:199
cv::line_descriptor::BinaryDescriptorMatcher::~BinaryDescriptorMatcher
~BinaryDescriptorMatcher()
Definition: descriptor.hpp:1088
cvflann::MaxDistance::ElementType
T ElementType
Definition: dist.h:327
cv::aruco::getPredefinedDictionary
Ptr< Dictionary > getPredefinedDictionary(PREDEFINED_DICTIONARY_NAME name)
Returns one of the predefined dictionaries defined in PREDEFINED_DICTIONARY_NAME.
cvflann::LshIndexParams::LshIndexParams
LshIndexParams(unsigned int table_number=12, unsigned int key_size=20, unsigned int multi_probe_level=2)
Definition: lsh_index.h:59
cv::datasets::NEG
@ NEG
Definition: pd_inria.hpp:63
cv::ocl::Device::maxClockFrequency
int maxClockFrequency() const
cv::linemod::QuantizedPyramid::Candidate
Candidate feature with a score.
Definition: linemod.hpp:123
cv::RotatedRect::size
Size2f size
Definition: types.hpp:492
cv::plot::Plot2d::setMaxY
virtual void setMaxY(double _plotMaxY)=0
matlab::Traits::Complex
static const mxComplexity Complex
Definition: mxarray.hpp:119
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_CalibrateRobertson &)
Definition: bridge.hpp:467
CV_IMWRITE_PNG_STRATEGY_DEFAULT
@ CV_IMWRITE_PNG_STRATEGY_DEFAULT
Definition: imgcodecs_c.h:91
cv::videostab::OnePassStabilizer::setUp
virtual void setUp(const Mat &firstFrame)
cv::ShapeContextDistanceExtractor::setIterations
virtual void setIterations(int iterations)=0
cv::AgastFeatureDetector::setType
virtual void setType(int type)=0
cv::viz::computeNormals
void computeNormals(const Mesh &mesh, OutputArray normals)
Computing normals for mesh.
cv::ml::TrainData::getTrainSampleIdx
virtual Mat getTrainSampleIdx() const =0
cv::face::LBPHFaceRecognizer::setRadius
virtual void setRadius(int val)=0
cv::cuda::HostMem::elemSize
size_t elemSize() const
clUnloadPlatformCompiler
#define clUnloadPlatformCompiler
Definition: opencl_core.hpp:274
cv::UMat::UMat
UMat(const Matx< _Tp, m, n > &mtx, bool copyData=true)
builds matrix from cv::Matx; the data is copied by default
cv::cudev::vcmpgt4
__device__ __forceinline__ uint vcmpgt4(uint a, uint b)
Definition: simd_functions.hpp:782
cv::Point3_::z
_Tp z
Definition: types.hpp:249
cv::COLORMAP_PINK
@ COLORMAP_PINK
Definition: imgproc.hpp:4090
CV_IMWRITE_JPEG_CHROMA_QUALITY
@ CV_IMWRITE_JPEG_CHROMA_QUALITY
Definition: imgcodecs_c.h:87
tinyxml2::XMLNode::ToDocument
virtual const XMLDocument * ToDocument() const
Definition: tinyxml2.h:637
cv::stereo::StereoMatcher
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:80
cv::dnn::MVNLayer
Definition: all_layers.hpp:288
_Tp
cv::dnn::Blob::Blob
Blob()
cv::MinProblemSolver::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
Getter for the previously set terminal criteria for this algorithm.
cv::cuda::minMaxLoc
void minMaxLoc(InputArray src, double *minVal, double *maxVal, Point *minLoc, Point *maxLoc, InputArray mask=noArray())
Finds global minimum and maximum matrix elements and returns their values with locations.
cv::optflow::VariationalRefinement
Variational optical flow refinement.
Definition: optflow.hpp:171
cv::ml::LogisticRegression::getIterations
virtual int getIterations() const =0
cv::cudev::RemapPtr1::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapPtr >::index_type y, typename PtrTraits< MapPtr >::index_type x) const
Definition: remap.hpp:68
cv::cvWriteMat_Base64
void cvWriteMat_Base64(::CvFileStorage *fs, const char *name, const ::CvMat *mat)
cv::cuda::nonLocalMeans
void nonLocalMeans(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, int borderMode=BORDER_DEFAULT, Stream &stream=Stream::Null())
Performs pure non local means denoising without any simplification, and thus it is not fast.
CvStereoBMState::slidingSumBuf
CvMat * slidingSumBuf
Definition: calib3d_c.h:352
HaarFeatureDescriptor32::getFeaturesOffset
__device__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:171
cv::SparseMat::Hdr::hashtab
std::vector< size_t > hashtab
Definition: mat.hpp:2529
cv::videostab::calcFlowMask
void calcFlowMask(const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask)
cv::CAP_PROP_XI_APPLY_CMS
@ CAP_PROP_XI_APPLY_CMS
Enable applying of CMS profiles to xiGetImage (see XI_PRM_INPUT_CMS_PROFILE, XI_PRM_OUTPUT_CMS_PROFIL...
Definition: videoio.hpp:391
CV_CAP_PROP_XI_DECIMATION_PATTERN
@ CV_CAP_PROP_XI_DECIMATION_PATTERN
Definition: videoio_c.h:294
cv::MatExpr::operator-
MatExpr operator-(const Mat &a, const Mat &b)
cv::cuda::GpuMat::defaultAllocator
static Allocator * defaultAllocator()
default allocator
cv::rgbd::RgbdICPOdometry::computeImpl
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const
cv::Stitcher::panoConfidenceThresh
double panoConfidenceThresh() const
Definition: stitching.hpp:178
util.hpp
cv::ShapeContextDistanceExtractor::getRotationInvariant
virtual bool getRotationInvariant() const =0
cv::ogl::TRIANGLE_STRIP
@ TRIANGLE_STRIP
Definition: opengl.hpp:484
cv::USAGE_DEFAULT
@ USAGE_DEFAULT
Definition: mat.hpp:393
cv::bioinspired::RetinaFastToneMapping::applyFastToneMapping
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
applies a luminance correction (initially High Dynamic Range (HDR) tone mapping)
CV_StsBadMemBlock
@ CV_StsBadMemBlock
Definition: types_c.h:165
CvSet::free_elems
CvSetElem * free_elems
Definition: types_c.h:1297
cv::cudev::Min::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:114
cv::datasets::SLAM_kittiObj::p
std::vector< double > p[4]
Definition: slam_kitti.hpp:70
cvflann::KNNSimpleResultSet
Definition: result_set.h:86
cv::COLOR_BGRA2YUV_IYUV
@ COLOR_BGRA2YUV_IYUV
Definition: imgproc.hpp:728
cv::TrackerGOTURN::Params::Params
Params()
cv::optflow::PCAPrior
This class can be used for imposing a learned prior on the resulting optical flow....
Definition: pcaflow.hpp:75
cv::FlannBasedMatcher::searchParams
Ptr< flann::SearchParams > searchParams
Definition: features2d.hpp:1099
cv::cudev::vcmplt2
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
cv::Formatter
Definition: core.hpp:2944
cv::linemod::ColorGradient::weak_threshold
float weak_threshold
Definition: linemod.hpp:226
cv::MergeMertens::setExposureWeight
virtual void setExposureWeight(float exposure_weight)=0
clEnqueueMapImage_pfn
CL_RUNTIME_EXPORT void *CL_API_CALL * clEnqueueMapImage_pfn(cl_command_queue, cl_mem, cl_bool, cl_map_flags, const size_t *, const size_t *, size_t *, size_t *, cl_uint, const cl_event *, cl_event *, cl_int *)
cvReadStringByName
const char * cvReadStringByName(const CvFileStorage *fs, const CvFileNode *map, const char *name, const char *default_value=NULL)
Finds a file node by its name and returns its value.
Definition: core_c.h:2423
cv::Subdiv2D::newPoint
int newPoint(Point2f pt, bool isvirtual, int firstEdge=0)
cv::cudev::IsUnaryFunction::check
static No check(...)
traits.hpp
cv::cuda::GpuMat::isContinuous
bool isContinuous() const
hashtable_int::size
size_t size
Definition: t_hash_int.hpp:69
cv::ocl::KernelArg::Constant
static KernelArg Constant(const _Tp *arr, size_t n)
Definition: ocl.hpp:381
cv::cudev::DerivYPtrSz
Definition: deriv.hpp:115
cv::datasets::OR_imagenet::create
static Ptr< OR_imagenet > create()
CV_CAP_PROP_XI_MANUAL_WB
@ CV_CAP_PROP_XI_MANUAL_WB
Definition: videoio_c.h:274
cv::ocl::Program::getPrefix
static String getPrefix(const String &buildflags)
cv::ocl::Device::maxWorkGroupSize
size_t maxWorkGroupSize() const
cv::videostab::KeypointBasedMotionEstimator::detector
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:230
clCreateContextFromType
#define clCreateContextFromType
Definition: opencl_core.hpp:112
cv::TickMeter::getTimeMicro
double getTimeMicro() const
Definition: utility.hpp:327
cv::createChiHistogramCostExtractor
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
cvflann::LshIndex::ElementType
Distance::ElementType ElementType
Definition: lsh_index.h:81
cv::CAP_OPENNI_DEPTH_MAP
@ CAP_OPENNI_DEPTH_MAP
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:248
CvGraphVtx2D::ptr
CvPoint2D32f * ptr
Definition: types_c.h:1357
cv::UMat::eye
static UMat eye(Size size, int type)
CV_CAP_PROP_XI_CC_MATRIX_30
@ CV_CAP_PROP_XI_CC_MATRIX_30
Definition: videoio_c.h:344
cv::HOGDescriptor::detect
virtual void detect(const Mat &img, std::vector< Point > &foundLocations, std::vector< double > &weights, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &searchLocations=std::vector< Point >()) const
with found weights output
cv::ShapeContextDistanceExtractor::setInnerRadius
virtual void setInnerRadius(float innerRadius)=0
Set the inner radius of the shape context descriptor.
cv::KeyPoint::KeyPoint
KeyPoint(float x, float y, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
cv::INTERSECT_FULL
@ INTERSECT_FULL
One of the rectangle is fully enclosed in the other.
Definition: imgproc.hpp:782
tinyxml2::XMLDocument::ToDocument
virtual XMLDocument * ToDocument()
Safely cast to a Document, or null.
Definition: tinyxml2.h:1512
tinyxml2::XMLUtil::ToStr
static void ToStr(double v, char *buffer, int bufferSize)
cv::cnn_3dobj::icoSphere::getCenter
cv::Point3d getCenter(cv::Mat cloud)
Get the center of points on surface in .ply model.
cv::FarnebackOpticalFlow::setPolySigma
virtual void setPolySigma(double polySigma)=0
tinyxml2::XMLNode::Parent
const XMLNode * Parent() const
Get the parent of this node on the DOM.
Definition: tinyxml2.h:664
cv::cuda::HoughCirclesDetector::getDp
virtual float getDp() const =0
cv::cudacodec::Monochrome
@ Monochrome
Definition: cudacodec.hpp:265
cv::rgbd::RgbdNormals::K_
Mat K_
Definition: rgbd.hpp:207
cv::MatConstIterator_::operator-=
MatConstIterator_ & operator-=(ptrdiff_t ofs)
shifts the iterator backward by the specified number of elements
types.hpp
cv::xobjdetect::WBDetector::train
virtual void train(const std::string &pos_samples, const std::string &neg_imgs)=0
Train WaldBoost detector.
cv::stereo::starCensusTransform
void starCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2)
CV_YUV2BGR_UYVY
@ CV_YUV2BGR_UYVY
Definition: types_c.h:279
cv::aruco::DetectorParameters::errorCorrectionRate
double errorCorrectionRate
Definition: aruco.hpp:149
cvflann::simpleDistance< L2< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:868
cv::TLSDataContainer::release
void release()
cv::rgbd::RgbdOdometry::RgbdOdometry
RgbdOdometry()
cv::MemStorage
Ptr< CvMemStorage > MemStorage
Definition: core_c.h:2825
cvFindGraphEdge
CvGraphEdge * cvFindGraphEdge(const CvGraph *graph, int start_idx, int end_idx)
cv::BaseCascadeClassifier::MaskGenerator::~MaskGenerator
virtual ~MaskGenerator()
Definition: objdetect.hpp:210
cv::cuda::CascadeClassifier::getScaleFactor
virtual double getScaleFactor() const =0
cv::mulSpectrums
void mulSpectrums(InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false)
Performs the per-element multiplication of two Fourier spectrums.
cv::stereo::Matching::previous_size
int previous_size
Definition: matching.hpp:375
matlab::Traits< char >::ToString
static std::string ToString()
Definition: mxarray.hpp:193
cv::omnidir::internal::getInterset
void getInterset(InputArray idx1, InputArray idx2, OutputArray inter1, OutputArray inter2, OutputArray inter_ori)
cv::CAP_PROP_XI_GAIN_SELECTOR
@ CAP_PROP_XI_GAIN_SELECTOR
Gain selector for parameter Gain allows to select different type of gains.
Definition: videoio.hpp:349
cv::_InputArray::_InputArray
_InputArray(const Mat &m)
cv::Moments::mu11
double mu11
Definition: types.hpp:867
CV_SET_FIELDS
#define CV_SET_FIELDS()
Definition: types_c.h:1290
cv::ocl::PlatformInfo::getDevice
void getDevice(Device &device, int d) const
cvflann::FLANN_CENTERS_RANDOM
@ FLANN_CENTERS_RANDOM
Definition: defines.h:107
cv::cudev::SingleMaskChannelsSz
Definition: mask.hpp:84
cv::cudev::CubicInterPtrSz
Definition: interpolation.hpp:214
cv::CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio.hpp:517
cv::BackgroundSubtractorMOG2::setVarMax
virtual void setVarMax(double varMax)=0
cv::Stitcher::Status
Status
Definition: stitching.hpp:129
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_TonemapDrago &)
Definition: bridge.hpp:507
cv::DescriptorMatcher::clone_op
static Mat clone_op(Mat m)
Definition: features2d.hpp:1008
cv::IMWRITE_PAM_FORMAT_BLACKANDWHITE
@ IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs.hpp:115
cv::cuda::CascadeClassifier::detectMultiScale
virtual void detectMultiScale(InputArray image, OutputArray objects, Stream &stream=Stream::Null())=0
Detects objects of different sizes in the input image.
nppStBorderMirror
@ nppStBorderMirror
reflect out of range position across borders
Definition: NPP_staging.hpp:93
nppiStResize_32f_C1R
NCVStatus nppiStResize_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, NcvRect32u srcROI, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u dstROI, Ncv32f xFactor, Ncv32f yFactor, NppStInterpMode interpolation)
cv::cudev::NormL2::NormL2
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
cv::Seq::index
size_t index(const _Tp &elem) const
returns index of the specified sequence element
Definition: core_c.h:3011
cv::COLOR_HLS2RGB
@ COLOR_HLS2RGB
Definition: imgproc.hpp:600
CV_MOP_CLOSE
@ CV_MOP_CLOSE
Definition: types_c.h:390
cv::videostab::estimateGlobalMotionLeastSquares
Mat estimateGlobalMotionLeastSquares(InputOutputArray points0, InputOutputArray points1, int model=MM_AFFINE, float *rmse=0)
Estimates best global motion between two 2D point clouds in the least-squares sense.
cvflann::UniqueResultSet::sortAndCopy
virtual void sortAndCopy(int *indices, DistanceType *dist, int n_neighbors=-1) const
Definition: result_set.h:351
cv::cudev::gridCalcSum
__host__ void gridCalcSum(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:305
cv::CAP_PROP_XI_COUNTER_VALUE
@ CAP_PROP_XI_COUNTER_VALUE
Counter status.
Definition: videoio.hpp:438
cv::sfm::libmv_ReconstructionOptions::select_keyframes
int select_keyframes
Definition: simple_pipeline.hpp:150
cv::datasets::TR_charsObj::label
int label
Definition: tr_chars.hpp:63
cv::Mat_::Mat_
Mat_(const Mat_ &m, const Range &rowRange, const Range &colRange=Range::all())
selects a submatrix
cv::DescriptorMatcher::write
virtual void write(FileStorage &) const
Stores algorithm parameters in a file storage.
cv::ogl::Buffer::empty
bool empty() const
cv::SparseMat_::SparseMat_
SparseMat_(int dims, const int *_sizes)
the full constructor equivelent to SparseMat(dims, _sizes, DataType<_Tp>::type)
cl_sampler
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT const cl_device_id const size_t const unsigned char cl_int cl_int *CL_RUNTIME_EXPORT const cl_device_id const char cl_int *CL_RUNTIME_EXPORT const char const size_t cl_int *CL_RUNTIME_EXPORT cl_sampler(CL_API_CALL *clCreateSampler_pfn)(cl_context
CvSeq::total
int total
Definition: types_c.h:1267
CV_CAP_OPENNI_QVGA_30HZ
@ CV_CAP_OPENNI_QVGA_30HZ
Definition: videoio_c.h:488
cv::optflow::createOptFlow_SimpleFlow
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
cv::detail::PaniniProjector::b
float b
Definition: warpers.hpp:366
cv::bridge::Bridge::Bridge
Bridge(const matlab::MxArray &obj)
Definition: bridge.hpp:214
cv::datasets::whitePaper
@ whitePaper
Definition: gr_skig.hpp:90
CV_CAP_OPENNI_SXGA_30HZ
@ CV_CAP_OPENNI_SXGA_30HZ
Definition: videoio_c.h:487
cv::MatOp::augAssignAdd
virtual void augAssignAdd(const MatExpr &expr, Mat &m) const
cv::ml::StatModel::Flags
Flags
Definition: ml.hpp:303
CV_CUDEV_YCrCb2RGB_INST
#define CV_CUDEV_YCrCb2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:155
cv::optflow::GPCTree::findLeafForPatch
unsigned findLeafForPatch(const GPCPatchDescriptor &descr) const
cv::Stitcher::setRegistrationResol
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:170
NCVMatrixAlloc::~NCVMatrixAlloc
~NCVMatrixAlloc()
Definition: NCV.hpp:883
cv::KalmanFilter::gain
Mat gain
Kalman gain matrix (K(k)): K(k)=P'(k)*Ht*inv(H*P'(k)*Ht+R)
Definition: tracking.hpp:373
HaarClassifierNodeDescriptor32::getNextNodeOffset
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:205
CV_YUV2BGRA_YV12
@ CV_YUV2BGRA_YV12
Definition: types_c.h:260
cv::FileNode::readObj
void * readObj() const
reads the registered object and returns pointer to it
CV_YUV2BGR_NV21
@ CV_YUV2BGR_NV21
Definition: types_c.h:239
cv::superres::createOptFlow_Brox_CUDA
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
cv::detail::ExposureCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< UMat > &masks)
cv::SimpleBlobDetector::Params::minRepeatability
size_t minRepeatability
Definition: features2d.hpp:562
cvCreateTrackbar2
int cvCreateTrackbar2(const char *trackbar_name, const char *window_name, int *value, int count, CvTrackbarCallback2 on_change, void *userdata=0)
cv::detail::RotationWarperBase::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
cv::FileStorage::Mode
Mode
file storage mode
Definition: persistence.hpp:307
cv::detail::RotationWarper::getScale
virtual float getScale() const
Definition: warpers.hpp:118
cv::COLOR_YUV2RGB_YV12
@ COLOR_YUV2RGB_YV12
Definition: imgproc.hpp:642
saving.h
cv::RotatedRect
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:465
cv::VideoWriter::~VideoWriter
virtual ~VideoWriter()
Default destructor.
cv::UMat::u
UMatData * u
Definition: mat.hpp:2416
cv::cudev::ThreshToZeroFunc
Definition: functional.hpp:754
cv::ximgproc::EdgeAwareInterpolator::setSigma
virtual void setSigma(float _sigma)=0
Sigma is a parameter defining how fast the weights decrease in the locally-weighted affine fitting....
cv::rgbd::DepthCleaner::DEPTH_CLEANER_METHOD
DEPTH_CLEANER_METHOD
Definition: rgbd.hpp:223
cv::CAP_PROP_FOURCC
@ CAP_PROP_FOURCC
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:130
cv::linemod::Modality::name
virtual String name() const =0
cv::ximgproc::ARO_90_135
@ ARO_90_135
Definition: fast_hough_transform.hpp:68
cv::datasets::TRACK_alov::getNextFrame
virtual bool getNextFrame(Mat &frame)=0
cv::String::const_iterator
const char * const_iterator
Definition: cvstd.hpp:488
result_set.h
cv::FastFeatureDetector::getNonmaxSuppression
virtual bool getNonmaxSuppression() const =0
hal_ni_absdiff16u
int hal_ni_absdiff16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:132
cv::stereo::StereoMatcher::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
cv::dnn::Blob::AllocFlag
AllocFlag
Definition: blob.hpp:328
cv::FastFeatureDetector::setType
virtual void setType(int type)=0
cv::TrackerModel::~TrackerModel
virtual ~TrackerModel()
Destructor.
cv::datasets::join::Rz
double Rz
Definition: gr_chalearn.hpp:67
cv::datasets::groundTruth::lastFrame
int lastFrame
Definition: gr_chalearn.hpp:62
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8)
Definition: ocl.hpp:476
cv::Param::INT
@ INT
Definition: core.hpp:3116
cv::SparseMat::flags
int flags
Definition: mat.hpp:2768
cv::hal::SVD64f
void SVD64f(double *At, size_t astep, double *W, double *U, size_t ustep, double *Vt, size_t vstep, int m, int n, int flags)
cv::cudev::vmin2
__device__ __forceinline__ uint vmin2(uint a, uint b)
Definition: simd_functions.hpp:501
CV_STEREO_BM_BASIC
#define CV_STEREO_BM_BASIC
Definition: calib3d_c.h:357
tinyxml2::XMLPrinter::ClearBuffer
void ClearBuffer()
Definition: tinyxml2.h:2031
cv::cudev::LutPtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: lut.hpp:63
CV_EVENT_LBUTTONUP
@ CV_EVENT_LBUTTONUP
Definition: highgui_c.h:182
NPPST_MEMCPY_ERROR
@ NPPST_MEMCPY_ERROR
CUDA memory copy error.
Definition: NCV.hpp:360
cv::cuda::HoughCirclesDetector::setMinDist
virtual void setMinDist(float minDist)=0
cv::detail::GraphCutSeamFinder::GraphCutSeamFinder
GraphCutSeamFinder(int cost_type=COST_COLOR_GRAD, float terminal_cost=10000.f, float bad_region_penalty=1000.f)
clGetProgramInfo
#define clGetProgramInfo
Definition: opencl_core.hpp:224
cvMinEnclosingCircle
int cvMinEnclosingCircle(const CvArr *points, CvPoint2D32f *center, float *radius)
Finds minimum enclosing circle for a set of points.
cv::BFMatcher::crossCheck
bool crossCheck
Definition: features2d.hpp:1057
cv::Mat::adjustROI
Mat & adjustROI(int dtop, int dbottom, int dleft, int dright)
Adjusts a submatrix size and position within the parent matrix.
cv::stereo::StereoBinaryBM::setScalleFactor
virtual void setScalleFactor(int factor)=0
dictionary.hpp
clEnqueueCopyBufferToImage
#define clEnqueueCopyBufferToImage
Definition: opencl_core.hpp:146
cv::detail::BundleAdjusterBase::total_num_matches_
int total_num_matches_
Definition: motion_estimators.hpp:191
videoio_c.h
cvflann::Index::veclen
size_t veclen() const
Definition: flann_base.hpp:168
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_String &)
Definition: bridge.hpp:400
cv::datasets::IS_bsds
Definition: is_bsds.hpp:66
cv::ShapeContextDistanceExtractor::getCostExtractor
virtual Ptr< HistogramCostExtractor > getCostExtractor() const =0
cv::cuda::DescriptorMatcher::matchAsync
virtual void matchAsync(InputArray queryDescriptors, InputArray trainDescriptors, OutputArray matches, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Finds the best match for each descriptor from a query set (asynchronous version).
cv::cudev::GpuMat_::step1
__host__ size_t step1() const
cv::COLOR_YUV420p2RGBA
@ COLOR_YUV420p2RGBA
Definition: imgproc.hpp:657
cv::detail::CameraParams::R
Mat R
Definition: camera.hpp:69
cv::WND_PROP_ASPECT_RATIO
@ WND_PROP_ASPECT_RATIO
window's aspect ration (can be set to WINDOW_FREERATIO or WINDOW_KEEPRATIO).
Definition: highgui.hpp:198
cv::BaseClassifier::eval
int eval(const Mat &image)
cvflann::Accumulator< unsigned char >::Type
float Type
Definition: dist.h:72
cv::SparseMat::SparseMat
SparseMat(const Mat &m)
cv::ml::EM::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::COLOR_BGR5552GRAY
@ COLOR_BGR5552GRAY
Definition: imgproc.hpp:569
cv::cudev::UnaryTransformPtr::value_type
Op::result_type value_type
Definition: transform.hpp:63
cv::bridge::Ptr_MergeMertens
cv::Ptr< MergeMertens > Ptr_MergeMertens
Definition: bridge.hpp:90
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::nbrOfSmallBins
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
cv::ParamType< bool >::const_param_type
bool const_param_type
Definition: core.hpp:3124
scan.hpp
cv::dnn::ReshapeLayer
Definition: all_layers.hpp:299
cv::CAP_PROP_XI_GAMMAY
@ CAP_PROP_XI_GAMMAY
Luminosity gamma.
Definition: videoio.hpp:394
cv::cudev::divides
Definition: functional.hpp:105
cvComposeRT
void cvComposeRT(const CvMat *_rvec1, const CvMat *_tvec1, const CvMat *_rvec2, const CvMat *_tvec2, CvMat *_rvec3, CvMat *_tvec3, CvMat *dr3dr1=0, CvMat *dr3dt1=0, CvMat *dr3dr2=0, CvMat *dr3dt2=0, CvMat *dt3dr1=0, CvMat *dt3dt1=0, CvMat *dt3dr2=0, CvMat *dt3dt2=0)
cvflann::Logger::setDestination
static void setDestination(const char *name)
Definition: logger.h:91
cv::dnn::LSTMLayer::setC
virtual void setC(const Blob &C)=0
Set value that will be used in next forward() calls.
cv::GeneralizedHough::setDp
virtual void setDp(double dp)=0
Inverse ratio of the accumulator resolution to the image resolution.
cv::cudev::BinaryTransformPtrSz::rows
int rows
Definition: transform.hpp:121
cv::datasets::TR_icdarObj::lexFull
std::vector< std::string > lexFull
Definition: tr_icdar.hpp:70
tinyxml2::XMLNode::_value
StrPair _value
Definition: tinyxml2.h:839
cv::cudev::Texture::~Texture
__host__ ~Texture()
Definition: texture.hpp:241
IplImage::_IplImage
_IplImage()
Definition: types_c.h:334
cv::hal::cmp8u
void cmp8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::cuda::HoughLinesDetector::downloadResults
virtual void downloadResults(InputArray d_lines, OutputArray h_lines, OutputArray h_votes=noArray(), Stream &stream=Stream::Null())=0
Downloads results from cuda::HoughLinesDetector::detect to host memory.
CV_CAP_PROP_XI_GAIN
@ CV_CAP_PROP_XI_GAIN
Definition: videoio_c.h:285
HaarClassifierNode128::setLeftNodeDesc
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:233
cv::videostab::StabilizerBase::~StabilizerBase
virtual ~StabilizerBase()
Definition: stabilizer.hpp:69
IplConvKernel
Definition: types_c.h:353
cv::flann::GenericIndex::save
void save(String filename)
Definition: flann.hpp:225
cv::HistCompMethods
HistCompMethods
Definition: imgproc.hpp:488
cv::datasets::TR_icdarObj::words
std::vector< word > words
Definition: tr_icdar.hpp:71
CV_CAP_PROP_XI_FFS_FILE_SIZE
@ CV_CAP_PROP_XI_FFS_FILE_SIZE
Definition: videoio_c.h:405
cv::hal::mul16s
void mul16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
CvNArrayIterator::stack
int stack[CV_MAX_DIM]
Definition: core_c.h:572
cv::transform
void transform(InputArray src, OutputArray dst, InputArray m)
Performs the matrix transformation of every array element.
cv::AutoBuffer::deallocate
void deallocate()
deallocates the buffer if it was dynamically allocated
cvClearND
void cvClearND(CvArr *arr, const int *idx)
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy
Strategie for the selective search segmentation algorithm The class implements a generic stragery for...
Definition: segmentation.hpp:74
cv::stereo::StereoBinarySGBM::getSubPixelInterpolationMethod
virtual int getSubPixelInterpolationMethod() const =0
cv::plot::Plot2d::render
virtual void render(OutputArray _plotResult)=0
cv::detail::FeaturesMatcher::~FeaturesMatcher
virtual ~FeaturesMatcher()
Definition: matchers.hpp:224
cv::cuda::ORB::setBlurForDescriptor
virtual void setBlurForDescriptor(bool blurForDescriptor)=0
if true, image will be blurred before descriptors calculation
pose_3d.hpp
cv::ml::ANN_MLP::setTrainMethod
virtual void setTrainMethod(int method, double param1=0, double param2=0)=0
tinyxml2::XMLDocument::NewComment
XMLComment * NewComment(const char *comment)
cv::cudev::UnaryNegate::pred
Predicate pred
Definition: functional.hpp:793
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< Mat_< _Tp > > &vec)
cv::viz::RenderingProperties
RenderingProperties
Widget rendering properties.
Definition: widgets.hpp:62
cv::CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT
@ CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT
Acquisition buffer size unit in bytes. Default 1. E.g. Value 1024 means that buffer_size is in KiByte...
Definition: videoio.hpp:450
cv::viz::Camera::Camera
Camera(const Matx33d &K, const Size &window_size)
cv::v_setzero_u32
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:1522
cv::DescriptorMatcher::knnMatch
void knnMatch(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArray mask=noArray(), bool compactResult=false) const
Finds the k best matches for each descriptor from a query set.
cv::optflow::GPCPatchSample::pos
GPCPatchDescriptor pos
Definition: sparse_matching_gpc.hpp:81
cv::cuda::SparsePyrLKOpticalFlow
Class used for calculating a sparse optical flow.
Definition: cudaoptflow.hpp:161
cv::EstimatedGaussDistribution::EstimatedGaussDistribution
EstimatedGaussDistribution()
cv::bioinspired::TransientAreasSegmentationModule::setup
virtual void setup(String segmentationParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
cv::videostab::TwoPassStabilizer::motionStabilizer
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:165
cv::detail::CylindricalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cvHoughLines2
CvSeq * cvHoughLines2(CvArr *image, void *line_storage, int method, double rho, double theta, int threshold, double param1=0, double param2=0, double min_theta=0, double max_theta=CV_PI)
Finds lines on binary image using one of several methods.
cv::CvHOGFeatureParams
Definition: feature.hpp:293
matlab::MxArray::isComplex
bool isComplex() const
Definition: mxarray.hpp:427
clCreateContext
#define clCreateContext
Definition: opencl_core.hpp:110
cv::BOWKMeansTrainer
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1260
cv::optflow::GPCTrainingParams::maxTreeDepth
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:126
cv::dnn::Layer::Layer
Layer()
cv::cudev::gridTransformBinary_
__host__ void gridTransformBinary_(const SrcPtr1 &src1, const SrcPtr2 &src2, GpuMat_< DstType > &dst, const BinOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:111
cv::TrackerSamplerCS::Params::overlap
float overlap
overlapping for the search windows
Definition: tracker.hpp:863
cv::ppf_match_3d::writePLY
void writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
cv::ppf_match_3d::KeyType
unsigned int KeyType
Definition: t_hash_int.hpp:58
cv::MergeRobertson::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
cv::cuda::StereoBeliefPropagation::setMaxDiscTerm
virtual void setMaxDiscTerm(double max_disc_term)=0
cv::detail::PlaneWarper::buildMaps
virtual Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap)
cv::Stitcher::cameras
std::vector< detail::CameraParams > cameras() const
Definition: stitching.hpp:273
cv::cudev::TypesEquals::value
@ value
Definition: type_traits.hpp:119
cvRound
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:93
cv::ocl::Program::write
bool write(String &buf) const
tinyxml2::XML_ERROR_PARSING_CDATA
@ XML_ERROR_PARSING_CDATA
Definition: tinyxml2.h:1014
cv::IMWRITE_PAM_TUPLETYPE
@ IMWRITE_PAM_TUPLETYPE
For PAM, sets the TUPLETYPE field to the corresponding string value that is defined for the format.
Definition: imgcodecs.hpp:93
Cv16suf::fmt
struct Cv16suf::_fp16Format fmt
cv::CAP_QT
@ CAP_QT
QuickTime.
Definition: videoio.hpp:98
cv::Moments::m30
double m30
Definition: types.hpp:862
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_StereoSGBM &)
Definition: bridge.hpp:437
cv::text::ERStat::next
ERStat * next
Definition: erfilter.hpp:105
cv::cuda::HostMem::createMatHeader
Mat createMatHeader() const
returns matrix header with disabled reference counting for HostMem data.
cv::aruco::GridBoard::getMarkerSeparation
float getMarkerSeparation() const
Definition: aruco.hpp:304
cv::videostab::StabilizerBase::setTrimRatio
void setTrimRatio(float val)
Definition: stabilizer.hpp:86
cv::flann::KMeansIndexParams
Definition: miniflann.hpp:108
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
1x8, 2x4, 4x2 or 8x1 matrix
cv::Mat1i
Mat_< int > Mat1i
Definition: mat.hpp:2208
cv::cudev::greater
Definition: functional.hpp:153
cv::cuda::DeviceInfo::pciDeviceID
int pciDeviceID() const
PCI device ID of the device.
cv::cudev::GlobPtrSz
Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernel...
Definition: glob.hpp:86
cv::TrackerFeature::className
String className
Definition: tracker.hpp:119
cv::CAP_PROP_GPHOTO2_COLLECT_MSGS
@ CAP_PROP_GPHOTO2_COLLECT_MSGS
Collect messages with details.
Definition: videoio.hpp:549
cv::Matx::depth
@ depth
Definition: matx.hpp:90
cv::DescriptorMatcher::DescriptorCollection::clear
virtual void clear()
cv::aruco::DICT_6X6_1000
@ DICT_6X6_1000
Definition: dictionary.hpp:153
cv::instr::NodeData::m_alwaysExpand
bool m_alwaysExpand
Definition: utility.hpp:1128
cv::ml::SVMSGD::getWeights
virtual Mat getWeights()=0
cvSetOpenGlContext
void cvSetOpenGlContext(const char *window_name)
cv::DualTVL1OpticalFlow
"Dual TV L1" Optical Flow Algorithm.
Definition: tracking.hpp:464
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< UMat > &vec)
cvflann::FLANN_DIST_L1
@ FLANN_DIST_L1
Definition: defines.h:132
color_cvt.hpp
cv::cudev::pow_func
Definition: functional.hpp:647
cv::DescriptorMatcher::DescriptorCollection::mergedDescriptors
Mat mergedDescriptors
Definition: features2d.hpp:993
cv::ogl::Arrays::Arrays
Arrays()
Default constructor.
cv::RNG::state
uint64 state
Definition: core.hpp:2836
CV_CAP_PROP_XI_GPO_MODE
@ CV_CAP_PROP_XI_GPO_MODE
Definition: videoio_c.h:271
cv::COLOR_RGBA2YUV_I420
@ COLOR_RGBA2YUV_I420
Definition: imgproc.hpp:725
tinyxml2::XMLUtil::ConvertUTF32ToUTF8
static void ConvertUTF32ToUTF8(unsigned long input, char *output, int *length)
cv::HOGDescriptor::blockStride
Size blockStride
Definition: objdetect.hpp:423
CV_YUV2BGR_YUNV
@ CV_YUV2BGR_YUNV
Definition: types_c.h:303
cv::cudev::BinaryTransformPtr::src2
Src2Ptr src2
Definition: transform.hpp:110
cv::detail::BundleAdjusterBase::calcError
virtual void calcError(Mat &err)=0
Calculates error vector.
cv::Seq::back
_Tp & back()
returns reference to the last sequence element
Definition: core_c.h:3026
cv::ThinPlateSplineShapeTransformer
Definition of the transformation.
Definition: shape_transformer.hpp:99
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_Mat &)
Definition: bridge.hpp:375
CV_IMWRITE_JPEG_OPTIMIZE
@ CV_IMWRITE_JPEG_OPTIMIZE
Definition: imgcodecs_c.h:84
cv::Moments::Moments
Moments()
the default constructor
cv::ocl::Device::vendorID
int vendorID() const
cv::MultiTracker::add
bool add(const String &trackerType, const Mat &image, const Rect2d &boundingBox)
Add a new object to be tracked.
cv::videostab::SparsePyrLkOptFlowEstimator::run
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors)
cv::rgbd::OdometryFrame::pyramidTexturedMask
std::vector< Mat > pyramidTexturedMask
Definition: rgbd.hpp:519
cv::flann::Index_
Definition: flann.hpp:342
CV_RGB2GRAY
@ CV_RGB2GRAY
Definition: types_c.h:122
cv::cudev::asinh
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
CV_DIST_USER
@ CV_DIST_USER
Definition: types_c.h:557
cv::FileNode::isMap
bool isMap() const
returns true if the node is a mapping
cv::viz::OPACITY
@ OPACITY
Definition: widgets.hpp:64
cv::text::ERStat::hole_area_ratio
float hole_area_ratio
2nd stage features
Definition: erfilter.hpp:89
cv::Mat3i
Mat_< Vec3i > Mat3i
Definition: mat.hpp:2210
cv::MatStep::MatStep
MatStep()
CV_CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
@ CV_CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio_c.h:447
cv::error
void error(int _code, const String &_err, const char *_func, const char *_file, int _line)
Signals an error and raises the exception.
cv::updateWindow
void updateWindow(const String &winname)
Force window to redraw its context and call draw callback ( See cv::setOpenGlDrawCallback ).
cv::cudev::BinaryTransformPtrSz::cols
int cols
Definition: transform.hpp:121
ncvAssertReturn
#define ncvAssertReturn(pred, err)
Definition: NCV.hpp:275
cv::CvHOGEvaluator::Feature::write
void write(FileStorage &fs) const
cvflann::Accumulator< char >::Type
float Type
Definition: dist.h:78
cv::cudev::absdiff_func
Definition: functional.hpp:427
tinyxml2::XMLComment::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *document) const
cv::dnn::Dict::get
T get(const String &key) const
tinyxml2::XMLUtil::GetCharacterRef
static const char * GetCharacterRef(const char *p, char *value, int *length)
cv::tracking::UnscentedKalmanFilter
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:56
cv::CvHaarEvaluator::getFeatures
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
cv::TrackerMIL::Params::samplerTrackMaxPosNum
int samplerTrackMaxPosNum
Definition: tracker.hpp:1097
cv::TickMeter::TickMeter
TickMeter()
the default constructor
Definition: utility.hpp:290
cv::videostab::GaussianMotionFilter::GaussianMotionFilter
GaussianMotionFilter(int radius=15, float stdev=-1.f)
Definition: motion_stabilizing.hpp:115
cv::grabCut
void grabCut(InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
Runs the GrabCut algorithm.
cv::Mutex::~Mutex
~Mutex()
cv::detail::BundleAdjusterBase::setUpInitialCameraParams
virtual void setUpInitialCameraParams(const std::vector< CameraParams > &cameras)=0
Sets initial camera parameter to refine.
cv::cudev::ScharrYPtr::index_type
int index_type
Definition: deriv.hpp:284
cv::calcNormFactor
float calcNormFactor(const Mat &sum, const Mat &sqSum)
CV_CAP_PROP_ANDROID_FLASH_MODE
@ CV_CAP_PROP_ANDROID_FLASH_MODE
Definition: videoio_c.h:414
cv::cudev::magnitude_sqr_func::operator()
__device__ __forceinline__ functional_detail::FloatType< T >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:624
cvflann::KMeansIndex::set_cb_index
void set_cb_index(float index)
Definition: kmeans_index.h:415
cv::UMat::step1
size_t step1(int i=0) const
returns step/elemSize1()
cv::stereo::CV_MEAN_VARIATION
@ CV_MEAN_VARIATION
Definition: descriptor.hpp:60
cv::cudacodec::EncoderParams::DisableSPSPPS
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:103
cv::cudev::BinaryTransformPtr::index_type
PtrTraits< Src1Ptr >::index_type index_type
Definition: transform.hpp:107
cv::dnn::Layer::~Layer
virtual ~Layer()
cv::multicalib::MultiCameraCalibration::MultiCameraCalibration
MultiCameraCalibration(int cameraType, int nCameras, const std::string &fileName, float patternWidth, float patternHeight, int verbose=0, int showExtration=0, int nMiniMatches=20, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 200, 1e-7), Ptr< FeatureDetector > detector=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.006f), Ptr< DescriptorExtractor > descriptor=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.006f), Ptr< DescriptorMatcher > matcher=DescriptorMatcher::create("BruteForce-L1"))
cv::COLOR_YUV2RGB_I420
@ COLOR_YUV2RGB_I420
Definition: imgproc.hpp:646
cv::dnn::LayerFactory
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:58
cvflann::L2::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:138
cv::cudev::transpose_
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
cv::cuda::ORB::Y_ROW
@ Y_ROW
Definition: cudafeatures2d.hpp:461
cv::viz::Color::raspberry
static Color raspberry()
cv::UMat::create
void create(Size size, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::BaseClassifier::m_iterationInit
int m_iterationInit
Definition: onlineBoosting.hpp:147
cv::FileStorage::fs
Ptr< CvFileStorage > fs
the underlying C FileStorage structure
Definition: persistence.hpp:465
cv::DescriptorMatcher::getTrainDescriptors
const std::vector< Mat > & getTrainDescriptors() const
Returns a constant link to the train descriptor collection trainDescCollection .
CV_BayerRG2BGR_VNG
@ CV_BayerRG2BGR_VNG
Definition: types_c.h:197
cv::cuda::GpuMat::colRange
GpuMat colRange(int startcol, int endcol) const
... for the specified column span
cv::text::ERFilter::setMaxArea
virtual void setMaxArea(float maxArea)=0
cv::bioinspired::RETINA_COLOR_BAYER
@ RETINA_COLOR_BAYER
standard bayer sampling
Definition: retina.hpp:86
cvKalmanPredict
const CvMat * cvKalmanPredict(CvKalman *kalman, const CvMat *control=NULL)
nppsStCompactGetSize_32u
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::cuda::COLOR_BayerGB2RGB_MHT
@ COLOR_BayerGB2RGB_MHT
Definition: cudaimgproc.hpp:101
cv::videostab::NullWobbleSuppressor
Definition: wobble_suppression.hpp:96
cv::DualTVL1OpticalFlow::getOuterIterations
virtual int getOuterIterations() const =0
Outer iterations (number of inner loops) used in the numerical scheme.
cv::TonemapDrago
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:359
cv::cudev::HistogramBody::src
SrcPtr src
Definition: reduction.hpp:220
cv::videostab::StabilizerBase::reset
void reset()
hal_ni_merge8u
int hal_ni_merge8u(const uchar **src_data, uchar *dst_data, int len, int cn)
Definition: hal_replacement.hpp:366
cvmSet
void cvmSet(CvMat *mat, int row, int col, double value)
Sets a specific element of a single-channel floating-point matrix.
Definition: types_c.h:584
cv::TrackerSamplerAlgorithm::getClassName
String getClassName() const
Get the name of the specific TrackerSamplerAlgorithm.
cv::bioinspired::SegmentationParameters::contextEnergy_temporalConstant
float contextEnergy_temporalConstant
context neighborhood energy filtering parameters : the aim is to get information about the energy on ...
Definition: transientareassegmentationmodule.hpp:104
cvflann::FLANN_UINT8
@ FLANN_UINT8
Definition: defines.h:161
cv::cuda::DensePyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::ocl::KernelArg::KernelArg
KernelArg(int _flags, UMat *_m, int wscale=1, int iwscale=1, const void *_obj=0, size_t _sz=0)
cv::ParallelLoopBody
Base class for parallel data processors.
Definition: utility.hpp:470
cv::ml::SVM::getDegree
virtual double getDegree() const =0
cvflann::FLANNException
Definition: general.h:40
cv::String::find_first_of
size_t find_first_of(const char *s, size_t pos, size_t n) const
cv::cudev::VecTraits< char1 >::make
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, double alpha, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
cv::PCA::operator()
PCA & operator()(InputArray data, InputArray mean, int flags, int maxComponents=0)
performs PCA
cvConvertScale
void cvConvertScale(const CvArr *src, CvArr *dst, double scale=1, double shift=0)
Converts one array to another with optional linear transformation.
cv::saliency::MotionSaliencyBinWangApr2014::MotionSaliencyBinWangApr2014
MotionSaliencyBinWangApr2014()
CvKalman::error_cov_post
CvMat * error_cov_post
Definition: tracking_c.h:198
cv::AffineTransformer
Wrapper class for the OpenCV Affine Transformation algorithm. :
Definition: shape_transformer.hpp:120
cv::cudev::ConvertTuple::type
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
cv::cuda::HoughSegmentDetector::setMaxLineGap
virtual void setMaxLineGap(int maxLineGap)=0
cv::datasets::TR_charsObj
Definition: tr_chars.hpp:61
cvflann::ChiSquareDistance
Definition: dist.h:639
cv::cudev::Max::rebind
Definition: reduce_to_vec.hpp:130
cv::cudev::negate
Definition: functional.hpp:123
cv::ocl::convertFromBuffer
void convertFromBuffer(void *cl_mem_buffer, size_t step, int rows, int cols, int type, UMat &dst)
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, String dslabel, const int compresslevel, const vector< int > &dims_chunks) const =0
HaarFeatureDescriptor32::create
__host__ NCVStatus create(NcvBool bTilted, NcvBool bLeftLeaf, NcvBool bRightLeaf, Ncv32u numFeatures, Ncv32u offsetFeatures)
Definition: NCVHaarObjectDetection.hpp:131
cv::TickMeter
a Class to measure passing time.
Definition: utility.hpp:287
CV_IS_MATND
#define CV_IS_MATND(mat)
Definition: types_c.h:660
cv::NORM_HAMMING
@ NORM_HAMMING
Definition: base.hpp:192
CvMoments::m01
double m01
Definition: types_c.h:399
CV_YUV2RGBA_IYUV
@ CV_YUV2RGBA_IYUV
Definition: types_c.h:261
cv::MatOp::MatOp
MatOp()
cv::ppf_match_3d::PPF3DDetector::distance_step
double distance_step
Definition: ppf_match_3d.hpp:148
tinyxml2::XMLPrinter::CompactMode
virtual bool CompactMode(const XMLElement &)
Definition: tinyxml2.h:2037
cv::cuda::SparsePyrLKOpticalFlow::setWinSize
virtual void setWinSize(Size winSize)=0
cvSetAdd
int cvSetAdd(CvSet *set_header, CvSetElem *elem=NULL, CvSetElem **inserted_elem=NULL)
tinyxml2::XMLDocument::RootElement
XMLElement * RootElement()
Definition: tinyxml2.h:1585
CvKalman::KalmGainMatr
float * KalmGainMatr
Definition: tracking_c.h:177
IplConvKernel::anchorY
int anchorY
Definition: types_c.h:357
cv::recoverPose
int recoverPose(InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, InputOutputArray mask=noArray())
Recover relative camera rotation and translation from an estimated essential matrix and the correspon...
tinyxml2::XMLAttribute::QueryFloatValue
XMLError QueryFloatValue(float *value) const
See QueryIntValue.
cv::L1::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:759
cv::SparseMat::assignTo
void assignTo(SparseMat &m, int type=-1) const
cv::line_descriptor::BinaryDescriptor::createBinaryDescriptor
static Ptr< BinaryDescriptor > createBinaryDescriptor(Params parameters)
cv::cuda::DeviceInfo::surfaceAlignment
size_t surfaceAlignment() const
alignment requirements for surfaces
cv::KAZE::setUpright
virtual void setUpright(bool upright)=0
clAmdBlasDgemmEx
#define clAmdBlasDgemmEx
Definition: opencl_clamdblas.hpp:285
cv::HOGDescriptor::detectMultiScaleROI
virtual void detectMultiScaleROI(const cv::Mat &img, std::vector< cv::Rect > &foundLocations, std::vector< DetectionROI > &locations, double hitThreshold=0, int groupThreshold=0) const
evaluate specified ROI and return confidence value for each location in multiple scales
cv::MinProblemSolver::Function::calc
virtual double calc(const double *x) const =0
cv::ximgproc::segmentation::GraphSegmentation::processImage
virtual void processImage(InputArray src, OutputArray dst)=0
Segment an image and store output in dst.
cv::text::OCRBeamSearchDecoder::mode
decoder_mode mode
Definition: ocr.hpp:450
cv::cuda::BroxOpticalFlow::getSolverIterations
virtual int getSolverIterations() const =0
number of linear system solver iterations
cv::hal::absdiff8u
void absdiff8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::Tracker::updateImpl
virtual bool updateImpl(const Mat &image, Rect2d &boundingBox)=0
cv::stereo::CV_SPARSE_CENSUS
@ CV_SPARSE_CENSUS
Definition: descriptor.hpp:58
tinyxml2::XMLDocument::Identify
char * Identify(char *p, XMLNode **node)
cv::xobjdetect::WBDetector::detect
virtual void detect(const Mat &img, std::vector< Rect > &bboxes, std::vector< double > &confidences)=0
Detect objects on image using WaldBoost detector.
cv::dnn::SplitLayer
Definition: all_layers.hpp:317
cv::SimpleBlobDetector::Params::minThreshold
float minThreshold
Definition: features2d.hpp:560
cv::SparseMat::value
_Tp value(int i0, int i1, int i2, size_t *hashval=0) const
returns value of the specified element (3D case)
cv::hal::invSqrt32f
void invSqrt32f(const float *src, float *dst, int len)
cv::cuda::DescriptorMatcher::createBFMatcher
static Ptr< DescriptorMatcher > createBFMatcher(int normType=cv::NORM_L2)
Brute-force descriptor matcher.
clRetainCommandQueue
#define clRetainCommandQueue
Definition: opencl_core.hpp:248
cv::Allocator::size_type
size_t size_type
Definition: cvstd.hpp:135
cv::rgbd::RgbdFrame
Definition: rgbd.hpp:469
cv::cuda::HOG::getDescriptorFormat
virtual int getDescriptorFormat() const =0
cv::fisheye::CALIB_FIX_PRINCIPAL_POINT
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:1894
cv::HausdorffDistanceExtractor
A simple Hausdorff distance measure between shapes defined by contours.
Definition: shape_distance.hpp:198
cv::DIST_WELSCH
@ DIST_WELSCH
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:315
cv::text::ERFilter::setMinProbabilityDiff
virtual void setMinProbabilityDiff(float minProbabilityDiff)=0
cvflann::save_to_file
void save_to_file(const cvflann::Matrix< T > &dataset, const String &filename, const String &name)
Definition: hdf5.h:76
cv::MatConstIterator::MatConstIterator
MatConstIterator(const MatConstIterator &it)
copy constructor
nppsStCompact_32u
NCVStatus nppsStCompact_32u(Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::cudev::vsetne2
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
cv::CAP_PROP_XI_OFFSET_Y
@ CAP_PROP_XI_OFFSET_Y
Vertical offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:329
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1018
cv::cuda::printShortCudaDeviceInfo
void printShortCudaDeviceInfo(int device)
cv::dnn::Net::deleteLayer
void deleteLayer(LayerId layer)
Delete layer for the network (not implemented yet)
cv::CAP_PROP_SATURATION
@ CAP_PROP_SATURATION
Saturation of the image (only for cameras).
Definition: videoio.hpp:136
cv::WINDOW_OPENGL
@ WINDOW_OPENGL
window with opengl support.
Definition: highgui.hpp:185
NcvRect8u::NcvRect8u
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
CV_CUDEV_RGB2Lab_INST
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
cv::ximgproc::GradientDericheY
void GradientDericheY(InputArray _op, OutputArray _dst, double alphaDerive, double alphaMean)
Applies Y Deriche filter to an image.
NCVMatrix::clear
void clear()
Definition: NCV.hpp:751
cv::String::operator[]
char operator[](int idx) const
cv::MOTION_HOMOGRAPHY
@ MOTION_HOMOGRAPHY
Definition: tracking.hpp:258
clUnloadCompiler
#define clUnloadCompiler
Definition: opencl_core.hpp:272
cv::decomposeEssentialMat
void decomposeEssentialMat(InputArray E, OutputArray R1, OutputArray R2, OutputArray t)
Decompose an essential matrix to possible rotations and translation.
cvCalcArrBackProjectPatch
void cvCalcArrBackProjectPatch(CvArr **image, CvArr *dst, CvSize range, CvHistogram *hist, int method, double factor)
Locates a template within an image by using a histogram comparison.
cv::aruco::drawDetectedMarkers
void drawDetectedMarkers(InputOutputArray image, InputArrayOfArrays corners, InputArray ids=noArray(), Scalar borderColor=Scalar(0, 255, 0))
Draw detected markers in image.
cv::cudev::SobelXPtrSz
Definition: deriv.hpp:162
cv::sfm::libmv_CameraIntrinsicsOptions::principal_point_y
double principal_point_y
Definition: simple_pipeline.hpp:107
cv::videostab::KeypointBasedMotionEstimator::setOutlierRejector
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:235
cv::HISTCMP_HELLINGER
@ HISTCMP_HELLINGER
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:505
CV_CAP_PROP_OPENNI_FRAME_MAX_DEPTH
@ CV_CAP_PROP_OPENNI_FRAME_MAX_DEPTH
Definition: videoio_c.h:223
CV_YUV420p2BGRA
@ CV_YUV420p2BGRA
Definition: types_c.h:266
cv::COLOR_LRGB2Lab
@ COLOR_LRGB2Lab
Definition: imgproc.hpp:613
cv::viz::Color::chartreuse
static Color chartreuse()
CV_EXPORTS_W
#define CV_EXPORTS_W
Definition: cvdef.h:373
cv::stereo::StereoBinaryBM::getScalleFactor
virtual int getScalleFactor() const =0
cv::line_descriptor::KeyLine::ePointInOctaveX
float ePointInOctaveX
Definition: descriptor.hpp:137
cv::ml::TrainData::getNTrainSamples
virtual int getNTrainSamples() const =0
cv::INTER_BITS2
@ INTER_BITS2
Definition: imgproc.hpp:296
cv::TLSDataContainer::getData
void * getData() const
cv::Ptr::Ptr
friend struct Ptr
Definition: cvstd.hpp:421
cv::cudev::not2
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:823
cv::ClfMilBoost::Params::_numSel
int _numSel
Definition: onlineMIL.hpp:65
cv::CAP_PROP_XI_LENS_APERTURE_VALUE
@ CAP_PROP_XI_LENS_APERTURE_VALUE
Current lens aperture value in stops. Examples: 2.8, 4, 5.6, 8, 11.
Definition: videoio.hpp:421
cv::instr::TYPE_FUN
@ TYPE_FUN
Definition: utility.hpp:1095
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_(SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
CvPoint3D64f
Definition: types_c.h:985
cv::detail::SeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)=0
Estimates seams.
tinyxml2::XMLElement::SetText
void SetText(int value)
Convenience method for setting text inside and element. See SetText() for important limitations.
CV_BayerGB2RGB_VNG
@ CV_BayerGB2RGB_VNG
Definition: types_c.h:201
cv::AgastFeatureDetector::THRESHOLD
@ THRESHOLD
Definition: features2d.hpp:479
cvProjectPCA
void cvProjectPCA(const CvArr *data, const CvArr *mean, const CvArr *eigenvects, CvArr *result)
cv::detail::BlocksGainCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image block intens...
Definition: exposure_compensate.hpp:118
CV_CAP_PROP_XI_COUNTER_VALUE
@ CV_CAP_PROP_XI_COUNTER_VALUE
Definition: videoio_c.h:373
cv::cuda::HOG::setNumLevels
virtual void setNumLevels(int nlevels)=0
Maximum number of detection window increases.
cv::cudacodec::SF_YV12
@ SF_YV12
Definition: cudacodec.hpp:74
cv::hdf::HDF5::dsgettype
virtual int dsgettype(String dslabel) const =0
Fetch dataset type.
clAmdFftEnqueueTransform
#define clAmdFftEnqueueTransform
Definition: opencl_clamdfft.hpp:54
cv::Mat::Mat
Mat(const Mat &m)
cv::Affine3::Affine3
Affine3(const Mat &data, const Vec3 &t=Vec3::all(0))
Combines all contructors above. Supports 4x4, 4x3, 3x3, 1x3, 3x1 sizes of data matrix.
cv::cuda::GpuMat::ptr
uchar * ptr(int y=0)
returns pointer to y-th row
cv::FileStorage::write
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:909
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
8-element vector constructor
CvMemStoragePos
Definition: types_c.h:1206
cv::videostab::MotionEstimatorBase::estimate
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)=0
Estimates global motion between two 2D point clouds.
cv::stereo::StereoBinarySGBM::getSpekleRemovalTechnique
virtual int getSpekleRemovalTechnique() const =0
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Vec2d &fov, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
cv::ml::StatModel::train
static Ptr< _Tp > train(const Ptr< TrainData > &data, int flags=0)
Create and train model with default parameters.
Definition: ml.hpp:364
cv::detail::NoExposureCompensator::apply
void apply(int, Point, InputOutputArray, InputArray)
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:96
cv::xphoto::SimpleWB::setInputMax
virtual void setInputMax(float val)=0
Input image range maximum value.
nppStBorderNone
@ nppStBorderNone
There is no need to define additional pixels, image is extended already.
Definition: NPP_staging.hpp:90
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< Mat_< _Tp > > &vec)
cv::cudev::vec_math_detail::SatCastHelper< 1, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
cv::detail::PlaneWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R, InputArray T)
cv::String::npos
static const size_t npos
Definition: cvstd.hpp:490
cv::hal::div16s
void div16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
cv::SimpleBlobDetector::Params::minArea
float minArea
Definition: features2d.hpp:569
cv::cudev::LaplacianPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:374
tracking.hpp
cvCreateKalman
CvKalman * cvCreateKalman(int dynam_params, int measure_params, int control_params=0)
cv::AgastFeatureDetector::AGAST_7_12d
@ AGAST_7_12d
Definition: features2d.hpp:478
cv::operator/
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
Definition: intrin_cpp.hpp:411
cv::stereo::StereoMatcher::setMinDisparity
virtual void setMinDisparity(int minDisparity)=0
cv::datasets::pose::elem
double elem[12]
Definition: slam_kitti.hpp:62
cv::WImage_16s
WImage< short > WImage_16s
Definition: wimage.hpp:89
cv::ximgproc::SuperpixelSEEDS::getNumberOfSuperpixels
virtual int getNumberOfSuperpixels()=0
Calculates the superpixel segmentation on a given image stored in SuperpixelSEEDS object.
cv::AgastFeatureDetector_Impl::threshold
int threshold
Definition: agast.txt:7532
cv::datasets::FR_adience::paths
std::vector< std::string > paths
Definition: fr_adience.hpp:90
cv::line_descriptor::BinaryDescriptorMatcher::radiusMatch
void radiusMatch(const Mat &queryDescriptors, const Mat &trainDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, const Mat &mask=Mat(), bool compactResult=false) const
For every input query descriptor, retrieve, from a dataset provided from user or from the one interna...
cv::_OutputArray::create
void create(int rows, int cols, int type, int i=-1, bool allowTransposed=false, int fixedDepthMask=0) const
tinyxml2::XMLElement::QueryDoubleAttribute
XMLError QueryDoubleAttribute(const char *name, double *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1251
cvflann::HammingLUT::is_kdtree_distance
False is_kdtree_distance
Definition: dist.h:381
cv::rgbd::Odometry::setTransformType
virtual void setTransformType(int val)=0
cv::viz::Viz3d::setViewerPose
void setViewerPose(const Affine3d &pose)
Sets pose of the viewer.
cv::detail::BundleAdjusterBase::num_params_per_cam_
int num_params_per_cam_
Definition: motion_estimators.hpp:193
cv::COLOR_BGR2YUV_YV12
@ COLOR_BGR2YUV_YV12
Definition: imgproc.hpp:730
cv::Error::MaskIsTiled
@ MaskIsTiled
Definition: base.hpp:95
cv::detail::ExposureCompensator::createDefault
static Ptr< ExposureCompensator > createDefault(int type)
tinyxml2::XMLHandle::PreviousSiblingElement
XMLHandle PreviousSiblingElement(const char *_value=0)
Get the previous sibling element of this handle.
Definition: tinyxml2.h:1804
NCVBroxOpticalFlowDescriptor::number_of_solver_iterations
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
cv::checkRange
bool checkRange(InputArray a, bool quiet=true, Point *pos=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX)
Checks every element of an input array for invalid values.
cv::ml::DTrees::Split::varIdx
int varIdx
Index of variable on which the split is created.
Definition: ml.hpp:1071
cv::KeyPointsFilter
A class filters a vector of keypoints.
Definition: features2d.hpp:99
cv::cuda::CLAHE
Base class for Contrast Limited Adaptive Histogram Equalization. :
Definition: cudaimgproc.hpp:217
CV_NODE_IS_STRING
#define CV_NODE_IS_STRING(flags)
Definition: types_c.h:1754
cv::datasets::TRACK_alovObj::gtbb
vector< Point2f > gtbb
Definition: track_alov.hpp:65
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9, const _Tp10 &a10, const _Tp11 &a11, const _Tp12 &a12, const _Tp13 &a13, const _Tp14 &a14, const _Tp15 &a15)
Definition: ocl.hpp:561
cv::dnn::InnerProductLayer::axis
int axis
Definition: all_layers.hpp:282
cv::SparseMatIterator_::iterator_category
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3159
CPU_POPCNT
@ CPU_POPCNT
Definition: cvdef.h:145
cv::COLOR_YUV2BGRA_NV12
@ COLOR_YUV2BGRA_NV12
Definition: imgproc.hpp:636
cv::ft::createKernel
void createKernel(InputArray A, InputArray B, OutputArray kernel, const int chn)
Creates kernel from basic functions.
cv::optflow::VariationalRefinement::setGamma
virtual void setGamma(float val)=0
Weight of the gradient constancy term.
cv::reg::Map::~Map
virtual ~Map(void)
cv::instr::NodeData::m_lineNum
int m_lineNum
Definition: utility.hpp:1126
cvUpdateWindow
void cvUpdateWindow(const char *window_name)
cv::Mutex::unlock
void unlock()
cv::TrackerTLD
TLD is a novel tracking framework that explicitly decomposes the long-term tracking task into trackin...
Definition: tracker.hpp:1184
cv::flann::IndexParams::getString
String getString(const String &key, const String &defaultVal=String()) const
cv::cudev::TypesEquals
Definition: type_traits.hpp:118
cv::cudev::saturate_cast
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:56
CV_CAP_PROP_XI_DEBUG_LEVEL
@ CV_CAP_PROP_XI_DEBUG_LEVEL
Definition: videoio_c.h:402
cv::v_sqrt
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:478
cv::addText
void addText(const Mat &img, const String &text, Point org, const QtFont &font)
Draws a text on the image.
CvKalman::measurement_noise_cov
CvMat * measurement_noise_cov
Definition: tracking_c.h:193
cv::cuda::HoughCirclesDetector
Base class for circles detector algorithm. :
Definition: cudaimgproc.hpp:437
cv::cudev::BrdReflect::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:173
tinyxml2::XMLElement::Accept
virtual bool Accept(XMLVisitor *visitor) const
cv::datasets::SLAM_kittiObj::times
std::vector< double > times
Definition: slam_kitti.hpp:70
cv::aruco::CharucoBoard::create
static Ptr< CharucoBoard > create(int squaresX, int squaresY, float squareLength, float markerLength, const Ptr< Dictionary > &dictionary)
Create a CharucoBoard object.
cv::CAP_PROP_XI_CC_MATRIX_31
@ CAP_PROP_XI_CC_MATRIX_31
Color Correction Matrix element [3][1].
Definition: videoio.hpp:410
cv::Tonemap
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
Definition: photo.hpp:327
cvflann::LinearIndex::operator=
LinearIndex & operator=(const LinearIndex &)
cv::Error::BadCOI
@ BadCOI
Definition: base.hpp:93
cv::detail::PlaneWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R)
cv::UMat::colRange
UMat colRange(int startcol, int endcol) const
... for the specified column span
cv::String::c_str
const char * c_str() const
cv::cuda::OpticalFlowDual_TVL1::getNumWarps
virtual int getNumWarps() const =0
NCVVectorAlloc::getAllocatorsAlignment
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
cv::UMatData::copyOnMap
bool copyOnMap() const
cv::cudev::ThreshToZeroInvFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
cv::bioinspired::Retina::clearBuffers
virtual void clearBuffers()=0
Clears all retina buffers.
cv::_OutputArray::getGpuMatRef
cuda::GpuMat & getGpuMatRef() const
cv::datasets::groundTruth
Definition: gr_chalearn.hpp:61
clEnqueueAcquireGLObjects
#define clEnqueueAcquireGLObjects
Definition: opencl_gl.hpp:34
cvRunningAvg
void cvRunningAvg(const CvArr *image, CvArr *acc, double alpha, const CvArr *mask=NULL)
Adds image to accumulator with weights: acc = acc*(1-alpha) + image*alpha.
cv::ocl::Image2D::isFormatSupported
static bool isFormatSupported(int depth, int cn, bool norm)
cv::detail::PlaneWarper::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
cv::ml::TrainData::getNVars
virtual int getNVars() const =0
cv::SparseMat::resizeHashTab
void resizeHashTab(size_t newsize)
cv::rgbd::RgbdPlane::getBlockSize
int getBlockSize() const
Definition: rgbd.hpp:396
cv::datasets::IR_robot::create
static Ptr< IR_robot > create()
cv::CAP_PROP_XI_OUTPUT_DATA_PACKING
@ CAP_PROP_XI_OUTPUT_DATA_PACKING
Device output data packing (or grouping) enabled. Packing could be enabled if output_data_bit_depth >...
Definition: videoio.hpp:381
cv::rgbd::Odometry::DEFAULT_MAX_POINTS_PART
static float DEFAULT_MAX_POINTS_PART()
Definition: rgbd.hpp:553
NCVMemoryType
NCVMemoryType
Definition: NCV.hpp:428
cv::cuda::DescriptorMatcher::knnMatchConvert
virtual void knnMatchConvert(InputArray gpu_matches, std::vector< std::vector< DMatch > > &matches, bool compactResult=false)=0
Converts matches array from internal representation to standard matches vector.
cv::Mat_::eye
static MatExpr eye(int rows, int cols)
cv::ocl::KernelArg::PtrWriteOnly
static KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:362
cv::reg::MapperGradProj
Definition: mappergradproj.hpp:53
cv::hpp::getMat
Mat getMat(hppiMatrix *src, hppAccel accel, int cn)
Create Mat from hppiMatrix.
Definition: ippasync.hpp:141
cv::rgbd::RgbdICPOdometry::getMinDepth
double getMinDepth() const
Definition: rgbd.hpp:913
cv::hdf::HDF5::grcreate
virtual void grcreate(String grlabel)=0
Create a group.
cv::viz::Viz3d::spinOnce
void spinOnce(int time=1, bool force_redraw=false)
Starts the event loop for a given time.
cv::CAP_PROP_XI_DOWNSAMPLING_TYPE
@ CAP_PROP_XI_DOWNSAMPLING_TYPE
Change image downsampling type.
Definition: videoio.hpp:351
cv::linemod::Detector::addSyntheticTemplate
int addSyntheticTemplate(const std::vector< Template > &templates, const String &class_id)
Add a new object template computed by external means.
uint
uint32_t uint
Definition: interface.h:38
cvflann::ChiSquareDistance::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:644
cv::AutoBuffer::sz
size_t sz
size of the real buffer
Definition: utility.hpp:149
cvSub
void cvSub(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
cv::Rect_
Template class for 2D rectangles.
Definition: types.hpp:382
cv::CLAHE::collectGarbage
virtual void collectGarbage()=0
cv::cuda::StereoBeliefPropagation::getMsgType
virtual int getMsgType() const =0
type for messages (CV_16SC1 or CV_32FC1)
cv::cudacodec::RawVideoSource::format
virtual FormatInfo format() const =0
Returns information about video file format.
cv::Point3f
Point3_< float > Point3f
Definition: types.hpp:253
Ncv8s
signed char Ncv8s
Definition: NCV.hpp:131
cv::INTER_LANCZOS4
@ INTER_LANCZOS4
Definition: imgproc.hpp:279
cvflann::FLANN_FLOAT32
@ FLANN_FLOAT32
Definition: defines.h:165
NcvSize32u::height
Ncv32u height
Rectangle height.
Definition: NCV.hpp:184
cv::FileNode::INT
@ INT
an integer
Definition: persistence.hpp:492
CV_GUI_EXPANDED
@ CV_GUI_EXPANDED
Definition: highgui_c.h:122
cv::NAryMatIterator::nplanes
size_t nplanes
the number of hyper-planes that the iterator steps through
Definition: mat.hpp:3271
cv::videostab::MotionStabilizationPipeline::empty
bool empty() const
Definition: motion_stabilizing.hpp:74
cv::omnidir::internal::flags2idxStereo
void flags2idxStereo(int flags, std::vector< int > &idx, int n)
NCVMemSegment
Definition: NCV.hpp:451
cv::CommandLineParser::CommandLineParser
CommandLineParser(int argc, const char *const argv[], const String &keys)
Constructor.
cv::tracking::UnscentedKalmanFilterParams::model
Ptr< UkfSystemModel > model
Object of the class containing functions for computing the next state and the measurement.
Definition: kalman_filters.hpp:144
cv::cudev::lutPtr
__host__ LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > lutPtr(const SrcPtr &src, const TablePtr &tbl)
Definition: lut.hpp:87
cv::dnn::PowerLayer::shift
double shift
Definition: all_layers.hpp:371
cv::SimpleBlobDetector::create
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params &parameters=SimpleBlobDetector::Params())
cv::optflow::GPCPatchDescriptor::feature
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:69
cv::bridge::Ptr_StereoSGBM
cv::Ptr< cv::StereoSGBM > Ptr_StereoSGBM
Definition: bridge.hpp:80
cv::SimpleBlobDetector::Params::filterByColor
bool filterByColor
Definition: features2d.hpp:565
opencl_gl.hpp
cv::String::String
String(const char *first, const char *last)
cv::COVAR_COLS
@ COVAR_COLS
Definition: core.hpp:197
cv::TrackerModel::getLastTargetState
Ptr< TrackerTargetState > getLastTargetState() const
Get the last TrackerTargetState from Trajectory.
cv::dnn::Blob::channels
int channels() const
Returns size of the second axis blob.
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::OPLandIplParvoParameters
OPLandIplParvoParameters()
Definition: retina.hpp:152
cv::cuda::bilateralFilter
void bilateralFilter(InputArray src, OutputArray dst, int kernel_size, float sigma_color, float sigma_spatial, int borderMode=BORDER_DEFAULT, Stream &stream=Stream::Null())
Performs bilateral filtering of passed image.
NcvRect32u::width
Ncv32u width
Rectangle width.
Definition: NCV.hpp:164
cv::cuda::GpuMat::col
GpuMat col(int x) const
returns a new GpuMat header for the specified column
cv::_InputArray::isMat
bool isMat() const
cv::dnn::BlobShape::BlobShape
BlobShape()
Creates [1, 1, 1, 1] shape.
cv::ogl::Texture2D::bind
void bind() const
Binds texture to current active texture unit for GL_TEXTURE_2D target.
cv::linemod::Feature::Feature
Feature()
Definition: linemod.hpp:69
THash
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:80
cv::ogl::convertFromGLTexture2D
void convertFromGLTexture2D(const Texture2D &texture, OutputArray dst)
Converts Texture2D object to OutputArray.
cv::cudev::cast_fp16< short, float >
__device__ __forceinline__ float cast_fp16< short, float >(short v)
Definition: saturate_cast.hpp:275
cv::viz::readTrajectory
void readTrajectory(OutputArray traj, const String &files_format="pose%05d.xml", int start=0, int end=INT_MAX, const String &tag="pose")
takes vector<Affine3<T>> with T = float/dobule and loads poses from sequence of files
cv::sfm::essentialFromFundamental
void essentialFromFundamental(InputArray F, InputArray K1, InputArray K2, OutputArray E)
Get Essential matrix from Fundamental and Camera matrices.
cv::cudev::minimum::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:321
cv::optflow::DISOpticalFlow::setVariationalRefinementIterations
virtual void setVariationalRefinementIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
OPENCV_HAL_IMPL_C_SHIFTL
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:1574
cv::bridge::Bridge::toMxArray
matlab::MxArray toMxArray()
Definition: bridge.hpp:216
cv::VideoCapture::open
virtual bool open(const String &filename)
Open video file or a capturing device or a IP video stream for video capturing.
cv::cudev::cvt_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, saturate_cast_func< typename PtrTraits< SrcPtr >::value_type, D > > > cvt_(const SrcPtr &src)
Definition: per_element_func.hpp:119
cv::Ptr::constCast
Ptr< Y > constCast() const
CV_CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
@ CV_CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Definition: videoio_c.h:370
hal_ni_filterFree
int hal_ni_filterFree(cvhalFilter2D *context)
hal_filterFree
Definition: hal_replacement.hpp:128
cv::HISTCMP_CHISQR_ALT
@ HISTCMP_CHISQR_ALT
Definition: imgproc.hpp:509
cv::bridge::Bridge::toVectorPoint
vector_Point toVectorPoint()
Definition: bridge.hpp:406
cvflann::StartStopTimer::value
double value
Definition: timer.h:54
cv::_OutputArray::_OutputArray
_OutputArray(const cudev::GpuMat_< _Tp > &m)
cvflann::FLANN_LOG_FATAL
@ FLANN_LOG_FATAL
Definition: defines.h:121
cv::Vec4d
Vec< double, 4 > Vec4d
Definition: matx.hpp:388
cv::NAryMatIterator::NAryMatIterator
NAryMatIterator()
the default constructor
cv::dnn::LSTMLayer::outputNameToIndex
int outputNameToIndex(String outputName)
Returns index of output blob in output array.
tinyxml2::MemPoolT
Definition: tinyxml2.h:328
cvflann::HistIntersectionDistance::is_kdtree_distance
True is_kdtree_distance
Definition: dist.h:536
CV_CAP_INTELPERC_DEPTH_MAP
@ CV_CAP_INTELPERC_DEPTH_MAP
Definition: videoio_c.h:494
hal_ni_addWeighted64f
int hal_ni_addWeighted64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:324
cv::Affine3::Vec3
Vec< float_type, 3 > Vec3
Definition: affine.hpp:67
cv::ccalib::CustomPattern::getDescriptorExtractor
Ptr< DescriptorExtractor > getDescriptorExtractor()
cv::ocl::Program::~Program
~Program()
cv::cuda::FastOpticalFlowBM
Definition: cudalegacy.hpp:200
cv::MatSize::operator()
Size operator()() const
cvflann::LinearIndex::veclen
size_t veclen() const
Definition: linear_index.h:77
cv::cudev::VecTraits< char3 >::make
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
cv::CvParams::name
std::string name
Definition: feature.hpp:134
uchar
unsigned char uchar
Definition: interface.h:47
cv::ccalib::CustomPattern::getPatternPoints
void getPatternPoints(OutputArray original_points)
cv::videostab::KeypointBasedMotionEstimator::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:226
cv::MultiTracker_Alt::trackers
std::vector< Ptr< Tracker > > trackers
Trackers list for Multi-Object-Tracker.
Definition: tracker.hpp:1442
cv::bioinspired::RetinaFastToneMapping::setup
virtual void setup(const float photoreceptorsNeighborhoodRadius=3.f, const float ganglioncellsNeighborhoodRadius=1.f, const float meanLuminanceModulatorK=1.f)=0
updates tone mapping behaviors by adjusing the local luminance computation area
cv::Mat3b
Mat_< Vec3b > Mat3b
Definition: mat.hpp:2195
cv::stereo::StereoBinarySGBM
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:201
cv::Affine3::Mat4
Matx< float_type, 4, 4 > Mat4
Definition: affine.hpp:66
cv::viz::LINE_WIDTH
@ LINE_WIDTH
Definition: widgets.hpp:65
cv::UMat::operator()
UMat operator()(const Range *ranges) const
cv::Mat_::ones
static MatExpr ones(int _ndims, const int *_sizes)
cv::dnn::Dict
This class implements name-value dictionary, values are instances of DictValue.
Definition: dict.hpp:109
clRetainSampler
#define clRetainSampler
Definition: opencl_core.hpp:262
cv::Mat::setDefaultAllocator
static void setDefaultAllocator(MatAllocator *allocator)
cv::RNG_MT19937::RNG_MT19937
RNG_MT19937(unsigned s)
cv::reg::MapperGradShift::getMap
cv::Ptr< Map > getMap(void) const
cv::COLOR_BGR2BGR555
@ COLOR_BGR2BGR555
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:559
cv::batchDistance
void batchDistance(InputArray src1, InputArray src2, OutputArray dist, int dtype, OutputArray nidx, int normType=NORM_L2, int K=0, InputArray mask=noArray(), int update=0, bool crosscheck=false)
naive nearest neighbor finder
matlab::MxArray::className
std::string className() const
Definition: mxarray.hpp:434
cv::detail::MultiBandBlender::feed
void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
clEnqueueCopyBufferRect
#define clEnqueueCopyBufferRect
Definition: opencl_core.hpp:144
tinyxml2::XMLElement::SetAttribute
void SetAttribute(const char *name, float value)
Sets the named attribute to value.
Definition: tinyxml2.h:1331
cv::CAP_INTELPERC_DEPTH_MAP
@ CAP_INTELPERC_DEPTH_MAP
Each pixel is a 16-bit integer. The value indicates the distance from an object to the camera's XY pl...
Definition: videoio.hpp:527
Ncv64f
double Ncv64f
Definition: NCV.hpp:134
cvCreateMatHeader
CvMat * cvCreateMatHeader(int rows, int cols, int type)
Creates a matrix header but does not allocate the matrix data.
cv::cudev::pow_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Binder2nd< pow_func< typename PtrTraits< SrcPtr >::value_type > > > > pow_(const SrcPtr &src, float power)
Definition: unary_func.hpp:94
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params
Parameters of phaseUnwrapping constructor.
Definition: histogramphaseunwrapping.hpp:79
cv::datasets::Object
Definition: dataset.hpp:514
cv::ogl::Buffer
Smart pointer for OpenGL buffer object with reference counting.
Definition: opengl.hpp:80
cv::sfm::libmv_ReconstructionOptions::libmv_ReconstructionOptions
libmv_ReconstructionOptions(const int _keyframe1=1, const int _keyframe2=2, const int _refine_intrinsics=1, const int _select_keyframes=1, const int _verbosity_level=-1)
Definition: simple_pipeline.hpp:138
cv::Stitcher::createDefault
static Stitcher createDefault(bool try_use_gpu=false)
Creates a stitcher with the default parameters.
cvflann::Heap::Heap
Heap(int sz)
Definition: heap.h:73
cv::VideoCapture::release
virtual void release()
Closes video file or capturing device.
cv::optflow::GPCDescType
GPCDescType
Descriptor types for the Global Patch Collider.
Definition: sparse_matching_gpc.hpp:92
CV_CAP_IMAGES
@ CV_CAP_IMAGES
Definition: videoio_c.h:125
cv::_InputArray::_InputArray
_InputArray(const std::vector< cuda::GpuMat > &d_mat_array)
cv::CAP_PROP_CONVERT_RGB
@ CAP_PROP_CONVERT_RGB
Boolean flags indicating whether images should be converted to RGB.
Definition: videoio.hpp:140
cv::WImageView3_16s
WImageViewC< short, 3 > WImageView3_16s
Definition: wimage.hpp:98
cv::Detector::getPatchIdxOfBestDetection
int getPatchIdxOfBestDetection()
cvflann::PooledAllocator
Definition: allocator.h:75
CV_HSV2BGR
@ CV_HSV2BGR
Definition: types_c.h:185
cvInsertNodeIntoTree
void cvInsertNodeIntoTree(void *node, void *parent, void *frame)
cv::ogl::Arrays::empty
bool empty() const
cv::TrackerSamplerCSC::Params::trackMaxNegNum
int trackMaxNegNum
Definition: tracker.hpp:812
cv::text::ERFilter::run
virtual void run(InputArray image, std::vector< ERStat > &regions)=0
The key method of ERFilter algorithm.
cv::DescriptorMatcher::clear
virtual void clear()
Clears the train descriptor collections.
cv::ocl::Device::extensions
String extensions() const
cv::SparseMat::convertTo
void convertTo(SparseMat &m, int rtype, double alpha=1) const
multiplies all the matrix elements by the specified scale factor alpha and converts the results to th...
CV_EVENT_RBUTTONDOWN
@ CV_EVENT_RBUTTONDOWN
Definition: highgui_c.h:180
CV_SHAPE_ELLIPSE
@ CV_SHAPE_ELLIPSE
Definition: types_c.h:380
cv::ximgproc::SparseMatchInterpolator
Main interface for all filters, that take sparse matches as an input and produce a dense per-pixel ma...
Definition: sparse_match_interpolator.hpp:53
CV_WND_PROP_ASPECTRATIO
@ CV_WND_PROP_ASPECTRATIO
Definition: highgui_c.h:112
cvflann::UniqueRandom::init
void init(int n)
Definition: random.h:102
cv::cuda::BackgroundSubtractorMOG::setHistory
virtual void setHistory(int nframes)=0
cv::detail::CompressedRectilinearProjector::a
float a
Definition: warpers.hpp:324
cv::cudev::gridSplit
__host__ void gridSplit(const SrcPtr &src, const tuple< GpuMat_< DstType > &, GpuMat_< DstType > & > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:526
cvflann::KDTreeSingleIndex::~KDTreeSingleIndex
~KDTreeSingleIndex()
Definition: kdtree_single_index.h:108
cv::Mat::push_back
void push_back(const Mat_< _Tp > &elem)
CvStereoBMState::preFilterSize
int preFilterSize
Definition: calib3d_c.h:327
cv::cudev::BrdConstant
Definition: extrapolation.hpp:61
IplImage
Definition: types_c.h:301
CV_CAP_PROP_RECTIFICATION
@ CV_CAP_PROP_RECTIFICATION
Definition: videoio_c.h:184
cv::cudev::less_equal
Definition: functional.hpp:183
cv::videostab::ConsistentMosaicInpainter::stdevThresh
float stdevThresh() const
Definition: inpainting.hpp:133
cv::reg::MapProjec::inverseMap
cv::Ptr< Map > inverseMap(void) const
opencl_clamdfft.hpp
cv::face::LBPHFaceRecognizer::getLabels
virtual cv::Mat getLabels() const =0
cv::BackgroundSubtractorMOG2::setComplexityReductionThreshold
virtual void setComplexityReductionThreshold(double ct)=0
Sets the complexity reduction threshold.
CV_CAP_PROP_XI_COOLING
@ CV_CAP_PROP_XI_COOLING
Definition: videoio_c.h:319
cv::CAP_PVAPI_PIXELFORMAT_MONO8
@ CAP_PVAPI_PIXELFORMAT_MONO8
Mono8.
Definition: videoio.hpp:309
cv::ogl::Buffer::mapDevice
cuda::GpuMat mapDevice()
map to device memory (blocking)
cv::bridge::Bridge::toVectorKeyPoint
vector_KeyPoint toVectorKeyPoint()
Definition: bridge.hpp:396
cv::CAP_INTELPERC_IMAGE_GENERATOR
@ CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio.hpp:523
CV_CUDEV_RGB2YCrCb_INST
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
tinyxml2::XMLNode::ToElement
virtual XMLElement * ToElement()
Safely cast to an Element, or null.
Definition: tinyxml2.h:604
cvFindGraphEdgeByPtr
CvGraphEdge * cvFindGraphEdgeByPtr(const CvGraph *graph, const CvGraphVtx *start_vtx, const CvGraphVtx *end_vtx)
cv::cuda::exp
void exp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an exponent of each matrix element.
cv::rgbd::RgbdNormals::getMethod
int getMethod() const
Definition: rgbd.hpp:193
tinyxml2::MemPool::~MemPool
virtual ~MemPool()
Definition: tinyxml2.h:314
cvflann::UntypedMatrix::rows
size_t rows
Definition: matrix.h:90
cv::aruco::Dictionary::getByteListFromBits
static Mat getByteListFromBits(const Mat &bits)
Transform matrix of bits to list of bytes in the 4 rotations.
cv::cudev::IntegerAreaInterPtr::area_width
int area_width
Definition: interpolation.hpp:240
cvIplDepth
int cvIplDepth(int type)
Definition: types_c.h:601
cv::cuda::DeviceInfo::tccDriver
bool tccDriver() const
true if device is a Tesla device using TCC driver, false otherwise
cv::BackgroundSubtractorMOG2::getVarThresholdGen
virtual double getVarThresholdGen() const =0
Returns the variance threshold for the pixel-model match used for new mixture component generation.
CvFont
Definition: imgproc_c.h:1119
cv::LINE_AA
@ LINE_AA
antialiased line
Definition: core.hpp:218
cv::sfm::relativeCameraMotion
void relativeCameraMotion(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray R, OutputArray t)
Computes the relative camera motion between two cameras.
IplImage::maskROI
struct _IplImage * maskROI
Definition: types_c.h:319
cv::datasets::groundTruth::gestureID
int gestureID
Definition: gr_chalearn.hpp:62
cv::cudacodec::YUV422
@ YUV422
Definition: cudacodec.hpp:267
cvCreateHist
CvHistogram * cvCreateHist(int dims, int *sizes, int type, float **ranges=NULL, int uniform=1)
Creates a histogram.
cv::BOWKMeansTrainer::flags
int flags
Definition: features2d.hpp:1279
cv::FileNode::isReal
bool isReal() const
returns true if the node is a floating-point number
cv::plot::Plot2d::setPlotTextColor
virtual void setPlotTextColor(Scalar _plotTextColor)=0
cv::detail::PlanePortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
hal_ni_max16u
int hal_ni_max16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:105
CV_FM_RANSAC
#define CV_FM_RANSAC
Definition: calib3d_c.h:92
cv::tracking::UkfSystemModel::~UkfSystemModel
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:102
cvflann::KMeansIndexParams::KMeansIndexParams
KMeansIndexParams(int branching=32, int iterations=11, flann_centers_init_t centers_init=FLANN_CENTERS_RANDOM, float cb_index=0.2)
Definition: kmeans_index.h:57
common.hpp
cv::cuda::DeviceInfo::texturePitchAlignment
size_t texturePitchAlignment() const
pitch alignment requirement for texture references bound to pitched memory
cv::datasets::GR_chalearn
Definition: gr_chalearn.hpp:84
cv::stereo::CombinedDescriptor::operator()
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:218
NppStInterpolationState::nStep
Ncv32u nStep
pitch
Definition: NPP_staging.hpp:117
NPPST_NULL_POINTER_ERROR
@ NPPST_NULL_POINTER_ERROR
NULL pointer argument error.
Definition: NCV.hpp:358
clGetPlatformIDs
#define clGetPlatformIDs
Definition: opencl_core.hpp:218
cvResetImageROI
void cvResetImageROI(IplImage *image)
Resets the image ROI to include the entire image and releases the ROI structure.
cv::hal::div8u
void div8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
cv::Param::REAL
@ REAL
Definition: core.hpp:3116
cv::xphoto::SimpleWB::setOutputMin
virtual void setOutputMin(float val)=0
Output image range minimum value.
cv::TrackerStateEstimator::estimate
Ptr< TrackerTargetState > estimate(const std::vector< ConfidenceMap > &confidenceMaps)
Estimate the most likely target state, return the estimated state.
cv::MatConstIterator::pointer
const uchar ** pointer
Definition: mat.hpp:2863
cv::ppf_match_3d::Pose3D::Pose3D
Pose3D(double Alpha, unsigned int ModelIndex=0, unsigned int NumVotes=0)
Definition: pose_3d.hpp:84
cv::optflow::VariationalRefinement::getAlpha
virtual float getAlpha() const =0
Weight of the smoothness term.
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, const Color &color, InputArray normals)
Constructs a WCloud.
cv::cudacodec::MPEG2
@ MPEG2
Definition: cudacodec.hpp:246
cv::cudev::direction_func
Definition: functional.hpp:631
CV_OpenCLInitError
@ CV_OpenCLInitError
Definition: types_c.h:173
cv::TrackerSamplerPF::Params
This structure contains all the parameters that can be varied during the course of sampling algorithm...
Definition: tracker.hpp:925
cv::cuda::createStereoBM
Ptr< cuda::StereoBM > createStereoBM(int numDisparities=64, int blockSize=19)
Creates StereoBM object.
NcvRect8u::NcvRect8u
__host__ __device__ NcvRect8u(Ncv8u x_, Ncv8u y_, Ncv8u width_, Ncv8u height_)
Definition: NCV.hpp:144
clCreateFromGLTexture
#define clCreateFromGLTexture
Definition: opencl_gl.hpp:28
cv::ml::TrainData::getLayout
virtual int getLayout() const =0
cv::cudev::atan2_func
Definition: functional.hpp:609
cvflann::UniqueResultSet::full
bool full() const
Definition: result_set.h:313
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const Expr< Body > &expr)
expression templates
tinyxml2::XMLElement::UnsignedAttribute
unsigned UnsignedAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1190
HaarClassifierNode128::_ui4
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:219
CV_WND_PROP_FULLSCREEN
@ CV_WND_PROP_FULLSCREEN
Definition: highgui_c.h:110
clGetExtensionFunctionAddress_pfn
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_device_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void *CL_API_CALL * clGetExtensionFunctionAddress_pfn(const char *)
cv::Matx13d
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:198
cvflann::anyimpl::big_any_policy::copy_from_value
virtual void copy_from_value(void const *src, void **dest)
Definition: any.h:85
cv::_InputArray::isUMatVector
bool isUMatVector() const
cv::ximgproc::DisparityWLSFilter::getSigmaColor
virtual double getSigmaColor()=0
SigmaColor is a parameter defining how sensitive the filtering process is to source image edges....
cv::MultiTracker::update
bool update(const Mat &image)
Update the current tracking status. The result will be saved in the internal storage.
cv::stereo::Matching::Matching
Matching(void)
Definition: matching.hpp:598
cv::ocl::Device::maxMemAllocSize
size_t maxMemAllocSize() const
cv::VecCommaInitializer::operator,
VecCommaInitializer< _Tp, m > & operator,(T2 val)
cv::Ptr::reset
void reset(Y *p, D d)
cv::cuda::GpuMat
Base storage class for GPU memory with reference counting.
Definition: cuda.hpp:97
cv::cuda::BackgroundSubtractorGMG::setDefaultLearningRate
virtual void setDefaultLearningRate(double lr)=0
cv::MatAllocator::allocate
virtual UMatData * allocate(int dims, const int *sizes, int type, void *data, size_t *step, int flags, UMatUsageFlags usageFlags) const =0
cv::cudev::RemapPtr1::index_type
PtrTraits< MapPtr >::index_type index_type
Definition: remap.hpp:63
cv::cuda::createSobelFilter
Ptr< Filter > createSobelFilter(int srcType, int dstType, int dx, int dy, int ksize=3, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a Sobel operator.
cvReleaseMatND
void cvReleaseMatND(CvMatND **mat)
Deallocates a multi-dimensional array.
Definition: core_c.h:475
cvflann::KDTreeSingleIndex::size
size_t size() const
Definition: kdtree_single_index.h:181
cv::trace
static double trace(const Matx< _Tp, m, n > &a)
tinyxml2::XMLPrinter::VisitExit
virtual bool VisitExit(const XMLElement &element)
Visit an element.
cv::MergeDebevec::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
cvflann::index_creator< False, False, Distance >::create
static NNIndex< Distance > * create(const Matrix< typename Distance::ElementType > &dataset, const IndexParams &params, const Distance &distance)
Definition: all_indices.h:122
cv::ximgproc::createFastLineDetector
Ptr< FastLineDetector > createFastLineDetector(int _length_threshold=10, float _distance_threshold=1.414213562f, double _canny_th1=50.0, double _canny_th2=50.0, int _canny_aperture_size=3, bool _do_merge=false)
Creates a smart pointer to a FastLineDetector object and initializes it.
cv::videostab::TwoPassStabilizer::reset
virtual void reset()
cv::CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
@ CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio.hpp:515
cv::cuda::HOG::compute
virtual void compute(InputArray img, OutputArray descriptors, Stream &stream=Stream::Null())=0
Returns block descriptors computed for the whole image.
cv::superres::SuperResolution::setBlurSigma
virtual void setBlurSigma(double val)=0
Gaussian blur sigma.
cv::createMergeMertens
Ptr< MergeMertens > createMergeMertens(float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f)
Creates MergeMertens object.
cv::FileNode::read
void read(const FileNode &node, float &value, float default_value)
cv::SparseMat::Hdr
the sparse matrix header
Definition: mat.hpp:2519
cv::Formatted::next
virtual const char * next()=0
matlab::MxArray::scalar
Scalar scalar() const
Definition: mxarray.hpp:413
cv::bgsegm::BackgroundSubtractorGMG::getUpdateBackgroundModel
virtual bool getUpdateBackgroundModel() const =0
Returns the status of background model update.
cv::ml::StatModel::getVarCount
virtual int getVarCount() const =0
Returns the number of variables in training samples.
cv::cudev::Int2Type::value
@ value
Definition: type_traits.hpp:66
cv::dnn::Blob::getRefConst
const XMat & getRefConst() const
cv::cuda::Stream::waitEvent
void waitEvent(const Event &event)
Makes a compute stream wait on an event.
cv::datasets::MSM_epfl::create
static Ptr< MSM_epfl > create()
cv::superres::FarnebackOpticalFlow::setIterations
virtual void setIterations(int val)=0
cv::cuda::CLAHE::apply
virtual void apply(InputArray src, OutputArray dst, Stream &stream)=0
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
cv::cuda::COLOR_BayerRG2BGR_MHT
@ COLOR_BayerRG2BGR_MHT
Definition: cudaimgproc.hpp:97
NCVPipeObjDet_VisualizeInPlace
@ NCVPipeObjDet_VisualizeInPlace
Definition: NCVHaarObjectDetection.hpp:356
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3)
Constructor.
Definition: intrin_cpp.hpp:262
cv::rgbd::RgbdOdometry::iterCounts
Mat iterCounts
Definition: rgbd.hpp:743
cv::videostab::MoreAccurateMotionWobbleSuppressorBase
Definition: wobble_suppression.hpp:102
CvKalman::transition_matrix
CvMat * transition_matrix
Definition: tracking_c.h:188
cv::FileStorage::write
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:916
cv::ppf_match_3d::Pose3D::writePose
int writePose(FILE *f)
cv::TrackerSamplerCS::Params::searchFactor
float searchFactor
search region parameter
Definition: tracker.hpp:864
tinyxml2::XMLNode::XMLNode
XMLNode(XMLDocument *)
cv::datasets::AR_sports::create
static Ptr< AR_sports > create()
cv::KalmanFilter::measurementNoiseCov
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: tracking.hpp:371
cv::structured_light::SinusoidalPattern::Params::horizontal
bool horizontal
Definition: sinusoidalpattern.hpp:91
cv::viz::WidgetAccessor::setProp
static void setProp(Widget &widget, vtkSmartPointer< vtkProp > prop)
Sets vtkProp of a given widget.
cv::GEMM_1_T
@ GEMM_1_T
transposes src1
Definition: base.hpp:209
cv::FlannBasedMatcher::read
virtual void read(const FileNode &)
Reads algorithm parameters from a file storage.
cv::DescriptorMatcher::radiusMatch
void radiusMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)
cv::ogl::Arrays::size
int size() const
Returns the vertex count.
tinyxml2::XMLAttribute::SetAttribute
void SetAttribute(bool value)
Set the attribute to value.
cv::Tracker::update
bool update(const Mat &image, Rect2d &boundingBox)
Update the tracker, find the new most likely bounding box for the target.
cv::optflow::createOptFlow_Farneback
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
cv::cuda::histEven
void histEven(InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Calculates a histogram with evenly distributed bins.
cv::WImageBuffer_f
WImageBuffer< float > WImageBuffer_f
Definition: wimage.hpp:77
cv::hal::magnitude32f
void magnitude32f(const float *x, const float *y, float *dst, int n)
cv::CAP_PROP_XI_GPI_SELECTOR
@ CAP_PROP_XI_GPI_SELECTOR
Selects general purpose input.
Definition: videoio.hpp:332
cv::CAP_PROP_OPENNI_REGISTRATION_ON
@ CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio.hpp:226
cv::viz::Viz3d::Viz3d
Viz3d(const String &window_name=String())
The constructors.
NPPST_TEXTURE_BIND_ERROR
@ NPPST_TEXTURE_BIND_ERROR
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
cv::Rect2f
Rect_< float > Rect2f
Definition: types.hpp:414
HaarClassifierNode128::setThreshold
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:227
cv::rgbd::DepthCleaner::setDepth
void setDepth(int val)
Definition: rgbd.hpp:270
NCV_MEM_INSUFFICIENT_CAPACITY
@ NCV_MEM_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:341
cv::TrackerMIL::Params::samplerSearchWinSize
float samplerSearchWinSize
size of search window
Definition: tracker.hpp:1095
cv::blendLinear
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
Performs linear blending of two images.
cv::cudev::Max::work_type
T work_type
Definition: reduce_to_vec.hpp:127
cv::dnn::BaseConvolutionLayer
Definition: all_layers.hpp:209
cv::LineSegmentDetector::detect
virtual void detect(InputArray _image, OutputArray _lines, OutputArray width=noArray(), OutputArray prec=noArray(), OutputArray nfa=noArray())=0
Finds lines in the input image.
CV_THRESH_BINARY_INV
@ CV_THRESH_BINARY_INV
Definition: types_c.h:572
cv::dnn::LRNLayer::size
int size
Definition: all_layers.hpp:241
cv::CMP_LT
@ CMP_LT
src1 is less than src2.
Definition: base.hpp:203
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype) const
converts GpuMat to another datatype (Blocking call)
cv::saliency::MotionSaliency::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
cv::videostab::RansacParams::eps
float eps
max outliers ratio
Definition: motion_core.hpp:77
cv::CAP_PROP_ISO_SPEED
@ CAP_PROP_ISO_SPEED
Definition: videoio.hpp:154
ncvAssertPrintReturn
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
tinyxml2::StrPair::TEXT_ELEMENT_LEAVE_ENTITIES
@ TEXT_ELEMENT_LEAVE_ENTITIES
Definition: tinyxml2.h:155
CV_MEDIAN
@ CV_MEDIAN
Definition: types_c.h:80
cv::TrackerBoosting::Params::numClassifiers
int numClassifiers
the number of classifiers to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1122
cv::GeneralizedHoughGuil::setLevels
virtual void setLevels(int levels)=0
Feature table levels.
cv::TrackerFeatureHAAR::Params::Params
Params()
CV_YUV2RGB_UYVY
@ CV_YUV2RGB_UYVY
Definition: types_c.h:278
cv::viz::WMesh
Constructs a WMesh.
Definition: widgets.hpp:789
cv::INTERSECT_NONE
@ INTERSECT_NONE
No intersection.
Definition: imgproc.hpp:780
HaarClassifierCascadeDescriptor::NumStages
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:334
cv::getOptimalDFTSize
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
cv::videostab::StabilizerBase::frameMask_
Mat frameMask_
Definition: stabilizer.hpp:122
cv::MatIterator_::MatIterator_
MatIterator_(const MatIterator_ &it)
copy constructor
cv::viz::WPolyLine::WPolyLine
WPolyLine(InputArray points, const Color &color=Color::white())
Constructs a WPolyLine.
cv::videostab::TwoPassStabilizer::motions2_
std::vector< Mat > motions2_
Definition: stabilizer.hpp:191
cv::CC_STAT_WIDTH
@ CC_STAT_WIDTH
The horizontal size of the bounding box.
Definition: imgproc.hpp:410
cv::PCABackProject
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
cv::CvFeatureEvaluator::cls
Mat cls
Definition: feature.hpp:195
cv::dnn::PowerLayer::create
static Ptr< PowerLayer > create(double power=1, double scale=1, double shift=0)
cv::reg::MapperGradProj::getMap
cv::Ptr< Map > getMap(void) const
clCreateUserEvent
#define clCreateUserEvent
Definition: opencl_core.hpp:136
cv::FileStorage::write
void write(FileStorage &fs, const String &name, float value)
cv::Point3_::Point3_
Point3_(const Point_< _Tp > &pt)
cv::datasets::none
@ none
Definition: fr_adience.hpp:64
cv::CC_STAT_AREA
@ CC_STAT_AREA
The total area (in pixels) of the connected component.
Definition: imgproc.hpp:412
cv::dnn::_LayerStaticRegisterer::_LayerStaticRegisterer
_LayerStaticRegisterer(const String &layerType, LayerFactory::Constuctor layerConstuctor)
Definition: layer.hpp:134
cv::dnn::InnerProductLayer
Definition: all_layers.hpp:280
cv::viz::Color::celestial_blue
static Color celestial_blue()
cv::ml::SVM::getDefaultGrid
static ParamGrid getDefaultGrid(int param_id)
Generates a grid for SVM parameters.
cv::FileNode::read
static void read(const FileNode &node, Vec< _Tp, cn > &value, const Vec< _Tp, cn > &default_value)
Definition: persistence.hpp:754
tinyxml2::StrPair::NEEDS_ENTITY_PROCESSING
@ NEEDS_ENTITY_PROCESSING
Definition: tinyxml2.h:150
cv::optflow::GPCTree::write
void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
hal_ni_recip8s
int hal_ni_recip8s(const schar *src_data, size_t src_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:276
cv::FileNode::type
int type() const
Returns type of the node.
cv::videostab::VideoFileSource::reset
virtual void reset()
cv::SL2::ValueType
T ValueType
Definition: features2d.hpp:726
cv::cuda::OpticalFlowDual_TVL1::getEpsilon
virtual double getEpsilon() const =0
CV_BGR2Lab
@ CV_BGR2Lab
Definition: types_c.h:167
cv::cuda::resetDevice
void resetDevice()
Explicitly destroys and cleans up all resources associated with the current device in the current pro...
CvMatND::size
int size
Definition: types_c.h:645
tinyxml2::DynArray::Mem
const T * Mem() const
Definition: tinyxml2.h:277
cv::ocl::Device::maxParameterSize
size_t maxParameterSize() const
cv::TrackerKCF::Params::compress_feature
bool compress_feature
activate the pca method to compress the features
Definition: tracker.hpp:1245
cv::v_reg::v_reg
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:294
cv::Seq::insert
void insert(int idx, const _Tp &elem)
inserts the specified element to the specified position
Definition: core_c.h:3056
cv::ocl::Program::Program
Program()
cv::flann::GenericIndex::radiusSearch
int radiusSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, DistanceType radius, const ::cvflann::SearchParams &params)
cv::SVD::SVD
SVD()
the default constructor
cv::videostab::ConsistentMosaicInpainter
Definition: inpainting.hpp:128
cv::MOTION_TRANSLATION
@ MOTION_TRANSLATION
Definition: tracking.hpp:255
cv::datasets::GR_chalearnObj::nameColor
std::string nameColor
Definition: gr_chalearn.hpp:77
CV_CAP_PROP_XI_CC_MATRIX_23
@ CV_CAP_PROP_XI_CC_MATRIX_23
Definition: videoio_c.h:343
cv::IMWRITE_PNG_STRATEGY_FILTERED
@ IMWRITE_PNG_STRATEGY_FILTERED
Use this value for data produced by a filter (or predictor).Filtered data consists mostly of small va...
Definition: imgcodecs.hpp:106
cv::cudev::resizePtr
__host__ ResizePtrSz< typename PtrTraits< SrcPtr >::ptr_type > resizePtr(const SrcPtr &src, float fx, float fy)
Definition: resize.hpp:89
hal_ni_div16u
int hal_ni_div16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:259
matlab::MxArray::isCell
bool isCell() const
Definition: mxarray.hpp:431
CV_CAP_PROP_SATURATION
@ CV_CAP_PROP_SATURATION
Definition: videoio_c.h:178
cv::QtFont::color
Scalar color
Color of the font. Scalar(blue_component, green_component, red_component[, alpha_component])
Definition: highgui.hpp:635
cv::Allocator::Allocator
Allocator()
Definition: cvstd.hpp:139
cv::_InputArray::getMat_
Mat getMat_(int idx=-1) const
hdf5.hpp
cv::COLOR_YUV2RGB_Y422
@ COLOR_YUV2RGB_Y422
Definition: imgproc.hpp:674
cv::bgsegm::BackgroundSubtractorMOG::setBackgroundRatio
virtual void setBackgroundRatio(double backgroundRatio)=0
cvInitSparseMatIterator
CvSparseNode * cvInitSparseMatIterator(const CvSparseMat *mat, CvSparseMatIterator *mat_iterator)
Initializes sparse array elements iterator.
cv::CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
@ CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Data packing type. Some cameras supports only specific packing type.
Definition: videoio.hpp:382
cv::EVENT_MBUTTONUP
@ EVENT_MBUTTONUP
indicates that middle mouse button is released.
Definition: highgui.hpp:211
cv::detail::ExposureCompensator::feed
virtual void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)=0
cv::UMat::UMat
UMat(const Point3_< _Tp > &pt, bool copyData=true)
builds matrix from a 3D point
cv::ppf_match_3d::PoseCluster3D::poseList
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
cv::ml::EM::trainE
virtual bool trainE(InputArray samples, InputArray means0, InputArray covs0=noArray(), InputArray weights0=noArray(), OutputArray logLikelihoods=noArray(), OutputArray labels=noArray(), OutputArray probs=noArray())=0
Estimate the Gaussian mixture parameters from a samples set.
cv::videostab::IDenseOptFlowEstimator::~IDenseOptFlowEstimator
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
cv::Ptr::Ptr
Ptr(const Ptr &o)
NPPST_MEM_INTERNAL_ERROR
@ NPPST_MEM_INTERNAL_ERROR
Internal memory management error.
Definition: NCV.hpp:370
cv::Mat4d
Mat_< Vec4d > Mat4d
Definition: mat.hpp:2221
cv::datasets::MSM_epfl::load
virtual void load(const std::string &path)=0
CV_CAP_PROP_FPS
@ CV_CAP_PROP_FPS
Definition: videoio_c.h:171
cv::ShapeContextDistanceExtractor::setOuterRadius
virtual void setOuterRadius(float outerRadius)=0
Set the outer radius of the shape context descriptor.
CvConvexityDefect::end
CvPoint * end
Definition: types_c.h:521
cv::cudev::LutPtr::src
SrcPtr src
Definition: lut.hpp:65
CV_YUV2RGBA_UYNV
@ CV_YUV2RGBA_UYNV
Definition: types_c.h:293
cv::superres::PyrLKOpticalFlow::getIterations
virtual int getIterations() const =0
cv::GeneralizedHoughBallard
Definition: imgproc.hpp:821
nppsStCompact_32s_host
NCVStatus nppsStCompact_32s_host(Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
cvMultiplyAcc
void cvMultiplyAcc(const CvArr *image1, const CvArr *image2, CvArr *acc, const CvArr *mask=NULL)
Adds a product of two images to accumulator.
CV_64F
#define CV_64F
Definition: interface.h:73
cvflann::load_value
void load_value(FILE *stream, T &value, size_t count=1)
Definition: saving.h:147
cv::stereo::MeanKernelIntegralImage::operator()
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:259
cv::v_setall_u16
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:1540
tinyxml2::XMLElement::SetText
void SetText(float value)
Convenience method for setting text inside and element. See SetText() for important limitations.
cv::SparseMatConstIterator::value
const _Tp & value() const
template method returning the current matrix element
cv::Seq::empty
bool empty() const
returns true iff the sequence contains no elements
Definition: core_c.h:3038
cv::detail::PlaneWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst)
Definition: warpers.hpp:465
cv::solvePnPRansac
bool solvePnPRansac(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, double confidence=0.99, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
cv::stereo::StereoMatcher::getDisp12MaxDiff
virtual int getDisp12MaxDiff() const =0
cvStartWriteStruct
void cvStartWriteStruct(CvFileStorage *fs, const char *name, int struct_flags, const char *type_name=NULL, CvAttrList attributes=cvAttrList())
Starts writing a new structure.
cv::AlignMTB::shiftMat
virtual void shiftMat(InputArray src, OutputArray dst, const Point shift)=0
Helper function, that shift Mat filling new regions with zeros.
cv::dnn::LayerParams::blobs
std::vector< Blob > blobs
List of learned parameters stored as blobs.
Definition: dnn.hpp:73
cv::datasets::GR_skig::load
virtual void load(const std::string &path)=0
cv::cudev::RemapPtr2::mapy
MapYPtr mapy
Definition: remap.hpp:82
cv::v_combine_low
v_reg< _Tp, n > v_combine_low(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Combine vector from first elements of two vectors.
Definition: intrin_cpp.hpp:1274
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_TonemapMantiuk &)
Definition: bridge.hpp:517
CV_OpenCLNoAMDBlasFft
@ CV_OpenCLNoAMDBlasFft
Definition: types_c.h:174
cv::ml::LogisticRegression::setTermCriteria
virtual void setTermCriteria(TermCriteria val)=0
cv::cuda::DisparityBilateralFilter::setNumIters
virtual void setNumIters(int iters)=0
cv::linemod::Template::height
int height
Definition: linemod.hpp:81
cv::rgbd::RgbdICPOdometry::minGradientMagnitudes
Mat minGradientMagnitudes
Definition: rgbd.hpp:1006
cv::bridge::Bridge::toSizeT
size_t toSizeT()
Definition: bridge.hpp:298
cv::videostab::ImageMotionEstimatorBase::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)=0
cv::ml::ANN_MLP::getRpropDWMin
virtual double getRpropDWMin() const =0
cv::MorphShapes
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:253
cv::detail::CylindricalWarper::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
cv::MultiTracker::MultiTracker
MultiTracker(const String &trackerType="")
Constructor. In the case of trackerType is given, it will be set as the default algorithm for all tra...
tinyxml2::StrPair::SetStr
void SetStr(const char *str, int flags=0)
cv::dnn::Net::connect
void connect(int outLayerId, int outNum, int inpLayerId, int inpNum)
Connects #outNum output of the first layer to #inNum input of the second layer.
cv::SeqIterator::operator++
SeqIterator & operator++()
moves iterator to the next sequence element
Definition: core_c.h:3110
nppiStTranspose_64s_C1R_host
NCVStatus nppiStTranspose_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStride, Ncv64s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NcvSize32u::NcvSize32u
__host__ __device__ NcvSize32u(Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:186
cv::cuda::BackgroundSubtractorGMG::getDecisionThreshold
virtual double getDecisionThreshold() const =0
cv::cudev::CubicInterPtrSz::cols
int cols
Definition: interpolation.hpp:215
cv::cuda::divide
void divide(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar division.
CV_FLOODFILL_MASK_ONLY
@ CV_FLOODFILL_MASK_ONLY
Definition: types_c.h:595
cvConvexHull2
CvSeq * cvConvexHull2(const CvArr *input, void *hull_storage=NULL, int orientation=CV_CLOCKWISE, int return_points=0)
Calculates exact convex hull of 2d point set.
CV_64FC1
#define CV_64FC1
Definition: interface.h:118
matchers.hpp
CV_EXPORTS_W_MAP
#define CV_EXPORTS_W_MAP
Definition: cvdef.h:376
cv::ppf_match_3d::Pose3D::writePose
int writePose(const std::string &FileName)
cv::superres::DualTVL1OpticalFlow::setWarpingsNumber
virtual void setWarpingsNumber(int val)=0
CV_GRAY2RGB
@ CV_GRAY2RGB
Definition: types_c.h:124
cv::cuda::GpuMat::release
void release()
decreases reference counter, deallocate the data when reference counter reaches 0
cv::FlannBasedMatcher::convertToDMatches
static void convertToDMatches(const DescriptorCollection &descriptors, const Mat &indices, const Mat &distances, std::vector< std::vector< DMatch > > &matches)
cv::ml::ANN_MLP::getRpropDWPlus
virtual double getRpropDWPlus() const =0
cv::TermCriteria::Type
Type
Definition: types.hpp:787
cv::cudev::checkCudaError
__host__ __forceinline__ void checkCudaError(cudaError_t err, const char *file, const int line, const char *func)
Definition: common.hpp:70
cv::stereo::SymetricCensus::operator()
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:385
CV_CAP_PROP_GIGA_FRAME_SENS_HEIGH
@ CV_CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio_c.h:439
cv::ml::ANN_MLP::setRpropDW0
virtual void setRpropDW0(double val)=0
cv::cuda::TargetArchs::builtWith
static bool builtWith(FeatureSet feature_set)
The following method checks whether the module was built with the support of the given feature:
cv::SVD::compute
static void compute(InputArray src, OutputArray w, int flags=0)
cv::Stitcher::setPanoConfidenceThresh
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:179
cv::seqPop
void seqPop(CvSeq *seq, void *element=0)
cv::face::BasicFaceRecognizer
Definition: facerec.hpp:21
fast_math.hpp
cv::rgbd::RgbdPlane::RgbdPlane
RgbdPlane(RGBD_PLANE_METHOD method=RGBD_PLANE_METHOD_DEFAULT)
Definition: rgbd.hpp:363
cv::viz::Viz3d::setBackgroundMeshLab
void setBackgroundMeshLab()
INCVMemAllocator::dealloc
virtual NCVStatus dealloc(NCVMemSegment &seg)=0
clSetMemObjectDestructorCallback
#define clSetMemObjectDestructorCallback
Definition: opencl_core.hpp:268
cv::ximgproc::computeBadPixelPercent
double computeBadPixelPercent(InputArray GT, InputArray src, Rect ROI, int thresh=24)
Function for computing the percent of "bad" pixels in the disparity map (pixels where error is higher...
CvContour
Definition: types_c.h:1395
cv::SparseMatIterator_
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3155
cvflann::HammingLUT
Definition: dist.h:380
hal_ni_LU64f
int hal_ni_LU64f(double *src1, size_t src1_step, int m, double *src2, size_t src2_step, int n, int *info)
Definition: hal_replacement.hpp:596
cv::AutoLock::AutoLock
AutoLock(Mutex &m)
Definition: utility.hpp:598
cv::tracking::UnscentedKalmanFilterParams
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:124
cv::UMatUsageFlags
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:392
CV_XADD
CV_XADD(int *addr, int delta)
Definition: cvdef.h:442
cv::BORDER_WRAP
@ BORDER_WRAP
cdefgh|abcdefgh|abcdefg
Definition: base.hpp:257
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, String dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
cv::detail::ExposureCompensator::NO
@ NO
Definition: exposure_compensate.hpp:65
cvflann::MinkowskiDistance
Definition: dist.h:259
NCVMemSegment::clear
void clear()
cv::cudev::TupleTraits
Definition: tuple.hpp:65
tinyxml2::XMLHandle::XMLHandle
XMLHandle(XMLNode *node)
Create a handle from any node (at any depth of the tree.) This can be a null pointer.
Definition: tinyxml2.h:1766
cv::cuda::DemosaicTypes
DemosaicTypes
Definition: cudaimgproc.hpp:93
CV_BayerGB2BGR
@ CV_BayerGB2BGR
Definition: types_c.h:171
CV_CAP_DSHOW
@ CV_CAP_DSHOW
Definition: videoio_c.h:101
cv::dnn::Layer::run
void run(const std::vector< Blob > &inputs, std::vector< Blob > &outputs)
Allocates layer and computes output.
cv::viz::WText3D::WText3D
WText3D(const String &text, const Point3d &position, double text_scale=1., bool face_camera=true, const Color &color=Color::white())
Constructs a WText3D.
cv_vrecpq_f32
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
cv::TLSData::~TLSData
~TLSData()
Definition: utility.hpp:638
cv::SVBackSubst
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
cvRandShuffle
void cvRandShuffle(CvArr *mat, CvRNG *rng, double iter_factor=1.)
cv::reg::MapAffine::compose
void compose(const Map &map)
cv::viz::Camera::getWindowSize
const Size & getWindowSize() const
Definition: types.hpp:190
cv::cudev::atan
__device__ __forceinline__ double4 atan(const double4 &a)
Definition: vec_math.hpp:337
cv::insertImageCOI
void insertImageCOI(InputArray coiimg, CvArr *arr, int coi=-1)
inserts single-channel cv::Mat into a multi-channel CvMat or IplImage
cv::saliency::MotionSaliencyBinWangApr2014::setImageHeight
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
clAmdFftSetPlanBatchSize
#define clAmdFftSetPlanBatchSize
Definition: opencl_clamdfft.hpp:86
cvSolve
int cvSolve(const CvArr *src1, const CvArr *src2, CvArr *dst, int method=0)
cv::cuda::BackgroundSubtractorMOG
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:81
cv::GeneralizedHoughBallard::setLevels
virtual void setLevels(int levels)=0
R-Table levels.
cv::ml::SVMSGD::setInitialStepSize
virtual void setInitialStepSize(float InitialStepSize)=0
Parameter initialStepSize of a SVMSGD optimization problem.
cv::detail::BestOf2NearestRangeMatcher
Definition: matchers.hpp:302
cv::cuda::DescriptorMatcher::isMaskSupported
virtual bool isMaskSupported() const =0
Returns true if the descriptor matcher supports masking permissible matches.
cv::hal::cvtXYZtoBGR
void cvtXYZtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue)
cv::detail::GainCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities,...
Definition: exposure_compensate.hpp:103
cv::ocl::KernelArg::PtrReadOnly
static KernelArg PtrReadOnly(const UMat &m)
Definition: ocl.hpp:364
cv::Error::BadStep
@ BadStep
Definition: base.hpp:82
cv::ml::EM::Types
Types
Type of covariation matrices.
Definition: ml.hpp:752
CV_CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
@ CV_CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Definition: videoio_c.h:506
cv::cuda::StereoBeliefPropagation::setNumLevels
virtual void setNumLevels(int levels)=0
cv::hal::merge32s
void merge32s(const int **src, int *dst, int len, int cn)
cv::TrackerSamplerCS::getROI
Rect getROI() const
clEnqueueReadBuffer
#define clEnqueueReadBuffer
Definition: opencl_core.hpp:170
cv::linemod::Detector::writeClasses
void writeClasses(const String &format="templates_%s.yml.gz") const
cv::cuda::GLOBAL_ATOMICS
@ GLOBAL_ATOMICS
Definition: cuda.hpp:605
CvSetElem::flags
int flags
Definition: types_c.h:1286
cv::videostab::RansacParams::thresh
float thresh
max error to classify as inlier
Definition: motion_core.hpp:76
cv::AgastFeatureDetector_Impl::nonmaxSuppression
bool nonmaxSuppression
Definition: agast.txt:7533
cv::cudev::DerivYPtr
Definition: deriv.hpp:102
cv::videostab::TwoPassStabilizer::runPrePassIfNecessary
void runPrePassIfNecessary()
cv::ml::StatModel::calcError
virtual float calcError(const Ptr< TrainData > &data, bool test, OutputArray resp) const
Computes error on the training or test dataset.
CvPoint2D64f::y
double y
Definition: types_c.h:968
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
matlab::DefaultTraits
Definition: mxarray.hpp:113
cv::TrackerTargetState::setTargetPosition
void setTargetPosition(const Point2f &position)
Set the position.
CvSparseMat::copyToSparseMat
void copyToSparseMat(cv::SparseMat &m) const
cv::cudev::numeric_limits< bool >::max
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
cv::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::isTargetFg
bool isTargetFg() const
Get the label. Return true for target foreground, false for background.
cv::findEssentialMat
Mat findEssentialMat(InputArray points1, InputArray points2, InputArray cameraMatrix, int method=RANSAC, double prob=0.999, double threshold=1.0, OutputArray mask=noArray())
Calculates an essential matrix from the corresponding points in two images.
cv::structured_light::SinusoidalPattern::Params::shiftValue
float shiftValue
Definition: sinusoidalpattern.hpp:88
cv::ml::SVM::getClassWeights
virtual cv::Mat getClassWeights() const =0
cv::ocl::Image2D::~Image2D
~Image2D()
cv::CC_STAT_TOP
@ CC_STAT_TOP
Definition: imgproc.hpp:408
cv::cudev::SingleMaskChannels::channels
int channels
Definition: mask.hpp:74
cv::cuda::FarnebackOpticalFlow::getPyrScale
virtual double getPyrScale() const =0
cv::WImage::Row
const T * Row(int r) const
Definition: wimage.hpp:205
cv::LineTypes
LineTypes
type of line
Definition: core.hpp:214
cvInitSystem
int cvInitSystem(int argc, char **argv)
cv::TrackerTargetState::targetHeight
int targetHeight
Definition: tracker.hpp:381
cv::Matx::Matx
Matx(const Matx< _Tp, m, l > &a, const Matx< _Tp, l, n > &b, Matx_MatMulOp)
cv::bridge::Bridge::operator=
Bridge & operator=(const std::string &)
Definition: bridge.hpp:270
cvflann::BranchStruct::BranchStruct
BranchStruct(const T &aNode, DistanceType dist)
Definition: result_set.h:56
ncvHaarGetClassifierSize
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
CV_GpuNotSupported
@ CV_GpuNotSupported
Definition: types_c.h:167
cv::ocl::Device::nativeVectorWidthFloat
int nativeVectorWidthFloat() const
cv::DECOMP_LU
@ DECOMP_LU
Definition: base.hpp:135
cvflann::FLANN_UINT64
@ FLANN_UINT64
Definition: defines.h:164
CV_StsBadPoint
@ CV_StsBadPoint
Definition: types_c.h:158
cv::reg::MapperGradSimilar::~MapperGradSimilar
~MapperGradSimilar(void)
cv::optflow::GPCTree::read
void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
cv::CompressedRectilinearWarper::CompressedRectilinearWarper
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:112
cv::GeneralizedHough::getCannyHighThresh
virtual int getCannyHighThresh() const =0
cv::imshow
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
cvflann::ObjectFactory
Definition: object_factory.h:47
cv::dnn::DictValue::~DictValue
~DictValue()
cv::fisheye::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: calib3d.hpp:1890
cv::text::ERFILTER_NM_RGBLGrad
@ ERFILTER_NM_RGBLGrad
Definition: erfilter.hpp:249
cv::superres::SuperResolution::setAlpha
virtual void setAlpha(double val)=0
Parameter of spacial distribution in Bilateral-TV.
cv::ml::Boost::setWeakCount
virtual void setWeakCount(int val)=0
cv::CvParams::write
virtual void write(FileStorage &fs) const =0
cv::HOGDescriptor::free_coef
float free_coef
Definition: objdetect.hpp:433
nppiStVectorWarpGetBufferSize
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
cv::MatExpr::max
MatExpr max(double s, const Mat &a)
cv::viz::KeyboardEvent::modifiers
int modifiers
Definition: types.hpp:242
clAmdFftSetResultLocation
#define clAmdFftSetResultLocation
Definition: opencl_clamdfft.hpp:104
cv::dnn::SplitLayer::create
static Ptr< SplitLayer > create(int outputsCount=-1)
cv::FileNode::read
void read(const FileNode &node, int &value, int default_value)
cv::viz::WTrajectoryFrustums::WTrajectoryFrustums
WTrajectoryFrustums(InputArray path, const Matx33d &K, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
cvReleaseImageHeader
void cvReleaseImageHeader(IplImage **image)
Deallocates an image header.
matlab::MxArray::isClass
bool isClass(const std::string &name) const
Definition: mxarray.hpp:433
cv::cuda::BroxOpticalFlow::setSolverIterations
virtual void setSolverIterations(int solver_iterations)=0
HaarClassifierNodeDescriptor32::_ui1
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:179
clSetEventCallback
#define clSetEventCallback
Definition: opencl_core_wrappers.hpp:253
OPENCV_HAL_ADD
#define OPENCV_HAL_ADD(a, b)
Definition: intrin.hpp:53
cv::aruco::refineDetectedMarkers
void refineDetectedMarkers(InputArray image, const Ptr< Board > &board, InputOutputArrayOfArrays detectedCorners, InputOutputArray detectedIds, InputOutputArrayOfArrays rejectedCorners, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), float minRepDistance=10.f, float errorCorrectionRate=3.f, bool checkAllOrders=true, OutputArray recoveredIdxs=noArray(), const Ptr< DetectorParameters > &parameters=DetectorParameters::create())
Refind not detected markers based on the already detected and the board layout.
CV_THRESH_TOZERO_INV
@ CV_THRESH_TOZERO_INV
Definition: types_c.h:575
cv::SparseMat::ptr
uchar * ptr(int i0, int i1, int i2, bool createMissing, size_t *hashval=0)
returns pointer to the specified element (3D case)
cv::approxPolyDP
void approxPolyDP(InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
CV_SEQUENCE_FIELDS
#define CV_SEQUENCE_FIELDS()
Definition: types_c.h:1245
cv::RetrievalModes
RetrievalModes
mode of the contour retrieval algorithm
Definition: imgproc.hpp:424
cv::GC_PR_FGD
@ GC_PR_FGD
a possible foreground pixel
Definition: imgproc.hpp:363
cv::videostab::StabilizerBase::frames_
std::vector< Mat > frames_
Definition: stabilizer.hpp:130
HaarClassifierNode128::getThreshold
__host__ __device__ Ncv32f getThreshold(void)
Definition: NCVHaarObjectDetection.hpp:250
cv::ocl::Device::vendorName
String vendorName() const
cv::sfm::fundamentalFromProjections
void fundamentalFromProjections(InputArray P1, InputArray P2, OutputArray F)
Get Fundamental matrix from Projection matrices.
hal_ni_dct2D
int hal_ni_dct2D(cvhalDFT *context, const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)
Definition: hal_replacement.hpp:567
cv::CAP_PROP_IMAGES_LAST
@ CAP_PROP_IMAGES_LAST
Definition: videoio.hpp:568
cv::BaseCascadeClassifier::getOriginalWindowSize
virtual Size getOriginalWindowSize() const =0
cv::cudev::BrdReflect101::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:147
HaarClassifierNode128::setFeatureDesc
__host__ NCVStatus setFeatureDesc(HaarFeatureDescriptor32 f)
Definition: NCVHaarObjectDetection.hpp:221
cv::datasets::TR_chars
Definition: tr_chars.hpp:67
CPU_SSE4_2
@ CPU_SSE4_2
Definition: cvdef.h:144
CV_TYZX_LEFT
@ CV_TYZX_LEFT
Definition: videoio_c.h:92
CV_LOAD_IMAGE_GRAYSCALE
@ CV_LOAD_IMAGE_GRAYSCALE
Definition: imgcodecs_c.h:60
cv::text::OCRHMMDecoder::emission_p
Mat emission_p
Definition: ocr.hpp:282
cv::cudev::CountNonZeroExprBody::src
SrcPtr src
Definition: reduction.hpp:154
cv::TrackerMIL::Params::samplerTrackMaxNegNum
int samplerTrackMaxNegNum
Definition: tracker.hpp:1098
uint64
uint64_t uint64
Definition: interface.h:58
cvflann::lsh::LshTable::getKey
size_t getKey(const ElementType *) const
Definition: lsh_table.h:239
cv::cudev::LargerType
Definition: type_traits.hpp:156
cv::CvLBPEvaluator::Feature::Feature
Feature(int offset, int x, int y, int _block_w, int _block_h)
cv::bridge::Bridge::toPtrDenseOpticalFlow
Ptr_DenseOpticalFlow toPtrDenseOpticalFlow()
Definition: bridge.hpp:473
motion_core.hpp
CV_CAP_PROP_XI_REGION_SELECTOR
@ CV_CAP_PROP_XI_REGION_SELECTOR
Definition: videoio_c.h:310
cv::reg::MapAffine::getLinTr
const cv::Matx< double, 2, 2 > & getLinTr() const
Definition: mapaffine.hpp:84
hal_ni_max8s
int hal_ni_max8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:104
cv::ml::LogisticRegression
Implements Logistic Regression classifier.
Definition: ml.hpp:1429
cv::ROISelector::select
void select(const cv::String &windowName, Mat img, std::vector< Rect2d > &boundingBox, bool fromCenter=true)
cv::BackgroundSubtractorMOG2::getVarMin
virtual double getVarMin() const =0
cv::cuda::FarnebackOpticalFlow::setPyrScale
virtual void setPyrScale(double pyrScale)=0
cv::dnn::Dict::get
T get(const String &key, const T &defaultValue) const
If the key in the dictionary then returns its value, else returns defaultValue.
cvMinAreaRect2
CvBox2D cvMinAreaRect2(const CvArr *points, CvMemStorage *storage=NULL)
Finds minimum area rotated rectangle bounding a set of points.
cvSeqPushFront
schar * cvSeqPushFront(CvSeq *seq, const void *element=NULL)
cv::dnn::BlobShape::slice
BlobShape slice(int startAxis, int endAxis=INT_MAX) const
Constructs new shape from axes in range [startAxis; endAxis).
cv::v_rshr_pack
v_uint8x16 v_rshr_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:1684
cv::Rect2d
Rect_< double > Rect2d
Definition: types.hpp:415
cv::MatConstIterator::reference
uchar * reference
Definition: mat.hpp:2864
cv::detail::BundleAdjusterBase::confThresh
double confThresh() const
Definition: motion_estimators.hpp:139
cv::cudev::gridReduceToColumn
__host__ void gridReduceToColumn(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:220
cvRange
CvArr * cvRange(CvArr *mat, double start, double end)
cv::CAP_PROP_OPENNI_APPROX_FRAME_SYNC
@ CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio.hpp:227
cv::Node::Node
Node(OBJECT &payload)
Definition: utility.hpp:1015
cv::Seq
Definition: core_c.h:2840
cv::cuda::FGDParams
Definition: cudalegacy.hpp:155
cvROIToRect
CvRect cvROIToRect(IplROI roi)
Definition: types_c.h:822
cv::ximgproc::DisparityWLSFilter
Disparity map filter based on Weighted Least Squares filter (in form of Fast Global Smoother that is ...
Definition: disparity_filter.hpp:83
cv::ml::Boost::setBoostType
virtual void setBoostType(int val)=0
CvMatND::ptr
uchar * ptr
Definition: types_c.h:636
cv::cudev::cos
__device__ __forceinline__ float1 cos(const uchar1 &a)
Definition: vec_math.hpp:294
cv::videostab::MM_HOMOGRAPHY
@ MM_HOMOGRAPHY
Definition: motion_core.hpp:67
cv::cuda::OpticalFlowDual_TVL1::setLambda
virtual void setLambda(double lambda)=0
CvBox2D::size
CvSize2D32f size
Definition: types_c.h:1064
cv::cudev::cosh
__device__ __forceinline__ double4 cosh(const double4 &a)
Definition: vec_math.hpp:355
cvStereoRectify
void cvStereoRectify(const CvMat *camera_matrix1, const CvMat *camera_matrix2, const CvMat *dist_coeffs1, const CvMat *dist_coeffs2, CvSize image_size, const CvMat *R, const CvMat *T, CvMat *R1, CvMat *R2, CvMat *P1, CvMat *P2, CvMat *Q=0, int flags=1024, double alpha=-1, CvSize new_image_size=cvSize(0, 0), CvRect *valid_pix_ROI1=0, CvRect *valid_pix_ROI2=0)
cv::datasets::FR_adienceObj
Definition: fr_adience.hpp:68
cv::stereo::Matching::speckleY
Mat speckleY
Definition: matching.hpp:369
cv::dnn::Blob::setTo
void setTo(InputArray value, int allocFlags=-1)
Sets value to the last used data (if allocFlags = -1).
cv::COLOR_GRAY2RGBA
@ COLOR_GRAY2RGBA
Definition: imgproc.hpp:543
cvflann::Hamming2
Definition: dist.h:476
cv::Matx34f
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:223
cv::CAP_PROP_INTELPERC_PROFILE_IDX
@ CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio.hpp:513
cv::CAP_OPENNI_QVGA_60HZ
@ CAP_OPENNI_QVGA_60HZ
Definition: videoio.hpp:265
cv::cuda::BackgroundSubtractorMOG::getNMixtures
virtual int getNMixtures() const =0
cv_vrndq_u32_f32
uint32x4_t cv_vrndq_u32_f32(float32x4_t v)
Definition: neon_utils.hpp:76
cv::getRecall
float getRecall(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
CV_YUV2GRAY_YVYU
@ CV_YUV2GRAY_YVYU
Definition: types_c.h:319
cv::ocl::Image2D::Image2D
Image2D(const Image2D &i)
cv::v_expand
void v_expand(const v_reg< _Tp, n > &a, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b0, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b1)
Expand values to the wider pack type.
Definition: intrin_cpp.hpp:934
cv::dnn::Blob::updateMat
void updateMat(bool syncData=true) const
Actualizes data stored inside Mat of Blob; if syncData is false then only shape will be actualized.
cvflann::MinkowskiDistance::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:261
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(int arows, int acols, Scalar val, Allocator *allocator=defaultAllocator())
constucts GpuMat and fills it with the specified value
cv::ximgproc::GuidedFilter
Interface for realizations of Guided Filter.
Definition: edge_filter.hpp:131
cv::stereo::StereoBinarySGBM::getP2
virtual int getP2() const =0
cv::cudev::vsetlt2
__device__ __forceinline__ uint vsetlt2(uint a, uint b)
Definition: simd_functions.hpp:396
cv::TrackerModel::getTrackerStateEstimator
Ptr< TrackerStateEstimator > getTrackerStateEstimator() const
Get the TrackerStateEstimator.
cv::CAP_PROP_XI_SHUTTER_TYPE
@ CAP_PROP_XI_SHUTTER_TYPE
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:363
cv::COLOR_BGR5652BGRA
@ COLOR_BGR5652BGRA
Definition: imgproc.hpp:553
clGetGLObjectInfo
#define clGetGLObjectInfo
Definition: opencl_gl.hpp:40
cv::NAryMatIterator::narrays
int narrays
the number of arrays
Definition: mat.hpp:3269
cv::SORT_ASCENDING
@ SORT_ASCENDING
Definition: core.hpp:152
CvHaarStageClassifier::parent
int parent
Definition: objdetect_c.h:101
cv::Subdiv2D::findNearest
int findNearest(Point2f pt, Point2f *nearestPt=0)
Finds the subdivision vertex closest to the given point.
cv::CascadeClassifier::detectMultiScale
void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &numDetections, double scaleFactor=1.1, int minNeighbors=3, int flags=0, Size minSize=Size(), Size maxSize=Size())
cv::cudev::minVal_
__host__ Expr< FindMinValExprBody< SrcPtr > > minVal_(const SrcPtr &src)
Definition: reduction.hpp:99
cv::ppf_match_3d::PPF3DDetector::scene_sample_step
int scene_sample_step
Definition: ppf_match_3d.hpp:158
NCV_TEXTURE_BIND_ERROR
@ NCV_TEXTURE_BIND_ERROR
Definition: NCV.hpp:325
cv::SVD::compute
static void compute(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
decomposes matrix and stores the results to user-provided matrices
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::period
virtual int period() const
Definition: wobble_suppression.hpp:105
cv::ml::LogisticRegression::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cvflann::Hamming2::ElementType
T ElementType
Definition: dist.h:480
cv::ft::SINUS
@ SINUS
Definition: types.hpp:56
CvSeq
Definition: types_c.h:1266
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_LineSegmentDetector &)
Definition: bridge.hpp:452
cv::datasets::TR_svt
Definition: tr_svt.hpp:74
cv::viz::Color::indigo
static Color indigo()
cv::Mutex
Definition: utility.hpp:579
NCVMemStackAllocator::isInitialized
virtual NcvBool isInitialized(void) const
cv::hal::add8s
void add8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::ximgproc::AdaptiveManifoldFilter::create
static Ptr< AdaptiveManifoldFilter > create()
cv::rgbd::DepthCleaner::window_size_
int window_size_
Definition: rgbd.hpp:288
cv::dnn::DictValue::arrayString
static DictValue arrayString(TypeIter begin, int size)
Constructs array of strings.
cv::cuda::FEATURE_SET_COMPUTE_20
@ FEATURE_SET_COMPUTE_20
Definition: cuda.hpp:598
CvSeq::flags
int flags
Definition: types_c.h:1267
HaarClassifierNode128
Definition: NCVHaarObjectDetection.hpp:218
cv::cuda::Event
Definition: cuda.hpp:522
cv::text::OCRBeamSearchDecoder::vocabulary
std::string vocabulary
Definition: ocr.hpp:447
cv::cuda::HoughSegmentDetector::getRho
virtual float getRho() const =0
cv::videostab::calcBlurriness
float calcBlurriness(const Mat &frame)
cv::ROISelector::handlerT::handlerT
handlerT()
Definition: tracker.hpp:1383
cv::cudev::SobelXPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:148
cv::ximgproc::segmentation::SelectiveSearchSegmentation::switchToSelectiveSearchQuality
virtual void switchToSelectiveSearchQuality(int base_k=150, int inc_k=150, float sigma=0.8f)=0
Initialize the class with the 'Selective search fast' parameters describled in .
cv::COLOR_BGRA2BGR555
@ COLOR_BGRA2BGR555
Definition: imgproc.hpp:563
cvflann::SavedIndexParams::SavedIndexParams
SavedIndexParams(cv::String filename)
Definition: flann_base.hpp:64
cv::line_descriptor::KeyLine::ePointInOctaveY
float ePointInOctaveY
Definition: descriptor.hpp:138
cv::Matx21d
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:205
lsh_index.h
cv::cudev::BrdBase::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
cv::CALIB_FIX_K4
@ CALIB_FIX_K4
Definition: calib3d.hpp:262
cv::videostab::MM_AFFINE
@ MM_AFFINE
Definition: motion_core.hpp:66
cv::ClassifierThreshold::update
void update(float value, int target)
cv::bridge::Bridge::toMat
cv::Mat toMat() const
Definition: bridge.hpp:586
cv::rgbd::RgbdICPOdometry
Definition: rgbd.hpp:882
cv::rgbd::ICPOdometry::getNormalsComputer
Ptr< RgbdNormals > getNormalsComputer() const
Definition: rgbd.hpp:849
cv::rgbd::RgbdNormals
Definition: rgbd.hpp:108
cv::bioinspired::Retina::getInputSize
virtual Size getInputSize()=0
Retreive retina input buffer size.
cv::CAP_PVAPI_DECIMATION_2OUTOF4
@ CAP_PVAPI_DECIMATION_2OUTOF4
2 out of 4 decimation
Definition: videoio.hpp:303
tinyxml2::XMLPrinter::PushDeclaration
void PushDeclaration(const char *value)
cv::aruco::GridBoard
Planar board with grid arrangement of markers More common type of board. All markers are placed in th...
Definition: aruco.hpp:257
cvRectangleR
void cvRectangleR(CvArr *img, CvRect r, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Draws a rectangle specified by a CvRect structure.
cv::flann::HierarchicalClusteringIndexParams::HierarchicalClusteringIndexParams
HierarchicalClusteringIndexParams(int branching=32, cvflann::flann_centers_init_t centers_init=cvflann::FLANN_CENTERS_RANDOM, int trees=4, int leaf_size=100)
cv::omnidir::stereoReconstruct
void stereoReconstruct(InputArray image1, InputArray image2, InputArray K1, InputArray D1, InputArray xi1, InputArray K2, InputArray D2, InputArray xi2, InputArray R, InputArray T, int flag, int numDisparities, int SADWindowSize, OutputArray disparity, OutputArray image1Rec, OutputArray image2Rec, const Size &newSize=Size(), InputArray Knew=cv::noArray(), OutputArray pointCloud=cv::noArray(), int pointType=XYZRGB)
Stereo 3D reconstruction from a pair of images.
cvflann::KDTreeIndexParams::KDTreeIndexParams
KDTreeIndexParams(int trees=4)
Definition: kdtree_index.h:55
cvflann::flann_datatype_t
flann_datatype_t
Definition: defines.h:156
cv::cuda::calcHist
void calcHist(InputArray src, OutputArray hist, Stream &stream=Stream::Null())
Calculates histogram for one channel 8-bit image.
tinyxml2::XMLComment::ShallowEqual
virtual bool ShallowEqual(const XMLNode *compare) const
cvflann::UniqueResultSet::dist_indices_
std::set< DistIndex > dist_indices_
Definition: result_set.h:380
INCVMemAllocator::~INCVMemAllocator
virtual ~INCVMemAllocator()=0
Definition: NCV.hpp:477
CV_LRGB2Lab
@ CV_LRGB2Lab
Definition: types_c.h:216
cv::Matx::operator+=
static Matx< _Tp1, m, n > & operator+=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1121
cv::sfm::SFMLibmvEuclideanReconstruction::setCameraIntrinsicOptions
virtual void setCameraIntrinsicOptions(const libmv_CameraIntrinsicsOptions &libmv_camera_intrinsics_options)=0
Setter method for camera intrinsic options.
cv::aruco::DetectorParameters::doCornerRefinement
bool doCornerRefinement
Definition: aruco.hpp:140
structured_edge_detection.hpp
CV_CUDEV_EXPR_UNARY_FUNC
#define CV_CUDEV_EXPR_UNARY_FUNC(name)
Definition: unary_func.hpp:60
CV_YUV2BGR_Y422
@ CV_YUV2BGR_Y422
Definition: types_c.h:283
cv::_InputArray::_InputArray
_InputArray(const ogl::Buffer &buf)
cv::IMREAD_ANYCOLOR
@ IMREAD_ANYCOLOR
If set, the image is read in any possible color format.
Definition: imgcodecs.hpp:69
cv::DescriptorMatcher::knnMatch
void knnMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::MoreAccurateMotionWobbleSuppressorBase
MoreAccurateMotionWobbleSuppressorBase()
Definition: wobble_suppression.hpp:108
cvNot
void cvNot(const CvArr *src, CvArr *dst)
cv::optflow::DISOpticalFlow::setFinestScale
virtual void setFinestScale(int val)=0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
cv::videostab::InpainterBase::setRadius
virtual void setRadius(int val)
Definition: inpainting.hpp:70
cvflann::FLANN_LOG_WARN
@ FLANN_LOG_WARN
Definition: defines.h:123
cv::stereo::CV_SIMETRICV_INTERPOLATION
@ CV_SIMETRICV_INTERPOLATION
Definition: stereo.hpp:122
CvMatND::refcount
int * refcount
Definition: types_c.h:631
cv::cubeRoot
float cubeRoot(float val)
Computes the cube root of an argument.
cv::Affine3::Affine3
Affine3(const Vec3 &rvec, const Vec3 &t=Vec3::all(0))
Rodrigues vector.
cv::DetectionROI::scale
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:330
cv::face::FaceRecognizer::getLabelInfo
virtual String getLabelInfo(int label) const
Gets string information by label.
cv::dpm::DPMDetector::isEmpty
virtual bool isEmpty() const =0
cv::DescriptorMatcher::DescriptorCollection::getDescriptors
const Mat & getDescriptors() const
Ncv32s
int Ncv32s
Definition: NCV.hpp:127
cv::flann::IndexParams::getDouble
double getDouble(const String &key, double defaultVal=-1) const
cv::Error::OpenGlNotSupported
@ OpenGlNotSupported
Definition: base.hpp:118
tinyxml2::XMLDocument::NewDeclaration
XMLDeclaration * NewDeclaration(const char *text=0)
matlab::MxArray::MxArray
MxArray()
default constructor
Definition: mxarray.hpp:253
cv::viz::WTrajectoryFrustums::WTrajectoryFrustums
WTrajectoryFrustums(InputArray path, const Vec2d &fov, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
cv::viz::Viz3d::resetCamera
void resetCamera()
Resets camera.
types.hpp
cv::randpattern::RandomPatternCornerFinder::loadPattern
void loadPattern(cv::Mat patternImage)
cv::cuda::DeviceInfo::unifiedAddressing
bool unifiedAddressing() const
device shares a unified address space with the host
cv::Vec::Vec
Vec(const Vec< _Tp, cn > &v)
cvflann::StartStopTimer::start
void start()
Definition: timer.h:68
CV_USRTYPE1
#define CV_USRTYPE1
Definition: interface.h:74
cv::text::OCRBeamSearchDecoder::ClassifierCallback::getWindowSize
int getWindowSize()
Definition: ocr.hpp:367
cv::superres::DualTVL1OpticalFlow::setIterations
virtual void setIterations(int val)=0
cv::String::begin
const char * begin() const
linemod.hpp
cv::hal::cvtOnePlaneYUVtoBGR
void cvtOnePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int uIdx, int ycn)
cv::CAP_PROP_GPHOTO2_PREVIEW
@ CAP_PROP_GPHOTO2_PREVIEW
Capture only preview from liveview mode.
Definition: videoio.hpp:545
cv::detail::Blender::prepare
virtual void prepare(Rect dst_roi)
cv::bridge::Bridge::operator=
Bridge & operator=(const float &)
Definition: bridge.hpp:287
cv::viz::WWidgetMerger::WWidgetMerger
WWidgetMerger()
CvHaarStageClassifier::count
int count
Definition: objdetect_c.h:95
cv::Point_::ddot
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
cv::rgbd::ICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: rgbd.hpp:809
cv::cuda::ORB::RESPONSE_ROW
@ RESPONSE_ROW
Definition: cudafeatures2d.hpp:462
cvColorToScalar
CvScalar cvColorToScalar(double packed_color, int arrtype)
Unpacks color value.
cv::HISTCMP_BHATTACHARYYA
@ HISTCMP_BHATTACHARYYA
Definition: imgproc.hpp:504
cv::Mat_::zeros
static MatExpr zeros(int _ndims, const int *_sizes)
SmoothMethod_c
SmoothMethod_c
Definition: types_c.h:69
cv::QT_PUSH_BUTTON
@ QT_PUSH_BUTTON
Push button.
Definition: highgui.hpp:247
CV_CAP_V4L2
@ CV_CAP_V4L2
Definition: videoio_c.h:82
cv::CascadeClassifier::setMaskGenerator
void setMaskGenerator(const Ptr< BaseCascadeClassifier::MaskGenerator > &maskGenerator)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(cudev::GpuMat_< _Tp > &m)
CvKalman::DynamMatr
float * DynamMatr
Definition: tracking_c.h:173
cvAddText
void cvAddText(const CvArr *img, const char *text, CvPoint org, CvFont *arg2)
cv::line_descriptor::BinaryDescriptor::detect
void detect(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, const std::vector< Mat > &masks=std::vector< Mat >()) const
cv::videostab::LpMotionStabilizer::weight3
float weight3() const
Definition: motion_stabilizing.hpp:138
cv::KalmanFilter::temp5
Mat temp5
Definition: tracking.hpp:381
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
cv::SparseMatIterator_::operator=
SparseMatIterator_ & operator=(const SparseMatIterator_ &it)
the assignment operator
cv::ccalib::CustomPattern::findRtRANSAC
bool findRtRANSAC(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, int minInliersCount=100, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
cv::CvHOGEvaluator::Feature::Feature
Feature()
CV_COMP_CORREL
@ CV_COMP_CORREL
Definition: types_c.h:530
cv::cuda::DeviceInfo::ComputeModeDefault
@ ComputeModeDefault
Definition: cuda.hpp:726
tinyxml2::StrPair::NEEDS_NEWLINE_NORMALIZATION
@ NEEDS_NEWLINE_NORMALIZATION
Definition: tinyxml2.h:151
cv::v_recombine
void v_recombine(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< _Tp, n > &low, v_reg< _Tp, n > &high)
Combine two vectors from lower and higher parts of two other vectors.
Definition: intrin_cpp.hpp:1314
cv::Allocator::Allocator
Allocator(Allocator< U > const &)
Definition: cvstd.hpp:143
cvflann::KDTreeIndex::usedMemory
int usedMemory() const
Definition: kdtree_index.h:185
cv::cudev::VecTraits< char4 >::make
__host__ __device__ static __forceinline__ char4 make(const schar *v)
Definition: vec_traits.hpp:180
cvInitMatNDHeader
CvMatND * cvInitMatNDHeader(CvMatND *mat, int dims, const int *sizes, int type, void *data=NULL)
Initializes a pre-allocated multi-dimensional array header.
cv::dnn::LRNLayer::CHANNEL_NRM
@ CHANNEL_NRM
Definition: all_layers.hpp:236
cv::viz::Viz3d::getWindowSize
Size getWindowSize() const
Returns the current size of the window.
cvflann::Hamming::ResultType
int ResultType
Definition: dist.h:422
NPPST_MEM_INSUFFICIENT_BUFFER
@ NPPST_MEM_INSUFFICIENT_BUFFER
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
cv::rgbd::RgbdOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: rgbd.hpp:674
cv::FileStorage::writeRaw
void writeRaw(const String &fmt, const uchar *vec, size_t len)
Writes multiple numbers.
cv::ocl::Program::Program
Program(const ProgramSource &src, const String &buildflags, String &errmsg)
cv::viz::Viz3d::updateWidgetPose
void updateWidgetPose(const String &id, const Affine3d &pose)
Updates pose of a widget in the window by pre-multiplying its current pose.
cvWriteInt
void cvWriteInt(CvFileStorage *fs, const char *name, int value)
Writes an integer value.
cv::cudev::ReduceToRowBody
Definition: reduction.hpp:175
cv::tracking::UkfSystemModel::measurementFunction
virtual void measurementFunction(const Mat &x_k, const Mat &n_k, Mat &z_k)=0
nppsStCompactGetSize_32f
NCVStatus nppsStCompactGetSize_32f(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::ptr_type
Ptr2DSz ptr_type
Definition: traits.hpp:59
cv::text::OCRBeamSearchDecoder::ClassifierCallback::getStepSize
int getStepSize()
Definition: ocr.hpp:368
cv::ximgproc::HoughDeskewOption
HoughDeskewOption
Specifies to do or not to do skewing of Hough transform image.
Definition: fast_hough_transform.hpp:106
UIImageToMat
void UIImageToMat(const UIImage *image, cv::Mat &m, bool alphaExist=false)
CV_CAP_PROP_XI_CC_MATRIX_32
@ CV_CAP_PROP_XI_CC_MATRIX_32
Definition: videoio_c.h:346
structured_light.hpp
cv::cudacodec::VideoReader::format
virtual FormatInfo format() const =0
Returns information about video file format.
cvflann::KL_Divergence
Definition: dist.h:693
cv::Rect_::Rect_
Rect_()
various constructors
cv::Mat_::end
iterator end()
cv::SparseMat_::iterator
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2790
tinyxml2::StrPair::COMMENT
@ COMMENT
Definition: tinyxml2.h:159
cv::hal::min64f
void min64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::rgbd::RgbdICPOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: rgbd.hpp:937
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, const Color &color=Color::white())
Constructs a WCloud.
cv::CAP_PROP_OPENNI_CIRCLE_BUFFER
@ CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio.hpp:229
cv::SVD::backSubst
void backSubst(InputArray rhs, OutputArray dst) const
performs a singular value back substitution.
cv::optflow::GPCTree::Node::coef
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:167
cv::GeneralizedHoughGuil::getMinAngle
virtual double getMinAngle() const =0
cvCreateMatNDHeader
CvMatND * cvCreateMatNDHeader(int dims, const int *sizes, int type)
Creates a new matrix header but does not allocate the matrix data.
cv::MORPH_CROSS
@ MORPH_CROSS
Definition: imgproc.hpp:255
cvCreateSeqBlock
void cvCreateSeqBlock(CvSeqWriter *writer)
cv::bgsegm::BackgroundSubtractorGMG::getQuantizationLevels
virtual int getQuantizationLevels() const =0
Returns the parameter used for quantization of color-space.
cv::CAP_PROP_DC1394_MAX
@ CAP_PROP_DC1394_MAX
Definition: videoio.hpp:202
cv::cuda::createBoxMinFilter
Ptr< Filter > createBoxMinFilter(int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates the minimum filter.
cv::detail::BundleAdjusterBase::refinement_mask_
Mat refinement_mask_
Definition: motion_estimators.hpp:188
cv::cuda::OpticalFlowDual_TVL1::getNumIterations
virtual int getNumIterations() const =0
cv::Matx::zeros
static Matx zeros()
cv::TrackerSamplerPF::Params::Params
Params()
cv::COLOR_HLS2RGB_FULL
@ COLOR_HLS2RGB_FULL
Definition: imgproc.hpp:610
IplImage::align
int align
Definition: types_c.h:314
CvType::~CvType
~CvType()
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, String dslabel) const =0
CV_CAP_PROP_XI_COLOR_FILTER_ARRAY
@ CV_CAP_PROP_XI_COLOR_FILTER_ARRAY
Definition: videoio_c.h:328
CvMat::data
union CvMat::@54 data
cv::TrackerStateEstimatorMILBoosting::updateImpl
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)
cvStartFindContours
CvContourScanner cvStartFindContours(CvArr *image, CvMemStorage *storage, int header_size=sizeof(CvContour), int mode=CV_RETR_LIST, int method=CV_CHAIN_APPROX_SIMPLE, CvPoint offset=cvPoint(0, 0))
Initializes contour retrieving process.
cv::Rect_::width
_Tp width
Definition: types.hpp:410
cvflann::KMeansIndex::KMeansIndex
KMeansIndex(const KMeansIndex &)
cv::cudev::UnaryTransformPtrSz
Definition: transform.hpp:76
cv::cuda::addWeighted
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1, Stream &stream=Stream::Null())
Computes the weighted sum of two arrays.
hal_ni_invSqrt32f
int hal_ni_invSqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:422
cv::hal::DFT1D::create
static Ptr< DFT1D > create(int len, int count, int depth, int flags, bool *useBuffer=0)
CvLevMarq::JtJ
cv::Ptr< CvMat > JtJ
Definition: calib3d_c.h:410
cvMakeHistHeaderForArray
CvHistogram * cvMakeHistHeaderForArray(int dims, int *sizes, CvHistogram *hist, float *data, float **ranges=NULL, int uniform=1)
Makes a histogram out of an array.
cv::CALIB_FIX_K6
@ CALIB_FIX_K6
Definition: calib3d.hpp:264
tinyxml2::XMLElement::ToElement
virtual const XMLElement * ToElement() const
Definition: tinyxml2.h:1149
cv::RotatedRect::points
void points(Point2f pts[]) const
cv::linemod::Template::features
std::vector< Feature > features
Definition: linemod.hpp:83
cv_vrsqrtq_f32
float32x4_t cv_vrsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:98
cv::ximgproc::DisparityWLSFilter::setLambda
virtual void setLambda(double _lambda)=0
cv::ximgproc::GUIDED_FILTER
@ GUIDED_FILTER
Definition: edge_filter.hpp:57
cv::cudev::GpuMat_::elemSize1
__host__ size_t elemSize1() const
cvPoint2D64f
CvPoint2D64f cvPoint2D64f(double x, double y)
Definition: types_c.h:973
cv::aruco::detectMarkers
void detectMarkers(InputArray image, const Ptr< Dictionary > &dictionary, OutputArrayOfArrays corners, OutputArray ids, const Ptr< DetectorParameters > &parameters=DetectorParameters::create(), OutputArrayOfArrays rejectedImgPoints=noArray())
Basic marker detection.
cv::FileNodeIterator::FileNodeIterator
FileNodeIterator(const FileNodeIterator &it)
cv::cuda::FGDParams::delta
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
tinyxml2::XMLConstHandle::LastChild
const XMLConstHandle LastChild() const
Definition: tinyxml2.h:1870
CvAttrList::attr
const char ** attr
Definition: types_c.h:1714
cv::FileStorage::write
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:948
cv::DftFlags
DftFlags
Definition: base.hpp:214
cvMaxRect
CvRect cvMaxRect(const CvRect *rect1, const CvRect *rect2)
Finds minimum rectangle containing two given rectangles.
cv::MARKER_TILTED_CROSS
@ MARKER_TILTED_CROSS
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:4233
cv::MouseCallback
void(* MouseCallback)(int event, int x, int y, int flags, void *userdata)
Callback function for mouse events. see cv::setMouseCallback.
Definition: highgui.hpp:260
cv::setUseOpenVX
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
tinyxml2::XMLElement::QueryUnsignedAttribute
XMLError QueryUnsignedAttribute(const char *name, unsigned int *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1235
cv::Rect_::area
_Tp area() const
area (width*height) of the rectangle
cv::ppf_match_3d::PPF3DDetector::hash_nodes
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
hal_ni_cvtBGR5x5toBGR
int hal_ni_cvtBGR5x5toBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int greenBits)
hal_cvtBGR5x5toBGR
Definition: hal_replacement.hpp:335
cvCloneSparseMat
CvSparseMat * cvCloneSparseMat(const CvSparseMat *mat)
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, String dslabel, const int *dims_offset) const =0
cvflann::StartStopTimer::reset
void reset()
Definition: timer.h:85
cvCalcOpticalFlowPyrLK
void cvCalcOpticalFlowPyrLK(const CvArr *prev, const CvArr *curr, CvArr *prev_pyr, CvArr *curr_pyr, const CvPoint2D32f *prev_features, CvPoint2D32f *curr_features, int count, CvSize win_size, int level, char *status, float *track_error, CvTermCriteria criteria, int flags)
cv::aruco::DetectorParameters::cornerRefinementWinSize
int cornerRefinementWinSize
Definition: aruco.hpp:141
hal_ni_log64f
int hal_ni_log64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:457
CV_BGRA2BGR555
@ CV_BGRA2BGR555
Definition: types_c.h:146
cv::cudev::GpuMat_::elemSize
__host__ size_t elemSize() const
overridden forms of GpuMat::elemSize() etc.
cv::String::rfind
size_t rfind(const char *s, size_t pos, size_t n) const
cv::ParamType< std::vector< Mat > >::member_type
std::vector< Mat > member_type
Definition: core.hpp:3165
cv::ppf_match_3d::computeNormalsPC3d
int computeNormalsPC3d(const Mat &PC, Mat &PCNormals, const int NumNeighbors, const bool FlipViewpoint, const double viewpoint[3])
Compute the normals of an arbitrary point cloud computeNormalsPC3d uses a plane fitting approach to s...
cv::datasets::backgroundType
backgroundType
Definition: gr_skig.hpp:88
cv::cudev::SingleMaskChannelsSz::rows
int rows
Definition: mask.hpp:85
matlab::MxArray::toString
std::string toString() const
Definition: mxarray.hpp:415
tinyxml2::MemPool::MemPool
MemPool()
Definition: tinyxml2.h:313
cv::bioinspired::Retina::run
virtual void run(InputArray inputImage)=0
Method which allows retina to be applied on an input image,.
cv::MatExpr::dot
double dot(const Mat &m) const
cv::Error::StsFilterStructContentErr
@ StsFilterStructContentErr
incorr. filter structure content
Definition: base.hpp:98
cv::Subdiv2D::freePoint
int freePoint
Definition: imgproc.hpp:1154
cv::CvFeatureParams::init
virtual void init(const CvFeatureParams &fp)
cv::hal::merge64s
void merge64s(const int64 **src, int64 *dst, int len, int cn)
cv::dnn::BlobShape::BlobShape
BlobShape(int s0, int s1, int s2)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::GeneralizedHoughGuil::getLevels
virtual int getLevels() const =0
cv::rgbd::RgbdOdometry::getMinGradientMagnitudes
cv::Mat getMinGradientMagnitudes() const
Definition: rgbd.hpp:690
cv::flann::GenericIndex::radiusSearch
int radiusSearch(const Mat &query, Mat &indices, Mat &dists, DistanceType radius, const ::cvflann::SearchParams &params)
cv::cudev::CountNonZeroExprBody
Definition: reduction.hpp:153
cv::Vec::operator()
const _Tp & operator()(int i) const
cv::UMat::zeros
static UMat zeros(int ndims, const int *sz, int type)
cv::cuda::SparsePyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
CV_CAP_PROP_XI_CC_MATRIX_13
@ CV_CAP_PROP_XI_CC_MATRIX_13
Definition: videoio_c.h:339
CV_BGR2HLS
@ CV_BGR2HLS
Definition: types_c.h:182
cvStartAppendToSeq
void cvStartAppendToSeq(CvSeq *seq, CvSeqWriter *writer)
feature.hpp
cv::videostab::StabilizerBase::setDeblurer
void setDeblurer(Ptr< DeblurerBase > val)
Definition: stabilizer.hpp:83
tinyxml2::XMLDeclaration::ParseDeep
char * ParseDeep(char *, StrPair *endTag)
cv::CAP_PROP_XI_LIMIT_BANDWIDTH
@ CAP_PROP_XI_LIMIT_BANDWIDTH
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:377
cv::displayOverlay
void displayOverlay(const String &winname, const String &text, int delayms=0)
Displays a text on a window image as an overlay for a specified duration.
tinyxml2::XML_ERROR_PARSING_ATTRIBUTE
@ XML_ERROR_PARSING_ATTRIBUTE
Definition: tinyxml2.h:1011
cv::detail::FisheyeProjector
Definition: warpers.hpp:295
cv::cudev::BrdBase::index_type
int index_type
Definition: extrapolation.hpp:97
cv::cudev::gridCopy
__host__ void gridCopy(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:358
cv::tracking::AugmentedUnscentedKalmanFilterParams::AugmentedUnscentedKalmanFilterParams
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:182
cv::Error::StsUnmatchedSizes
@ StsUnmatchedSizes
sizes of input/output structures do not match
Definition: base.hpp:109
cv::rgbd::RgbdICPOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: rgbd.hpp:929
cv::detail::MatchesInfo::confidence
double confidence
Confidence two images are from the same panorama.
Definition: matchers.hpp:217
cv::WImageViewC::WImageViewC
WImageViewC(const WImageViewC< T, C > &img)
Definition: wimage.hpp:473
cv::ml::SVM::setC
virtual void setC(double val)=0
cv::ft::FT02D_components
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask)
Computes components of the array using direct F0-transform.
cv::detail::DisjointSets
Definition: util.hpp:56
cv::Point_::value_type
_Tp value_type
Definition: types.hpp:151
cv::FlannBasedMatcher::addedDescCount
int addedDescCount
Definition: features2d.hpp:1103
cv::cuda::TargetArchs::has
static bool has(int major, int minor)
There is a set of methods to check whether the module contains intermediate (PTX) or binary CUDA code...
cv::dnn::Layer::type
String type
Type name which was used for creating layer by layer factory.
Definition: dnn.hpp:132
cv::datasets::IS_weizmann::load
virtual void load(const std::string &path)=0
NCVStatus
Ncv32u NCVStatus
Definition: NCV.hpp:376
cv::cuda::createCLAHE
Ptr< cuda::CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates implementation for cuda::CLAHE .
cv::v_int64x2
v_reg< int64, 2 > v_int64x2
Two 64-bit signed integer values.
Definition: intrin_cpp.hpp:372
cv::omnidir::undistortPoints
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray xi, InputArray R)
Undistort 2D image points for omnidirectional camera using CMei's model.
cv::IMWRITE_JPEG_QUALITY
@ IMWRITE_JPEG_QUALITY
For JPEG, it can be a quality from 0 to 100 (the higher is the better). Default value is 95.
Definition: imgcodecs.hpp:82
cv::minMaxLoc
void minMaxLoc(InputArray src, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, InputArray mask=noArray())
Finds the global minimum and maximum in an array.
cv::UMat::allocator
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2410
cv::ximgproc::FHT_MIN
@ FHT_MIN
Definition: fast_hough_transform.hpp:90
cv::reg::MapperGradShift::calculate
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
cv::stereo::MCTKernel::imageStop
int imageStop
Definition: descriptor.hpp:104
cv::videostab::MM_ROTATION
@ MM_ROTATION
Definition: motion_core.hpp:63
cv::videostab::DeblurerBase::frames
virtual const std::vector< Mat > & frames() const
Definition: deblurring.hpp:75
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5)
1x6, 2x3, 3x2 or 6x1 matrix
cv::cudev::binary_function::result_type
_Result result_type
Definition: functional.hpp:72
CV_CVTIMG_SWAP_RB
@ CV_CVTIMG_SWAP_RB
Definition: imgcodecs_c.h:124
CvRect::x
int x
Definition: types_c.h:780
cv::COLOR_COLORCVT_MAX
@ COLOR_COLORCVT_MAX
Definition: imgproc.hpp:773
cvflann::Matrix::cols
size_t cols
Definition: matrix.h:52
CvLevMarq::step
void step()
cv::createNormHistogramCostExtractor
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
cv::videostab::PyrLkOptFlowEstimatorBase::setWinSize
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
per_element_func.hpp
CvSize2D32f
Definition: types_c.h:1034
cv::cuda::CascadeClassifier::getFindLargestObject
virtual bool getFindLargestObject()=0
cv::StereoSGBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
cv::MARKER_TRIANGLE_UP
@ MARKER_TRIANGLE_UP
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:4237
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9, const _Tp10 &a10, const _Tp11 &a11)
Definition: ocl.hpp:508
cv::WINDOW_GUI_NORMAL
@ WINDOW_GUI_NORMAL
old fashious way
Definition: highgui.hpp:191
cv::Param::STRING
@ STRING
Definition: core.hpp:3116
cv::flann::Index_::Index_
Index_(const Mat &dataset, const ::cvflann::IndexParams &params)
Definition: flann.hpp:347
cv::cudev::gridCopy_
__host__ void gridCopy_(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:64
CvKalman::temp1
CvMat * temp1
Definition: tracking_c.h:200
cvSetHistBinRanges
void cvSetHistBinRanges(CvHistogram *hist, float **ranges, int uniform=1)
Sets the bounds of the histogram bins.
cvflann::KDTreeSingleIndex::ElementType
Distance::ElementType ElementType
Definition: kdtree_single_index.h:73
cv::BaseCascadeClassifier::detectMultiScale
virtual void detectMultiScale(InputArray image, std::vector< Rect > &objects, double scaleFactor, int minNeighbors, int flags, Size minSize, Size maxSize)=0
cvflann::Index::usedMemory
virtual int usedMemory() const
Definition: flann_base.hpp:192
cvXor
void cvXor(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
cv::COLOR_YUV420p2GRAY
@ COLOR_YUV420p2GRAY
Definition: imgproc.hpp:667
CV_StsVecLengthErr
@ CV_StsVecLengthErr
Definition: types_c.h:148
cv::saliency::StaticSaliencySpectralResidual
the Spectral Residual approach from
Definition: saliencySpecializedClasses.hpp:70
cv::min
void min(InputArray src1, InputArray src2, OutputArray dst)
Calculates per-element minimum of two arrays or an array and a scalar.
cvInvert
double cvInvert(const CvArr *src, CvArr *dst, int method=0)
cv::SVD::backSubst
static void backSubst(const Matx< _Tp, nm, 1 > &w, const Matx< _Tp, m, nm > &u, const Matx< _Tp, n, nm > &vt, const Matx< _Tp, m, nb > &rhs, Matx< _Tp, n, nb > &dst)
cv::TrackerFeatureHAAR::Params::numFeatures
int numFeatures
Definition: tracker.hpp:1004
cv::viz::WPaintedCloud
Definition: widgets.hpp:721
cvflann::IndexHeader::data_type
flann_datatype_t data_type
Definition: saving.h:73
cv::cudev::DefaultGlobReducePolicy::patch_size_x
@ patch_size_x
Definition: reduce.hpp:299
cv::bridge::Bridge::toFloat
float toFloat()
Definition: bridge.hpp:288
cv::bridge::Bridge::toPtrTonemapReinhard
Ptr_TonemapReinhard toPtrTonemapReinhard()
Definition: bridge.hpp:523
cv::aruco::drawMarker
void drawMarker(const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1)
Draw a canonical marker image.
cv::cudev::gridReduceToRow
__host__ void gridReduceToRow(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:146
cv::Hamming::operator()
ResultType operator()(const unsigned char *a, const unsigned char *b, int size) const
cvflann::any::cast
const T & cast() const
Cast operator. You can only cast to the original type.
Definition: any.h:275
cv::SimpleBlobDetector::Params::filterByCircularity
bool filterByCircularity
Definition: features2d.hpp:571
motion_stabilizing.hpp
cv::CAP_FIREWIRE
@ CAP_FIREWIRE
IEEE 1394 drivers.
Definition: videoio.hpp:93
cvMorphologyEx
void cvMorphologyEx(const CvArr *src, CvArr *dst, CvArr *temp, IplConvKernel *element, int operation, int iterations=1)
Performs complex morphological transformation.
cv::cuda::BackgroundSubtractorMOG::getHistory
virtual int getHistory() const =0
CV_YUV2RGBA_YUNV
@ CV_YUV2RGBA_YUNV
Definition: types_c.h:311
CV_CAP_PROP_XI_SENSOR_MODE
@ CV_CAP_PROP_XI_SENSOR_MODE
Definition: videoio_c.h:393
cv::detail::PlanePortraitWarper::PlanePortraitWarper
PlanePortraitWarper(float scale)
Definition: warpers.hpp:600
cv::videostab::OnePassStabilizer::postProcessFrame
virtual Mat postProcessFrame(const Mat &frame)
cvNextNArraySlice
int cvNextNArraySlice(CvNArrayIterator *array_iterator)
cvflann::anyimpl::small_any_policy::static_delete
virtual void static_delete(void **)
Definition: any.h:65
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9, const _Tp10 &a10, const _Tp11 &a11, const _Tp12 &a12, const _Tp13 &a13, const _Tp14 &a14)
Definition: ocl.hpp:547
cv::cudev::ArrayWrapper
Definition: type_traits.hpp:72
cvWriteFileNode
void cvWriteFileNode(CvFileStorage *fs, const char *new_node_name, const CvFileNode *node, int embed)
Writes a file node to another file storage.
cv::Error::StsNoConv
@ StsNoConv
iter. didn't converge
Definition: base.hpp:76
tinyxml2::MemPoolT::SetTracked
void SetTracked()
Definition: tinyxml2.h:385
cv::aruco::PREDEFINED_DICTIONARY_NAME
PREDEFINED_DICTIONARY_NAME
Predefined markers dictionaries/sets Each dictionary indicates the number of bits and the number of m...
Definition: dictionary.hpp:141
cv::videostab::StabilizerBase::blurrinessRates_
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:132
cl_command_queue
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_command_queue(CL_API_CALL *clCreateCommandQueue_pfn)(cl_context
cv::COVAR_ROWS
@ COVAR_ROWS
Definition: core.hpp:193
cv::reg::MapAffine::MapAffine
MapAffine(const cv::Matx< double, 2, 2 > &linTr, const cv::Vec< double, 2 > &shift)
cv::superres::SuperResolution::setLabmda
virtual void setLabmda(double val)=0
Weight parameter to balance data term and smoothness term.
cv::UMat::col
UMat col(int x) const
returns a new matrix header for the specified column
cv::CvLBPEvaluator::~CvLBPEvaluator
virtual ~CvLBPEvaluator()
Definition: feature.hpp:367
cv::sfm::SFMLibmvEuclideanReconstruction
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:190
cv::LineSegmentDetector::compareSegments
virtual int compareSegments(const Size &size, InputArray lines1, InputArray lines2, InputOutputArray _image=noArray())=0
Draws two groups of lines in blue and red, counting the non overlapping (mismatching) pixels.
CV_CAP_PVAPI
@ CV_CAP_PVAPI
Definition: videoio_c.h:104
cv::CAP_PVAPI_PIXELFORMAT_BAYER16
@ CAP_PVAPI_PIXELFORMAT_BAYER16
Bayer16.
Definition: videoio.hpp:312
CV_CAP_IEEE1394
@ CV_CAP_IEEE1394
Definition: videoio_c.h:86
cv::cudev::cast_fp16
__device__ __forceinline__ D cast_fp16(T v)
CV_EVENT_MOUSEHWHEEL
@ CV_EVENT_MOUSEHWHEEL
Definition: highgui_c.h:189
cvflann::squareDistance< ChiSquareDistance< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:830
NCVMemoryTypeNone
@ NCVMemoryTypeNone
Definition: NCV.hpp:429
cv::Mat::ptr
const uchar * ptr(int i0, int i1, int i2) const
cv::rgbd::DepthCleaner::DepthCleaner
DepthCleaner()
Definition: rgbd.hpp:227
cv::SparseMat::depth
int depth() const
returns the depth of sparse matrix elements
cv::datasets::SLAM_kittiObj::images
std::vector< std::string > images[4]
Definition: slam_kitti.hpp:68
cv::HOGDescriptor::histogramNormType
int histogramNormType
Definition: objdetect.hpp:428
clUnloadPlatformCompiler
#define clUnloadPlatformCompiler
Definition: opencl_core_wrappers.hpp:268
cv::WeakClassifierHaarFeature::update
bool update(float value, int target)
CV_CAP_GSTREAMER_QUEUE_LENGTH
@ CV_CAP_GSTREAMER_QUEUE_LENGTH
Definition: videoio_c.h:249
cvflann::flann_centers_init_t
flann_centers_init_t
Definition: defines.h:106
hal_ni_div8s
int hal_ni_div8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:258
cv::merge
void merge(const Mat *mv, size_t count, OutputArray dst)
Creates one multi-channel array out of several single-channel ones.
cvflann::FLANN_INDEX_KDTREE_SINGLE
@ FLANN_INDEX_KDTREE_SINGLE
Definition: defines.h:87
cv::TrackerFeatureHAAR::Params::rectSize
Size rectSize
rect size
Definition: tracker.hpp:1005
cv::face::LBPHFaceRecognizer::setGridY
virtual void setGridY(int val)=0
cv::COLOR_LBGR2Luv
@ COLOR_LBGR2Luv
Definition: imgproc.hpp:614
cv::DFT_REAL_OUTPUT
@ DFT_REAL_OUTPUT
Definition: base.hpp:241
cv::flann::GenericIndex::ElementType
Distance::ElementType ElementType
Definition: flann.hpp:111
cv::_InputArray::_InputArray
_InputArray(const std::vector< UMat > &umv)
cv::COLOR_RGBA2BGR555
@ COLOR_RGBA2BGR555
Definition: imgproc.hpp:564
HaarFeature64::setWeight
__host__ NCVStatus setWeight(Ncv32f weight)
Definition: NCVHaarObjectDetection.hpp:94
ncvDrawRects_8u_host
NCVStatus ncvDrawRects_8u_host(Ncv8u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv8u color)
cv::ml::TrainData::getValues
virtual void getValues(int vi, InputArray sidx, float *values) const =0
CvReadFunc
void *(* CvReadFunc)(CvFileStorage *storage, CvFileNode *node)
Definition: types_c.h:1807
cv::bioinspired::SegmentationParameters::localEnergy_spatialConstant
float localEnergy_spatialConstant
the spatial constant of the first order low pass filter, use it to cut high spatial frequencies (nois...
Definition: transientareassegmentationmodule.hpp:99
cv::cudev::logical_not::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:217
cv::TrackerSamplerCS::~TrackerSamplerCS
~TrackerSamplerCS()
cv::cuda::StereoBeliefPropagation::setNumIters
virtual void setNumIters(int iters)=0
cv::datasets::MSM_epflObj::bounding
Matx23d bounding
Definition: msm_epfl.hpp:72
cv::ocl::Device::nativeVectorWidthInt
int nativeVectorWidthInt() const
tinyxml2::XMLUtil::SkipWhiteSpace
static char * SkipWhiteSpace(char *p)
Definition: tinyxml2.h:498
cv::Point3_::Point3_
Point3_(_Tp _x, _Tp _y, _Tp _z)
cv::text::OCRTesseract::run
String run(InputArray image, InputArray mask, int min_confidence, int component_level=0)
cv::CALIB_FIX_INTRINSIC
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:272
cv::ximgproc::RO_IGNORE_BORDERS
@ RO_IGNORE_BORDERS
Skip validations of image borders.
Definition: fast_hough_transform.hpp:118
cv::videostab::MotionInpainter::distThresh
float distThresh() const
Definition: inpainting.hpp:153
cv::hal::Filter2D::~Filter2D
virtual ~Filter2D()
Definition: hal.hpp:27
cvRelease
void cvRelease(void **struct_ptr)
Releases an object.
cv::viz::WCloudCollection
This 3D Widget defines a collection of clouds. :
Definition: widgets.hpp:737
cv::linemod::Template::write
void write(FileStorage &fs) const
cvflann::KMeansIndex::DistanceType
Distance::ResultType DistanceType
Definition: kmeans_index.h:84
cv::CvHOGEvaluator::Feature::Feature
Feature(int offset, int x, int y, int cellW, int cellH)
cv::cnn_3dobj::descriptorExtractor
Caffe based 3D images descriptor. A class to extract features from an image. The so obtained descript...
Definition: cnn_3dobj.hpp:210
CV_CAP_PROP_FOCUS
@ CV_CAP_PROP_FOCUS
Definition: videoio_c.h:196
cv::GeneralizedHoughBallard::setVotesThreshold
virtual void setVotesThreshold(int votesThreshold)=0
The accumulator threshold for the template centers at the detection stage. The smaller it is,...
cv::COLOR_HSV2BGR_FULL
@ COLOR_HSV2BGR_FULL
Definition: imgproc.hpp:607
CV_IMWRITE_PNG_BILEVEL
@ CV_IMWRITE_PNG_BILEVEL
Definition: imgcodecs_c.h:90
cv::cudev::NormHamming
Definition: vec_distance.hpp:156
CV_CAP_PROP_INTELPERC_PROFILE_COUNT
@ CV_CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio_c.h:441
CV_WINDOW_FREERATIO
@ CV_WINDOW_FREERATIO
Definition: highgui_c.h:127
cv::cudev::not1
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:803
cv::detail::FeaturesMatcher::isThreadSafe
bool isThreadSafe() const
Definition: matchers.hpp:249
cv::CASCADE_FIND_BIGGEST_OBJECT
@ CASCADE_FIND_BIGGEST_OBJECT
Definition: objdetect.hpp:170
CV_WARP_INVERSE_MAP
@ CV_WARP_INVERSE_MAP
Definition: types_c.h:370
cv::COVAR_SCRAMBLED
@ COVAR_SCRAMBLED
Definition: core.hpp:173
cv::MSER::getMinArea
virtual int getMinArea() const =0
cv::SparseMat::dims
int dims() const
returns the matrix dimensionality
cv::CamShift
RotatedRect CamShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object center, size, and orientation.
cv::COLOR_YUV2GRAY_NV12
@ COLOR_YUV2GRAY_NV12
Definition: imgproc.hpp:662
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
cv::ocl::OCL_VECTOR_DEFAULT
@ OCL_VECTOR_DEFAULT
Definition: ocl.hpp:685
cv::Matx43d
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:226
cv::dnn::ConvolutionLayer::create
static Ptr< BaseConvolutionLayer > create(Size kernel=Size(3, 3), Size stride=Size(1, 1), Size pad=Size(0, 0), Size dilation=Size(1, 1))
cv::BOWTrainer::cluster
virtual Mat cluster() const =0
cvGetMinMaxHistValue
void cvGetMinMaxHistValue(const CvHistogram *hist, float *min_value, float *max_value, int *min_idx=NULL, int *max_idx=NULL)
Finds the minimum and maximum histogram bins.
core_c.h
cv::cuda::DeviceInfo::integrated
bool integrated() const
device is integrated as opposed to discrete
cv::v_trunc
v_reg< int, n > v_trunc(const v_reg< _Tp, n > &a)
Truncate elements.
Definition: intrin_cpp.hpp:511
cv::stereo::StereoBinarySGBM::create
static Ptr< cv::stereo::StereoBinarySGBM > create(int minDisparity, int numDisparities, int blockSize, int P1=100, int P2=1000, int disp12MaxDiff=1, int preFilterCap=0, int uniquenessRatio=5, int speckleWindowSize=400, int speckleRange=200, int mode=StereoBinarySGBM::MODE_SGBM)
Creates StereoSGBM object.
cv::detail::NoExposureCompensator::feed
void feed(const std::vector< Point > &, const std::vector< UMat > &, const std::vector< std::pair< UMat, uchar > > &)
Definition: exposure_compensate.hpp:94
cv::FastFeatureDetector::setNonmaxSuppression
virtual void setNonmaxSuppression(bool f)=0
cv::cudev::atomicAdd
static __device__ double atomicAdd(double *address, double val)
Definition: atomic.hpp:84
cv::MatOp::divide
virtual void divide(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
cv::text::OCRBeamSearchDecoder::ClassifierCallback::eval
virtual void eval(InputArray image, std::vector< std::vector< double > > &recognition_probabilities, std::vector< int > &oversegmentation)
The character classifier must return a (ranked list of) class(es) id('s)
cv::cuda::HostMem::release
void release()
decrements reference counter and released memory if needed.
tinyxml2::XML_ERROR_ELEMENT_MISMATCH
@ XML_ERROR_ELEMENT_MISMATCH
Definition: tinyxml2.h:1009
cv::v_transpose4x4
void v_transpose4x4(v_reg< _Tp, 4 > &a0, const v_reg< _Tp, 4 > &a1, const v_reg< _Tp, 4 > &a2, const v_reg< _Tp, 4 > &a3, v_reg< _Tp, 4 > &b0, v_reg< _Tp, 4 > &b1, v_reg< _Tp, 4 > &b2, v_reg< _Tp, 4 > &b3)
Transpose 4x4 matrix.
Definition: intrin_cpp.hpp:1499
cv::FONT_ITALIC
@ FONT_ITALIC
flag for italic font
Definition: core.hpp:232
cv::rgbd::RgbdOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const
Definition: rgbd.hpp:650
cvLUT
void cvLUT(const CvArr *src, CvArr *dst, const CvArr *lut)
cv::SparseMat::release
void release()
cv::stereoRectifyUncalibrated
bool stereoRectifyUncalibrated(InputArray points1, InputArray points2, InputArray F, Size imgSize, OutputArray H1, OutputArray H2, double threshold=5)
Computes a rectification transform for an uncalibrated stereo camera.
CV_CAP_PROP_EXPOSURE
@ CV_CAP_PROP_EXPOSURE
Definition: videoio_c.h:181
cv::FileNodeIterator::SeqReader
Definition: persistence.hpp:670
cvPOSIT
void cvPOSIT(CvPOSITObject *posit_object, CvPoint2D32f *image_points, double focal_length, CvTermCriteria criteria, float *rotation_matrix, float *translation_vector)
cv::stereo::StereoBinaryBM::getAgregationWindowSize
virtual int getAgregationWindowSize() const =0
cv::ml::SVM::setCustomKernel
virtual void setCustomKernel(const Ptr< Kernel > &_kernel)=0
cvPyrMeanShiftFiltering
void cvPyrMeanShiftFiltering(const CvArr *src, CvArr *dst, double sp, double sr, int max_level=1, CvTermCriteria termcrit=cvTermCriteria(CV_TERMCRIT_ITER+CV_TERMCRIT_EPS, 5, 1))
Filters image using meanshift algorithm.
CPU_AVX_512DQ
@ CPU_AVX_512DQ
Definition: cvdef.h:154
cv::cuda::Event::waitForCompletion
void waitForCompletion()
waits for an event to complete
cvSetReal2D
void cvSetReal2D(CvArr *arr, int idx0, int idx1, double value)
tinyxml2::XMLPrinter::Visit
virtual bool Visit(const XMLComment &comment)
Visit a comment node.
cv::xphoto::BM3D_STEP1
@ BM3D_STEP1
Definition: bm3d_image_denoising.hpp:73
cv::cudev::RemapPtr2::index_type
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
cv::ocl::Program::p
Impl * p
Definition: ocl.hpp:622
cv::SparseMat::Hdr::dims
int dims
Definition: mat.hpp:2523
cv::_InputArray::isGpuMatVector
bool isGpuMatVector() const
cv::convertPointsToHomogeneous
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
clWaitForEvents
#define clWaitForEvents
Definition: opencl_core.hpp:276
cv::Formatter::get
static Ptr< Formatter > get(int fmt=FMT_DEFAULT)
CV_CAP_PROP_OPENNI_FOCAL_LENGTH
@ CV_CAP_PROP_OPENNI_FOCAL_LENGTH
Definition: videoio_c.h:225
cv::DescriptorMatcher::utrainDescCollection
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1013
cv::bioinspired::Retina::setColorSaturation
virtual void setColorSaturation(const bool saturateColors=true, const float colorSaturationValue=4.0f)=0
Activate color saturation as the final step of the color demultiplexing process -> this saturation is...
cv::StereoBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
dct_image_denoising.hpp
cv::videostab::InpainterBase::setFrames
virtual void setFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:81
cv::videostab::StabilizerBase::log_
Ptr< ILog > log_
Definition: stabilizer.hpp:111
cv::cudev::gridFindMinVal_
__host__ void gridFindMinVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:106
ncvDrawRects_32u_host
NCVStatus ncvDrawRects_32u_host(Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
cv::line_descriptor::BinaryDescriptor::setWidthOfBand
void setWidthOfBand(int width)
Set width of bands.
cv::videostab::StabilizerBase::stabilizedMasks_
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:134
cv::MergeMertens::getExposureWeight
virtual float getExposureWeight() const =0
cv::flann::hierarchicalClustering
int hierarchicalClustering(const Mat &features, Mat &centers, const ::cvflann::KMeansIndexParams &params, Distance d=Distance())
Clusters features using hierarchical k-means algorithm.
Definition: flann.hpp:488
cv::CommandLineParser::CommandLineParser
CommandLineParser(const CommandLineParser &parser)
Copy constructor.
cv::viz::Camera::Camera
Camera(const Matx44d &proj, const Size &window_size)
cv::GeneralizedHough::getMaxBufferSize
virtual int getMaxBufferSize() const =0
cvflann::simpleDistance< HellingerDistance< ElementType >, ElementType >::ResultType
HellingerDistance< ElementType >::ResultType ResultType
Definition: dist.h:882
cv::ml::RTrees::create
static Ptr< RTrees > create()
cv::String::~String
~String()
cv::cudev::atanh
__device__ __forceinline__ double4 atanh(const double4 &a)
Definition: vec_math.hpp:391
cv::aruco::DetectorParameters::adaptiveThreshWinSizeMin
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:130
cvflann::MaxDistance
Definition: dist.h:323
cv::DIST_USER
@ DIST_USER
User defined distance.
Definition: imgproc.hpp:309
cv::cudev::Sum::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
cv::cuda::StereoBeliefPropagation::setMaxDataTerm
virtual void setMaxDataTerm(double max_data_term)=0
tinyxml2::XMLPrinter::~XMLPrinter
virtual ~XMLPrinter()
Definition: tinyxml2.h:1963
cv::viz::Viz3d::getViewerPose
Affine3d getViewerPose()
Returns the current pose of the viewer.
cv::Feature2D::compute
virtual void compute(InputArray image, std::vector< KeyPoint > &keypoints, OutputArray descriptors)
Computes the descriptors for a set of keypoints detected in an image (first variant) or image set (se...
cv::stopLoop
void stopLoop()
cv::Point_::Point_
Point_()
cv::cuda::GpuMat::locateROI
void locateROI(Size &wholeSize, Point &ofs) const
locates GpuMat header within a parent GpuMat
cv::tracking::UnscentedKalmanFilterParams::processNoiseCov
Mat processNoiseCov
Process noise cross-covariance matrix, DP x DP.
Definition: kalman_filters.hpp:135
cv::cuda::HoughSegmentDetector::setRho
virtual void setRho(float rho)=0
cvflann::MANHATTAN
@ MANHATTAN
Definition: defines.h:145
cv::hal::cvtBGRtoBGR
void cvtBGRtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, int dcn, bool swapBlue)
nppiStRectStdDev_32f_C1R
NCVStatus nppiStRectStdDev_32f_C1R(Ncv32u *d_sum, Ncv32u sumStep, Ncv64u *d_sqsum, Ncv32u sqsumStep, Ncv32f *d_norm, Ncv32u normStep, NcvSize32u roi, NcvRect32u rect, Ncv32f scaleArea, NcvBool readThruTexture)
cv::ximgproc::segmentation::GraphSegmentation::setK
virtual void setK(float k)=0
cv::optflow::createOptFlow_DeepFlow
Ptr< DenseOpticalFlow > createOptFlow_DeepFlow()
DeepFlow optical flow algorithm implementation.
cvv::debugDMatch
static void debugDMatch(cv::InputArray img1, std::vector< cv::KeyPoint > keypoints1, cv::InputArray img2, std::vector< cv::KeyPoint > keypoints2, std::vector< cv::DMatch > matches, const impl::CallMetaData &data, const char *description=nullptr, const char *view=nullptr, bool useTrainDescriptor=true)
Add a filled in DMatch <dmatch> to debug GUI.
Definition: dmatch.hpp:49
matlab::Map
Definition: map.hpp:68
cvSaveWindowParameters
void cvSaveWindowParameters(const char *name)
cvflann::KULLBACK_LEIBLER
@ KULLBACK_LEIBLER
Definition: defines.h:152
cv::cuda::OpticalFlowDual_TVL1::setTheta
virtual void setTheta(double theta)=0
cv::tracking::UnscentedKalmanFilterParams::init
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::_OutputArray::getOGlBufferRef
ogl::Buffer & getOGlBufferRef() const
cv::WImageView3_b
WImageViewC< uchar, 3 > WImageView3_b
Definition: wimage.hpp:72
cv::detail::Estimator::~Estimator
virtual ~Estimator()
Definition: motion_estimators.hpp:68
cvflann::HistIntersectionDistance::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:580
HaarStage64_Interpret_MaskRootNodeOffset
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:270
cv::ogl::QUADS
@ QUADS
Definition: opengl.hpp:486
cvSeqInsert
schar * cvSeqInsert(CvSeq *seq, int before_index, const void *element=NULL)
cv::RectanglesIntersectTypes
RectanglesIntersectTypes
Definition: imgproc.hpp:779
CV_IMWRITE_PAM_FORMAT_NULL
@ CV_IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs_c.h:99
cv::CvFeatureEvaluator::getNumFeatures
int getNumFeatures() const
Definition: feature.hpp:168
cvMoveWindow
void cvMoveWindow(const char *name, int x, int y)
cv::DescriptorMatcher::match
void match(InputArray queryDescriptors, std::vector< DMatch > &matches, InputArrayOfArrays masks=noArray())
clRetainMemObject
#define clRetainMemObject
Definition: opencl_core_wrappers.hpp:244
tinyxml2::XMLAttribute::SetAttribute
void SetAttribute(double value)
Set the attribute to value.
CvFont::font_face
int font_face
Definition: imgproc_c.h:1122
cv::solveCubic
int solveCubic(InputArray coeffs, OutputArray roots)
Finds the real roots of a cubic equation.
cv::detail::CameraParams::CameraParams
CameraParams()
cv::detail::FeaturesFinder
Feature finders base class.
Definition: matchers.hpp:72
cv::QT_STYLE_ITALIC
@ QT_STYLE_ITALIC
Italic font.
Definition: highgui.hpp:241
cv::cuda::BackgroundSubtractorGMG::setNumFrames
virtual void setNumFrames(int nframes)=0
cvflann::FLANN_DIST_MANHATTAN
@ FLANN_DIST_MANHATTAN
Definition: defines.h:131
cv::ximgproc::segmentation::createSelectiveSearchSegmentation
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
cv::videostab::StabilizerBase::deblurer_
Ptr< DeblurerBase > deblurer_
Definition: stabilizer.hpp:114
cv::cudev::brdConstant
__host__ BrdConstant< typename PtrTraits< SrcPtr >::ptr_type > brdConstant(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type val)
Definition: extrapolation.hpp:76
cl_event
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const cl_device_id const void void void cl_int *CL_RUNTIME_EXPORT const void void void cl_int *CL_RUNTIME_EXPORT const cl_image_format const cl_image_desc void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const cl_image_format void cl_int *CL_RUNTIME_EXPORT const char cl_int *CL_RUNTIME_EXPORT cl_kernel cl_uint *CL_RUNTIME_EXPORT const cl_device_id const size_t const unsigned char cl_int cl_int *CL_RUNTIME_EXPORT const cl_device_id const char cl_int *CL_RUNTIME_EXPORT const char const size_t cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT const void cl_int *CL_RUNTIME_EXPORT const cl_device_partition_property cl_device_id cl_uint *CL_RUNTIME_EXPORT cl_event(CL_API_CALL *clCreateUserEvent_pfn)(cl_context
cv::ocl::Context::device
const Device & device(size_t idx) const
cv::superres::SuperResolution::getScale
virtual int getScale() const =0
Scale factor.
cv::detail::AffineWarper::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
cv::instr::NodeData::NodeData
NodeData(const char *funName=0, const char *fileName=NULL, int lineNum=0, void *retAddress=NULL, bool alwaysExpand=false, cv::instr::TYPE instrType=TYPE_GENERAL, cv::instr::IMPL implType=IMPL_PLAIN)
tinyxml2::XMLDocument::Print
void Print(XMLPrinter *streamer=0) const
CV_CAP_PROP_TRIGGER_DELAY
@ CV_CAP_PROP_TRIGGER_DELAY
Definition: videoio_c.h:193
cv::cuda::StereoBeliefPropagation::getDiscSingleJump
virtual double getDiscSingleJump() const =0
discontinuity single jump
cv::cuda::HoughCirclesDetector::getMaxCircles
virtual int getMaxCircles() const =0
cv::cuda::subtract
void subtract(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar difference.
cv::EVENT_MOUSEHWHEEL
@ EVENT_MOUSEHWHEEL
positive and negative values mean right and left scrolling, respectively.
Definition: highgui.hpp:216
cv::ORB::getEdgeThreshold
virtual int getEdgeThreshold() const =0
CV_CAP_FIREWIRE
@ CV_CAP_FIREWIRE
Definition: videoio_c.h:85
CvConnectedComp::rect
CvRect rect
Definition: types_c.h:61
cvCreateGraphScanner
CvGraphScanner * cvCreateGraphScanner(CvGraph *graph, CvGraphVtx *vtx=NULL, int mask=-1)
cv::videostab::MotionEstimatorRansacL2::setMinInlierRatio
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
CV_YUV2BGRA_UYNV
@ CV_YUV2BGRA_UYNV
Definition: types_c.h:294
cv::cuda::GpuMat::step1
size_t step1() const
returns step/elemSize1()
CvCloneFunc
void *(* CvCloneFunc)(const void *struct_ptr)
Definition: types_c.h:1810
cv::cudev::GpuMat_::rowRange
__host__ GpuMat_ rowRange(int startrow, int endrow) const
cv::ml::SVM::getDecisionFunction
virtual double getDecisionFunction(int i, OutputArray alpha, OutputArray svidx) const =0
Retrieves the decision function.
cv::BOWKMeansTrainer::cluster
virtual Mat cluster(const Mat &descriptors) const
Clusters train descriptors.
cv::getTickFrequency
double getTickFrequency()
Returns the number of ticks per second.
CvHuMoments::hu6
double hu6
Definition: types_c.h:426
cvflann::RadiusResultSet::full
bool full() const
Definition: result_set.h:258
cv::ccalib::CustomPattern::setFeatureDetector
bool setFeatureDetector(Ptr< FeatureDetector > featureDetector)
cv::UMatData::prevAllocator
const MatAllocator * prevAllocator
Definition: mat.hpp:494
cv::text::ERStat::euler
int euler
euler number
Definition: erfilter.hpp:81
cv::TonemapReinhard::setColorAdaptation
virtual void setColorAdaptation(float color_adapt)=0
CV_CAP_PROP_PVAPI_PIXELFORMAT
@ CV_CAP_PROP_PVAPI_PIXELFORMAT
Definition: videoio_c.h:258
cv::CAP_PVAPI_DECIMATION_OFF
@ CAP_PVAPI_DECIMATION_OFF
Off.
Definition: videoio.hpp:302
cv::ocl::Kernel::create
bool create(const char *kname, const ProgramSource &prog, const String &buildopts, String *errmsg=0)
cv::Matx22f
Matx< float, 2, 2 > Matx22f
Definition: matx.hpp:213
cv::HistogramCostExtractor::getNDummies
virtual int getNDummies() const =0
cv::ppf_match_3d::PPF3DDetector::rotation_threshold
double rotation_threshold
Definition: ppf_match_3d.hpp:155
cv::face::StandardCollector::getMinDist
double getMinDist() const
Returns minimal distance value.
cv::detail::WAVE_CORRECT_HORIZ
@ WAVE_CORRECT_HORIZ
Definition: motion_estimators.hpp:324
cv::boundingRect
Rect boundingRect(InputArray points)
Calculates the up-right bounding rectangle of a point set.
nppiStTranspose_128_C1R
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
cv::SparseMatConstIterator::ptr
uchar * ptr
Definition: mat.hpp:3072
cv::CALIB_CB_SYMMETRIC_GRID
@ CALIB_CB_SYMMETRIC_GRID
Definition: calib3d.hpp:249
cv::cuda::DeviceInfo::l2CacheSize
int l2CacheSize() const
size of L2 cache in bytes
cv::cudev::vcmple4
__device__ __forceinline__ uint vcmple4(uint a, uint b)
Definition: simd_functions.hpp:671
cv::ml::SVM::Kernel::calc
virtual void calc(int vcount, int n, const float *vecs, const float *another, float *results)=0
cv::LDA::_dataAsRow
bool _dataAsRow
Definition: core.hpp:2529
cv::datasets::TRACK_vot
Definition: track_vot.hpp:69
cvflann::StartStopTimer
Definition: timer.h:47
cv::viz::Color::blue
static Color blue()
cv::cudev::vec_math_detail::SatCastHelper< 4, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:92
cv::MatExpr::cross
Mat cross(const Mat &m) const
cv::cuda::deviceSupports
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
cv::dnn::EltwiseLayer
Definition: all_layers.hpp:388
CV_YUV420p2RGBA
@ CV_YUV420p2RGBA
Definition: types_c.h:265
cv::ocl::Device::printfBufferSize
size_t printfBufferSize() const
intrin_cpp.hpp
cv::cudev::UnaryTransformPtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: transform.hpp:64
cvflann::Hamming2::popcnt32
unsigned int popcnt32(uint32_t n) const
Definition: dist.h:485
cv::Mat1s
Mat_< short > Mat1s
Definition: mat.hpp:2198
cv::CvHOGEvaluator::Feature::p0
int p0
Definition: feature.hpp:323
cv::AgastFeatureDetector_Impl
Definition: agast.txt:7482
cv::line_descriptor::KeyLine::response
float response
Definition: descriptor.hpp:123
cv::getDefaultNewCameraMatrix
Mat getDefaultNewCameraMatrix(InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
Returns the default new camera matrix.
cv::UMat::operator()
UMat operator()(const Rect &roi) const
cv::cudev::ThreshBinaryInvFunc
Definition: functional.hpp:715
cv::face::FaceRecognizer::load
virtual void load(const String &filename)
Loads a FaceRecognizer and its model state.
cvflann::LshIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &)
Definition: lsh_index.h:220
cv::ximgproc::guidedFilter
void guidedFilter(InputArray guide, InputArray src, OutputArray dst, int radius, double eps, int dDepth=-1)
Simple one-line Guided Filter call.
cvflann::HierarchicalClusteringIndex::free_elements
void free_elements()
Definition: hierarchical_clustering_index.h:422
cv::arrowedLine
void arrowedLine(InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int line_type=8, int shift=0, double tipLength=0.1)
Draws a arrow segment pointing from the first point to the second one.
cv::plot::Plot2d::setPlotSize
virtual void setPlotSize(int _plotSizeWidth, int _plotSizeHeight)=0
features2d.hpp
cv::Mat_::operator()
Mat_ operator()(const Range &rowRange, const Range &colRange) const
cv::reg::Mapper::grid
void grid(const Mat &img, Mat &grid_r, Mat &grid_c) const
cvv::impl::getDebugFlag
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
cvDistTransform
void cvDistTransform(const CvArr *src, CvArr *dst, int distance_type=CV_DIST_L2, int mask_size=3, const float *mask=NULL, CvArr *labels=NULL, int labelType=CV_DIST_LABEL_CCOMP)
Applies distance transform to binary image.
cvStereoCalibrate
double cvStereoCalibrate(const CvMat *object_points, const CvMat *image_points1, const CvMat *image_points2, const CvMat *npoints, CvMat *camera_matrix1, CvMat *dist_coeffs1, CvMat *camera_matrix2, CvMat *dist_coeffs2, CvSize image_size, CvMat *R, CvMat *T, CvMat *E=0, CvMat *F=0, int flags=256, CvTermCriteria term_crit=cvTermCriteria(CV_TERMCRIT_ITER+CV_TERMCRIT_EPS, 30, 1e-6))
cv::Mat::Mat
Mat()
cv::Node::m_childs
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1081
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< std::vector< _Tp > > &vec)
cv::cudev::UnaryTransformPtrSz::cols
int cols
Definition: transform.hpp:77
cv::rgbd::ICPOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: rgbd.hpp:837
cv::PaniniPortraitWarper::PaniniPortraitWarper
PaniniPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:145
cvShowImage
void cvShowImage(const char *name, const CvArr *image)
cv::cuda::TargetArchs::hasEqualOrGreaterPtx
static bool hasEqualOrGreaterPtx(int major, int minor)
cv::dnn::LayerParams::type
String type
Type name which was used for creating layer by layer factory (optional).
Definition: dnn.hpp:76
CV_RGB2RGBA
@ CV_RGB2RGBA
Definition: types_c.h:104
cv::TrackerFeatureHOG::selection
void selection(Mat &response, int npoints)
Identify most effective features.
cv::Mat::rowRange
Mat rowRange(int startrow, int endrow) const
Creates a matrix header for the specified row span.
cvErrorFromIppStatus
int cvErrorFromIppStatus(int ipp_status)
cv::UMat::UMat
UMat(Size size, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::Mat::create
void create(const std::vector< int > &sizes, int type)
cv::ximgproc::segmentation::SelectiveSearchSegmentation::addStrategy
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > s)=0
Add a new strategy in the list of strategy to process.
cv::bioinspired::SegmentationParameters::neighborhoodEnergy_temporalConstant
float neighborhoodEnergy_temporalConstant
local neighborhood energy filtering parameters : the aim is to get information about the energy neigh...
Definition: transientareassegmentationmodule.hpp:101
cv::SOLVELP_UNBOUNDED
@ SOLVELP_UNBOUNDED
problem is unbounded (target function can achieve arbitrary high values)
Definition: optim.hpp:259
cv::FileNode::FileNode
FileNode()
The constructors.
cv::CvHaarEvaluator::operator()
virtual float operator()(int featureIdx, int sampleIdx)
cv::Matx::value_type
_Tp value_type
Definition: matx.hpp:98
cv::createButton
int createButton(const String &bar_name, ButtonCallback on_change, void *userdata=0, int type=QT_PUSH_BUTTON, bool initial_button_state=false)
Attaches a button to the control panel.
hal_ni_cmp32f
int hal_ni_cmp32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:214
cv::findCirclesGrid
bool findCirclesGrid(InputArray image, Size patternSize, OutputArray centers, int flags=CALIB_CB_SYMMETRIC_GRID, const Ptr< FeatureDetector > &blobDetector=SimpleBlobDetector::create())
Finds centers in the grid of circles.
cv::Scalar
Scalar_< double > Scalar
Definition: types.hpp:606
hal_ni_cvtBGRtoGray
int hal_ni_cvtBGRtoGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
hal_cvtBGRtoGray
Definition: hal_replacement.hpp:347
cv::stereo::imageMeanKernelSize
void imageMeanKernelSize(const cv::Mat &img, int windowSize, cv::Mat &c)
cv::cuda::FarnebackOpticalFlow::getWinSize
virtual int getWinSize() const =0
cv::cuda::FGDParams::T
float T
A percentage value which determines when new features can be recognized as new background....
Definition: cudalegacy.hpp:175
cv::cuda::HoughLinesDetector::getRho
virtual float getRho() const =0
cv::SparseMatConstIterator_::operator=
SparseMatConstIterator_ & operator=(const SparseMatConstIterator_ &it)
the assignment operator
cv::instr::IMPL_IPP
@ IMPL_IPP
Definition: utility.hpp:1101
cv::cudev::ScharrYPtrSz
Definition: deriv.hpp:301
cv::bgsegm::BackgroundSubtractorGMG::getNumFrames
virtual int getNumFrames() const =0
Returns the number of frames used to initialize background model.
cv::cuda::gemm
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0, Stream &stream=Stream::Null())
Performs generalized matrix multiplication.
cv::dnn::Importer
Small interface class for loading trained serialized models of different dnn-frameworks.
Definition: dnn.hpp:281
tinyxml2::XMLText::XMLText
XMLText(const XMLText &)
cv::Mat_::operator=
Mat_ & operator=(const Mat &m)
cv::viz::Viz3d::setRepresentation
void setRepresentation(int representation)
Sets geometry representation of the widgets to surface, wireframe or points.
cv::MatxCommaInitializer::MatxCommaInitializer
MatxCommaInitializer(Matx< _Tp, m, n > *_mtx)
cv::Matx::randu
static Matx randu(_Tp a, _Tp b)
cv::cudev::vabsdiff4
__device__ __forceinline__ uint vabsdiff4(uint a, uint b)
Definition: simd_functions.hpp:847
NCVMemPtr::clear
void clear()
ncvDetectObjectsMultiScale_device
NCVStatus ncvDetectObjectsMultiScale_device(NCVMatrix< Ncv8u > &d_srcImg, NcvSize32u srcRoi, NCVVector< NcvRect32u > &d_dstRects, Ncv32u &dstNumRects, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarStage64 > &d_HaarStages, NCVVector< HaarClassifierNode128 > &d_HaarNodes, NCVVector< HaarFeature64 > &d_HaarFeatures, NcvSize32u minObjSize, Ncv32u minNeighbors, Ncv32f scaleStep, Ncv32u pixelStep, Ncv32u flags, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
cv::stereo::CombinedDescriptor
Definition: descriptor.hpp:199
cv::GaussianBlur
void GaussianBlur(InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT)
Blurs an image using a Gaussian filter.
cv::optflow::DISOpticalFlow::setPatchSize
virtual void setPatchSize(int val)=0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
tinyxml2::XMLNode::LastChild
const XMLNode * LastChild() const
Get the last child node, or null if none exists.
Definition: tinyxml2.h:696
lut.hpp
cvflann::CreatorNotFound
Definition: object_factory.h:40
cv::BOWImgDescriptorExtractor::BOWImgDescriptorExtractor
BOWImgDescriptorExtractor(const Ptr< DescriptorExtractor > &dextractor, const Ptr< DescriptorMatcher > &dmatcher)
The constructor.
cv::videostab::ImageMotionEstimatorBase::~ImageMotionEstimatorBase
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
CV_CAP_OPENNI_DEPTH_MAP
@ CV_CAP_OPENNI_DEPTH_MAP
Definition: videoio_c.h:468
cv::detail::SphericalPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
tinyxml2::XMLPrinter::VisitEnter
virtual bool VisitEnter(const XMLDocument &)
Visit a document.
cv::ConfidenceMap
std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
Represents the model of the target at frame (all states and scores)
Definition: tracker.hpp:390
cv::bridge::Bridge::toPtrCalibrateDebevec
Ptr_CalibrateDebevec toPtrCalibrateDebevec()
Definition: bridge.hpp:463
tinyxml2::XMLElement::GetText
const char * GetText() const
cv::COLOR_YUV2BGR_NV21
@ COLOR_YUV2BGR_NV21
Definition: imgproc.hpp:631
cv::rgbd::RgbdNormals::getK
cv::Mat getK() const
Definition: rgbd.hpp:185
cv::line_descriptor::KeyLine::sPointInOctaveX
float sPointInOctaveX
Definition: descriptor.hpp:135
tinyxml2::XMLHandle::ToDeclaration
XMLDeclaration * ToDeclaration()
Safe cast to XMLDeclaration. This can return null.
Definition: tinyxml2.h:1833
cv::clearSeq
void clearSeq(CvSeq *seq)
CvMoments::m30
double m30
Definition: types_c.h:399
cv::ximgproc::EdgeAwareInterpolator::setLambda
virtual void setLambda(float _lambda)=0
Lambda is a parameter defining the weight of the edge-aware term in geodesic distance,...
cv::CvHaarEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1)
tinyxml2::XMLUnknown::XMLUnknown
XMLUnknown(const XMLUnknown &)
cv::cudev::negate::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:124
cv::line_descriptor::BinaryDescriptor::defaultNorm
int defaultNorm() const
CV_CAP_PROP_XI_GAMMAC
@ CV_CAP_PROP_XI_GAMMAC
Definition: videoio_c.h:330
cv::KalmanFilter::temp3
Mat temp3
Definition: tracking.hpp:379
CvLevMarq::prevParam
cv::Ptr< CvMat > prevParam
Definition: calib3d_c.h:406
cv::CvHOGEvaluator::generateFeatures
virtual void generateFeatures()
cvflann::LshIndex::LshIndex
LshIndex(const LshIndex &)
CV_CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
@ CV_CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio_c.h:165
cv::omnidir::XYZRGB
@ XYZRGB
Definition: omnidir.hpp:75
cv::detail::SphericalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:494
cv::cuda::BroxOpticalFlow::setPyramidScaleFactor
virtual void setPyramidScaleFactor(double scale_factor)=0
IPL_DEPTH_16S
#define IPL_DEPTH_16S
Definition: types_c.h:266
cv::Algorithm::load
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3074
cv::COLOR_HSV2RGB
@ COLOR_HSV2RGB
Definition: imgproc.hpp:593
cv::CvLBPFeatureParams::CvLBPFeatureParams
CvLBPFeatureParams()
cv::UMat::deallocate
void deallocate()
deallocates the matrix data
cv::TrackerFeature::getClassName
String getClassName() const
Get the name of the specific TrackerFeature.
cvflann::SearchParams
Definition: params.h:45
cv::structured_light::SinusoidalPattern::Params::height
int height
Definition: sinusoidalpattern.hpp:86
cv::saliency::StaticSaliencySpectralResidual::resImHeight
int resImHeight
Definition: saliencySpecializedClasses.hpp:112
cv::v_int16x8
v_reg< short, 8 > v_int16x8
Eight 16-bit signed integer values.
Definition: intrin_cpp.hpp:360
tinyxml2::XMLPrinter::PushComment
void PushComment(const char *comment)
Add a comment.
cv::bioinspired::Retina::activateContoursProcessing
virtual void activateContoursProcessing(const bool activate)=0
Activate/desactivate the Parvocellular pathway processing (contours information extraction),...
cv::ml::VAR_NUMERICAL
@ VAR_NUMERICAL
same as VAR_ORDERED
Definition: ml.hpp:83
cv::ORB::getFirstLevel
virtual int getFirstLevel() const =0
cv::KeyPoint::convert
static void convert(const std::vector< KeyPoint > &keypoints, std::vector< Point2f > &points2f, const std::vector< int > &keypointIndexes=std::vector< int >())
cv::cudev::VecTraits
Definition: vec_traits.hpp:88
cv::BRISK
Class implementing the BRISK keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:229
cv::rgbd::Odometry::compute
bool compute(const Mat &srcImage, const Mat &srcDepth, const Mat &srcMask, const Mat &dstImage, const Mat &dstDepth, const Mat &dstMask, Mat &Rt, const Mat &initRt=Mat()) const
cv::viz::WCloudNormals::WCloudNormals
WCloudNormals(InputArray cloud, InputArray normals, int level=64, double scale=0.1, const Color &color=Color::white())
Constructs a WCloudNormals.
CV_StsBadSize
@ CV_StsBadSize
Definition: types_c.h:152
cv::viz::Color::turquoise
static Color turquoise()
cv::RNG
Random Number Generator.
Definition: core.hpp:2690
cv::cudev::WithOutMask::value_type
bool value_type
Definition: mask.hpp:59
cv::ocl::convertTypeStr
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
CvKalman::CP
int CP
Definition: tracking_c.h:167
cv::COLOR_BGR2HSV_FULL
@ COLOR_BGR2HSV_FULL
Definition: imgproc.hpp:602
cv::flann::CvType< double >::type
static int type()
Definition: flann.hpp:82
cv::cudev::SobelYPtrSz::cols
int cols
Definition: deriv.hpp:209
index_testing.h
cvEndFindContours
CvSeq * cvEndFindContours(CvContourScanner *scanner)
Releases contour scanner and returns pointer to the first outer contour.
cvCalcBayesianProb
void cvCalcBayesianProb(CvHistogram **src, int number, CvHistogram **dst)
Calculates bayesian probabilistic histograms (each or src and dst is an array of number histograms.
cv::ORB::setWTA_K
virtual void setWTA_K(int wta_k)=0
cv::CvHOGEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
cv::Stitcher::stitch
Status stitch(InputArrayOfArrays images, OutputArray pano)
cv::sqrBoxFilter
void sqrBoxFilter(InputArray _src, OutputArray _dst, int ddepth, Size ksize, Point anchor=Point(-1, -1), bool normalize=true, int borderType=BORDER_DEFAULT)
Calculates the normalized sum of squares of the pixel values overlapping the filter.
cv::ocl::Program::Program
Program(const Program &prog)
THash::id
int id
Definition: ppf_match_3d.hpp:81
cv::dnn::DictValue::pv
void * pv
Definition: dict.hpp:100
CV_BadCallBack
@ CV_BadCallBack
Definition: types_c.h:142
cv::cvWriteRawData_Base64
void cvWriteRawData_Base64(::CvFileStorage *fs, const void *_data, int len)
cv::LDA::eigenvectors
Mat eigenvectors() const
Definition: core.hpp:2519
cv::AgastFeatureDetector_Impl::setNonmaxSuppression
void setNonmaxSuppression(bool f)
Definition: agast.txt:7526
cv::cuda::COLOR_BayerGB2BGR_MHT
@ COLOR_BayerGB2BGR_MHT
Definition: cudaimgproc.hpp:96
cv::QtFont::vscale
float vscale
Definition: highgui.hpp:640
cvflann::MinkowskiDistance::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:264
cv::rgbd::OdometryFrame::pyramidNormalsMask
std::vector< Mat > pyramidNormalsMask
Definition: rgbd.hpp:522
CV_CAP_PROP_ROLL
@ CV_CAP_PROP_ROLL
Definition: videoio_c.h:203
cv::cudev::BinaryTransformPtrSz
Definition: transform.hpp:120
cv::filterSpeckles
void filterSpeckles(InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray())
Filters off small noise blobs (speckles) in the disparity map.
cv::text::ERStat::prev
ERStat * prev
Definition: erfilter.hpp:106
cv::rgbd::RgbdFrame::depth
Mat depth
Definition: rgbd.hpp:479
cv::optflow::DISOpticalFlow
DIS optical flow algorithm.
Definition: optflow.hpp:268
cv::saliency::ObjectnessBING::~ObjectnessBING
virtual ~ObjectnessBING()
cv::aruco::Dictionary::Dictionary
Dictionary(const Mat &_bytesList=Mat(), int _markerSize=0, int _maxcorr=0)
CV_CONTOURS_MATCH_I1
@ CV_CONTOURS_MATCH_I1
Definition: types_c.h:504
cv::viz::MouseEvent::Type
Type
Definition: types.hpp:250
CvSeqBlock::data
schar * data
Definition: types_c.h:1222
cv::hal::Filter2D::create
static Ptr< hal::Filter2D > create(uchar *kernel_data, size_t kernel_step, int kernel_type, int kernel_width, int kernel_height, int max_width, int max_height, int stype, int dtype, int borderType, double delta, int anchor_x, int anchor_y, bool isSubmatrix, bool isInplace)
cv::TLSDataContainer::key_
int key_
Definition: utility.hpp:629
cv::stereo::MCTKernel::MCTKernel
MCTKernel(uint8_t **images, int threshold)
Definition: descriptor.hpp:106
cv::reg::MapProjec::inverseWarp
void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const
cv::MergeMertens::setSaturationWeight
virtual void setSaturationWeight(float saturation_weight)=0
cv::FONT_HERSHEY_TRIPLEX
@ FONT_HERSHEY_TRIPLEX
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: core.hpp:228
CV_REDUCE_SUM
#define CV_REDUCE_SUM
Definition: core_c.h:1489
cv::drawChessboardCorners
void drawChessboardCorners(InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound)
Renders the detected chessboard corners.
tracking.hpp
cv::MatOp::diag
virtual void diag(const MatExpr &expr, int d, MatExpr &res) const
global_motion.hpp
cv::INPAINT_NS
@ INPAINT_NS
Definition: photo.hpp:73
CV_CAP_PROP_CONTRAST
@ CV_CAP_PROP_CONTRAST
Definition: videoio_c.h:177
cv::sfm::SFM_IO_THEIASFM
@ SFM_IO_THEIASFM
Definition: io.hpp:62
clRetainContext
#define clRetainContext
Definition: opencl_core.hpp:250
cv::MatConstIterator::MatConstIterator
MatConstIterator()
default constructor
cv::datasets::PD_inria::load
virtual void load(const std::string &path)=0
CV_CAP_PROP_XI_KNEEPOINT1
@ CV_CAP_PROP_XI_KNEEPOINT1
Definition: videoio_c.h:398
cvflann::RadiusResultSet::RadiusResultSet
RadiusResultSet(DistanceType radius_, int *indices_, DistanceType *dists_, int capacity_)
Definition: result_set.h:238
cv::saliency::Saliency::create
static Ptr< Saliency > create(const String &saliencyType)
Create Saliency by saliency type.
cv::CAP_PROP_OPENNI_MAX_TIME_DURATION
@ CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio.hpp:230
cvflann::UniqueResultSet::worst_distance_
DistanceType worst_distance_
Definition: result_set.h:377
cv::warpPerspective
void warpPerspective(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies a perspective transformation to an image.
cv::cuda::ORB::create
static Ptr< ORB > create(int nfeatures=500, float scaleFactor=1.2f, int nlevels=8, int edgeThreshold=31, int firstLevel=0, int WTA_K=2, int scoreType=ORB::HARRIS_SCORE, int patchSize=31, int fastThreshold=20, bool blurForDescriptor=false)
cv::videostab::WeightingDeblurer::WeightingDeblurer
WeightingDeblurer()
cv::BackgroundSubtractorMOG2::getShadowValue
virtual int getShadowValue() const =0
Returns the shadow value.
cv::text::MSERsToERStats
void MSERsToERStats(InputArray image, std::vector< std::vector< Point > > &contours, std::vector< std::vector< ERStat > > &regions)
Converts MSER contours (vector<Point>) to ERStat regions.
cv::cuda::BroxOpticalFlow::getOuterIterations
virtual int getOuterIterations() const =0
number of warping iterations (number of pyramid levels)
cv::line_descriptor::BinaryDescriptor::compute
void compute(const Mat &image, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr=false) const
Requires descriptors computation.
cv::CAP_PROP_XI_DEVICE_SN
@ CAP_PROP_XI_DEVICE_SN
Returns device serial number.
Definition: videoio.hpp:429
cv::MSER::setDelta
virtual void setDelta(int delta)=0
cv::MatExpr::type
int type() const
cvDotProduct
double cvDotProduct(const CvArr *src1, const CvArr *src2)
Calculates the dot product of two arrays in Euclidean metrics.
cv::ximgproc::segmentation::SelectiveSearchSegmentation::clearStrategies
virtual void clearStrategies()=0
Clear the list of strategy to process;.
cv::dnn::_LayerStaticRegisterer::~_LayerStaticRegisterer
~_LayerStaticRegisterer()
Definition: layer.hpp:140
cvMin
void cvMin(const CvArr *src1, const CvArr *src2, CvArr *dst)
cv::Affine3::Identity
static Affine3 Identity()
Create identity transform.
cv::sfm::SFMLibmvEuclideanReconstruction::getError
virtual double getError() const =0
Returns the computed reprojection error.
cv::ogl::Arrays::resetTexCoordArray
void resetTexCoordArray()
Resets vertex texture coordinates.
cv::cuda::GpuMat::GpuMat
GpuMat(const GpuMat &m, Rect roi)
cv::ORB::getScaleFactor
virtual double getScaleFactor() const =0
cv::BRISK::create
static Ptr< BRISK > create(const std::vector< float > &radiusList, const std::vector< int > &numberList, float dMax=5.85f, float dMin=8.2f, const std::vector< int > &indexChange=std::vector< int >())
The BRISK constructor for a custom pattern.
cv::SORT_EVERY_COLUMN
@ SORT_EVERY_COLUMN
Definition: core.hpp:149
cv::dnn::LSTMLayer::getH
virtual Blob getH() const =0
Returns current value (deep copy).
cv::CAP_IMAGES
@ CAP_IMAGES
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:116
clRetainCommandQueue
#define clRetainCommandQueue
Definition: opencl_core_wrappers.hpp:229
cv::videostab::KeypointBasedMotionEstimator::opticalFlowEstimator
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:233
cv::superres::FrameSource
Definition: superres.hpp:67
cv::cuda::buildWarpPerspectiveMaps
void buildWarpPerspectiveMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for perspective transformation.
cv::UMat::reshape
UMat reshape(int cn, int newndims, const int *newsz) const
cv::cudev::NormL2::value_type
float value_type
Definition: vec_distance.hpp:124
cv2DRotationMatrix
CvMat * cv2DRotationMatrix(CvPoint2D32f center, double angle, double scale, CvMat *map_matrix)
Computes rotation_matrix matrix.
cv::Mat::Mat
Mat(const Vec< _Tp, n > &vec, bool copyData=true)
cv::bgsegm::BackgroundSubtractorGMG::getMinVal
virtual double getMinVal() const =0
Returns the minimum value taken on by pixels in image sequence. Usually 0.
cvflann::L1::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:204
cv::text::OCRBeamSearchDecoder::create
static Ptr< OCRBeamSearchDecoder > create(const Ptr< OCRBeamSearchDecoder::ClassifierCallback > classifier, const std::string &vocabulary, InputArray transition_probabilities_table, InputArray emission_probabilities_table, decoder_mode mode=OCR_DECODER_VITERBI, int beam_size=500)
Creates an instance of the OCRBeamSearchDecoder class. Initializes HMMDecoder.
cv::videostab::MotionInpainter
Definition: inpainting.hpp:142
cvflann::KDTreeSingleIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: kdtree_single_index.h:241
cv::Param::MAT
@ MAT
Definition: core.hpp:3116
cv::ContourApproximationModes
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:441
cv::viz::RepresentationValues
RepresentationValues
Definition: widgets.hpp:75
cv::FarnebackOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::drawContours
void drawContours(InputOutputArray image, InputArrayOfArrays contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=LINE_8, InputArray hierarchy=noArray(), int maxLevel=INT_MAX, Point offset=Point())
Draws contours outlines or filled contours.
cv::IMWRITE_PAM_FORMAT_RGB
@ IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs.hpp:118
cv::GeneralizedHoughGuil::getMaxScale
virtual double getMaxScale() const =0
cv::AgastFeatureDetector::OAST_9_16
@ OAST_9_16
Definition: features2d.hpp:478
cv::VecCommaInitializer::operator*
Vec< _Tp, m > operator*() const
CvMat::CvMat
CvMat()
Definition: types_c.h:460
cvflann::set_distance_type
void set_distance_type(flann_distance_t distance_type, int order)
cv::cudev::laplacian_
__host__ Expr< LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > > laplacian_(const SrcPtr &src)
Definition: deriv.hpp:117
cv::buildOpticalFlowPyramid
int buildOpticalFlowPyramid(InputArray img, OutputArrayOfArrays pyramid, Size winSize, int maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true)
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
cv::Matx::channels
@ channels
Definition: matx.hpp:93
cv::cudev::vec_math_detail::SatCastHelper< 2, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:74
cvAdd
void cvAdd(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
cv::CAP_PVAPI_PIXELFORMAT_BAYER8
@ CAP_PVAPI_PIXELFORMAT_BAYER8
Bayer8.
Definition: videoio.hpp:311
cv::TrackerBoosting::Params::iterationInit
int iterationInit
the initial iterations
Definition: tracker.hpp:1125
cv::datasets::HPE_humanevaObj::action
std::string action
Definition: hpe_humaneva.hpp:63
CV_CAP_OPENNI_IR_IMAGE
@ CV_CAP_OPENNI_IR_IMAGE
Definition: videoio_c.h:479
cv::cuda::HostMem::datastart
uchar * datastart
Definition: cuda.hpp:422
CV_CAP_PROP_XI_ACQ_BUFFER_SIZE
@ CV_CAP_PROP_XI_ACQ_BUFFER_SIZE
Definition: videoio_c.h:384
cv::detail::SurfFeaturesFinder::SurfFeaturesFinder
SurfFeaturesFinder(double hess_thresh=300., int num_octaves=3, int num_layers=4, int num_octaves_descr=3, int num_layers_descr=4)
cv::viz::WMesh::WMesh
WMesh(InputArray cloud, InputArray polygons, InputArray colors=noArray(), InputArray normals=noArray())
cv::datasets::FR_adience::create
static Ptr< FR_adience > create()
cv::datasets::tag::x
int x
Definition: tr_svt.hpp:63
deriv.hpp
NCVMatrix::at
T & at(Ncv32u x, Ncv32u y) const
Definition: NCV.hpp:812
CV_BayerGR2BGR
@ CV_BayerGR2BGR
Definition: types_c.h:173
cv::rgbd::DepthCleaner::getDepth
int getDepth() const
Definition: rgbd.hpp:266
cv::optflow::GPCForest::train
void train(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > &gt, const GPCTrainingParams params=GPCTrainingParams())
Train the forest using individual samples for each tree. It is generally better to use this instead o...
Definition: sparse_matching_gpc.hpp:254
tinyxml2::XMLPrinter::PushText
void PushText(double value)
Add a text node from a double.
cv::dnn::ConcatLayer
Definition: all_layers.hpp:309
cv::DFT_SCALE
@ DFT_SCALE
Definition: base.hpp:220
cv::ShapeTransformer::applyTransformation
virtual float applyTransformation(InputArray input, OutputArray output=noArray())=0
Apply a transformation, given a pre-estimated transformation parameters.
CV_CONTOURS_MATCH_I2
@ CV_CONTOURS_MATCH_I2
Definition: types_c.h:505
cv::videostab::MotionInpainter::setDistThreshold
void setDistThreshold(float val)
Definition: inpainting.hpp:152
cvCvtSeqToArray
void * cvCvtSeqToArray(const CvSeq *seq, void *elements, CvSlice slice=CV_WHOLE_SEQ)
cv::videostab::KeypointBasedMotionEstimator::outlierRejector
Ptr< IOutlierRejector > outlierRejector() const
Definition: global_motion.hpp:236
cv::line_descriptor::BinaryDescriptor
Class implements both functionalities for detection of lines and computation of their binary descript...
Definition: descriptor.hpp:184
cv::datasets::FR_lfwObj
Definition: fr_lfw.hpp:61
cv::NormHistogramCostExtractor
A norm based cost extraction. :
Definition: hist_cost.hpp:72
cv::String::swap
void swap(String &str)
tinyxml2::StrPair::ParseText
char * ParseText(char *in, const char *endTag, int strFlags)
cv::ogl::LINE_STRIP
@ LINE_STRIP
Definition: opengl.hpp:482
cv::videostab::VideoFileSource::VideoFileSource
VideoFileSource(const String &path, bool volatileFrame=false)
cv::ml::TrainData::getResponses
virtual Mat getResponses() const =0
cvflann::simpleDistance< ChiSquareDistance< ElementType >, ElementType >::ResultType
ChiSquareDistance< ElementType >::ResultType ResultType
Definition: dist.h:889
cv::cuda::BroxOpticalFlow::getInnerIterations
virtual int getInnerIterations() const =0
number of lagged non-linearity iterations (inner loop)
cv::ogl::Buffer::create
void create(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
Allocates memory for ogl::Buffer object.
cv::cuda::DeviceInfo::multiProcessorCount
int multiProcessorCount() const
number of multiprocessors on device
cv::StrongClassifierDirectSelection::getROI
Rect getROI() const
cv::text::createERFilterNM2
Ptr< ERFilter > createERFilterNM2(const Ptr< ERFilter::Callback > &cb, float minProbability=(float) 0.3)
Create an Extremal Region Filter for the 2nd stage classifier of N&M algorithm [Neumann12].
cvInpaint
void cvInpaint(const CvArr *src, const CvArr *inpaint_mask, CvArr *dst, double inpaintRange, int flags)
cv::Moments::m03
double m03
Definition: types.hpp:862
cv::Mat_::elemSize
size_t elemSize() const
overridden forms of Mat::elemSize() etc.
cv::stereo::Matching::~Matching
~Matching(void)
Definition: matching.hpp:602
fundamental.hpp
cv::seqRemoveSlice
void seqRemoveSlice(CvSeq *seq, CvSlice slice)
cv::cudev::ReduceToRowBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:179
cvFree
#define cvFree(ptr)
Definition: core_c.h:89
CvLevMarq::~CvLevMarq
~CvLevMarq()
cv::text::OCRTesseract::run
virtual void run(Mat &image, Mat &mask, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)
cv::motempl::calcGlobalOrientation
double calcGlobalOrientation(InputArray orientation, InputArray mask, InputArray mhi, double timestamp, double duration)
Calculates a global motion orientation in a selected region.
cv::bridge::Bridge::toPtrStitcher
Ptr_Stitcher toPtrStitcher()
Definition: bridge.hpp:498
cvFontQt
CvFont cvFontQt(const char *nameFont, int pointSize=-1, CvScalar color=cvScalarAll(0), int weight=CV_FONT_NORMAL, int style=CV_STYLE_NORMAL, int spacing=0)
cvflann::HIST_INTERSECT
@ HIST_INTERSECT
Definition: defines.h:148
NcvPoint2D32s::NcvPoint2D32s
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
CvMemStorage::free_space
int free_space
Definition: types_c.h:1196
hal_ni_div16s
int hal_ni_div16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:260
cv::DetectionROI::locations
std::vector< cv::Point > locations
set of requrested locations to be evaluated
Definition: objdetect.hpp:332
cv::omnidir::internal::computeJacobianStereo
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
CPU_FP16
@ CPU_FP16
Definition: cvdef.h:146
cv::videostab::InpaintingPipeline::setStabilizationMotions
virtual void setStabilizationMotions(const std::vector< Mat > &val)
cvflann::LinearIndex::findNeighbors
void findNeighbors(ResultSet< DistanceType > &resultSet, const ElementType *vec, const SearchParams &)
Method that searches for nearest-neighbours.
Definition: linear_index.h:106
cv::bridge::Ptr_DenseOpticalFlow
cv::Ptr< DenseOpticalFlow > Ptr_DenseOpticalFlow
Definition: bridge.hpp:87
cvDecodeImage
IplImage * cvDecodeImage(const CvMat *buf, int iscolor=CV_LOAD_IMAGE_COLOR)
NcvCTprep::CT_ASSERT_FAILURE
Definition: NCV.hpp:72
cv::String::operator+=
String & operator+=(char c)
cv::cuda::HostMem::channels
int channels() const
cv::CAP_AVFOUNDATION
@ CAP_AVFOUNDATION
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:106
cvflann::HistIntersectionDistance::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:540
cv::cudev::minimum
Definition: functional.hpp:320
cv::stereo::symetricCensusTransform
void symetricCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type)
cv::cudev::pyrDown_
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
CV_RGB2HSV
@ CV_RGB2HSV
Definition: types_c.h:165
cv::xphoto::WhiteBalancer
The base class for auto white balance algorithms.
Definition: white_balance.hpp:64
cv::face::FaceRecognizer
Abstract base class for all face recognition models.
Definition: face.hpp:158
cv::cudev::DerivYPtrSz::cols
int cols
Definition: deriv.hpp:116
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, Stream &stream) const
converts GpuMat to another datatype (Non-Blocking call)
cv::ml::KNearest::create
static Ptr< KNearest > create()
Creates the empty model.
cvflann::NNIndex::getType
virtual flann_algorithm_t getType() const =0
cv::_InputArray::copyTo
void copyTo(const _OutputArray &arr) const
CV_CAP_PROP_XI_LENS_FEATURE
@ CV_CAP_PROP_XI_LENS_FEATURE
Definition: videoio_c.h:362
cv::RECURS_FILTER
@ RECURS_FILTER
Definition: photo.hpp:86
cvStartWriteSeq
void cvStartWriteSeq(int seq_flags, int header_size, int elem_size, CvMemStorage *storage, CvSeqWriter *writer)
cv::sfm::normalizeFundamental
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
cvflann::MINKOWSKI
@ MINKOWSKI
Definition: defines.h:146
nppiStTranspose_64s_C1R
NCVStatus nppiStTranspose_64s_C1R(Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::ocl::Context::Context
Context()
cv::GeneralizedHough::setCannyHighThresh
virtual void setCannyHighThresh(int cannyHighThresh)=0
Canny high threshold.
cv::String::end
const char * end() const
cv::TrackerSamplerCSC::Params::trackInPosRad
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracker.hpp:808
cv::datasets::OR_mnist::create
static Ptr< OR_mnist > create()
cvflann::FLANN_INDEX_HIERARCHICAL
@ FLANN_INDEX_HIERARCHICAL
Definition: defines.h:88
CV_COMP_INTERSECT
@ CV_COMP_INTERSECT
Definition: types_c.h:532
cv::detail::createLaplacePyrGpu
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
cv::dnn::Blob::total
size_t total(int startAxis=0, int endAxis=INT_MAX) const
Computes the product of sizes of axes among the specified axes range [startAxis; endAxis).
cv::cudev::SingleMaskChannels::mask
MaskPtr mask
Definition: mask.hpp:73
cv::reg::MapperGradShift::~MapperGradShift
virtual ~MapperGradShift(void)
CV_CAP_PROP_SAR_NUM
@ CV_CAP_PROP_SAR_NUM
Definition: videoio_c.h:208
cv::cuda::CannyEdgeDetector::setHighThreshold
virtual void setHighThreshold(double high_thresh)=0
cv::cudacodec::VC1
@ VC1
Definition: cudacodec.hpp:248
cvflann::lsh::LshTable::getBucketFromKey
const Bucket * getBucketFromKey(BucketKey key) const
Definition: lsh_table.h:210
NCVMatrix::copy2D
NCVStatus copy2D(NCVMatrix< T > &dst, NcvSize32u roi, cudaStream_t cuStream) const
Definition: NCV.hpp:794
cv::text::ERStat::perimeter
int perimeter
Definition: erfilter.hpp:80
cv::CCL_WU
@ CCL_WU
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:418
CvVideoCamera::videoDataOutputQueue
dispatch_queue_t videoDataOutputQueue
Definition: cap_ios.h:104
hal_ni_cvtHSVtoBGR
int hal_ni_cvtHSVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isFullRange, bool isHSV)
hal_cvtHSVtoBGR
Definition: hal_replacement.hpp:458
CvPoint2D64f::x
double x
Definition: types_c.h:967
CvGraphScanner::graph
CvGraph * graph
Definition: core_c.h:1866
matlab::MxArray::Tensor
static MxArray Tensor(size_t m, size_t n, size_t k=1)
explicit tensor constructor
Definition: mxarray.hpp:297
cv::Mat::operator()
Mat operator()(Range rowRange, Range colRange) const
Extracts a rectangular submatrix.
cv::optflow::GPCDetails::getAllDescriptorsForImage
static void getAllDescriptorsForImage(const Mat *imgCh, std::vector< GPCPatchDescriptor > &descr, const GPCMatchingParams &mp, int type)
cv::WImageView::WImageView
WImageView(IplImage *img)
Definition: wimage.hpp:423
cv::hal::SepFilter2D
Definition: hal.hpp:31
cv::dnn::Blob::offset
size_t offset(const Vec< int, n > &pos) const
Returns linear index of the element with specified coordinates in the blob.
cv::datasets::OR_pascalObj::height
int height
Definition: or_pascal.hpp:83
cv::COLOR_BayerGR2RGB
@ COLOR_BayerGR2RGB
Definition: imgproc.hpp:743
CV_CAP_PROP_XI_LENS_FOCAL_LENGTH
@ CV_CAP_PROP_XI_LENS_FOCAL_LENGTH
Definition: videoio_c.h:360
cvflann::lsh::LshStats::bucket_size_mean_
size_t bucket_size_mean_
Definition: lsh_table.h:86
CV_BadOffset
@ CV_BadOffset
Definition: types_c.h:131
cv::ClfOnlineStump::_log_n0
float _log_n0
Definition: onlineMIL.hpp:96
cvflann::FLANN_INDEX_LSH
@ FLANN_INDEX_LSH
Definition: defines.h:89
cv::ximgproc::AdaptiveManifoldFilter::collectGarbage
virtual void collectGarbage()=0
cv::rgbd::RgbdICPOdometry::maxDepthDiff
double maxDepthDiff
Definition: rgbd.hpp:1000
cv::aruco::Dictionary::bytesList
Mat bytesList
Definition: dictionary.hpp:64
cv::GC_BGD
@ GC_BGD
an obvious background pixels
Definition: imgproc.hpp:360
cv::ocl::Platform::Platform
Platform()
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_(const SparseMatIterator_ &it)
the copy constructor
Cv_iplCloneImage
IplImage *(CV_STDCALL * Cv_iplCloneImage)(const IplImage *)
Definition: core_c.h:1941
cvInRangeS
void cvInRangeS(const CvArr *src, CvScalar lower, CvScalar upper, CvArr *dst)
cv::omnidir::projectPoints
void projectPoints(InputArray objectPoints, OutputArray imagePoints, InputArray rvec, InputArray tvec, InputArray K, double xi, InputArray D, OutputArray jacobian=noArray())
Projects points for omnidirectional camera using CMei's model.
cv::MatExpr::col
MatExpr col(int x) const
cv::bridge::Bridge::toMoments
cv::Moments toMoments() const
Definition: bridge.hpp:330
cvflann::any::any
any(const any &x)
Copy constructor.
Definition: any.h:211
cv::FileStorage::writeComment
void writeComment(const String &comment, bool append=false)
Writes a comment.
cv::UMatData::mapcount
int mapcount
Definition: mat.hpp:506
CV_StsNoMem
@ CV_StsNoMem
Definition: types_c.h:124
cv::rgbd::OdometryFrame::pyramidMask
std::vector< Mat > pyramidMask
Definition: rgbd.hpp:513
cv::dnn::DictValue::get
T get(int idx=-1) const
Tries to convert array element with specified index to requested type and returns its.
cv::cuda::FastFeatureDetector::setMaxNumPoints
virtual void setMaxNumPoints(int max_npoints)=0
cvMemStorageAllocString
CvString cvMemStorageAllocString(CvMemStorage *storage, const char *ptr, int len=-1)
cv::COLOR_BGRA2GRAY
@ COLOR_BGRA2GRAY
Definition: imgproc.hpp:544
cv::dnn::Blob::shareFrom
Blob & shareFrom(const Blob &blob)
Shares data from other blob.
cv::SparseMat_::type
int type() const
converts sparse matrix to the old-style CvSparseMat. All the elements are copied
cvGraphVtxDegreeByPtr
int cvGraphVtxDegreeByPtr(const CvGraph *graph, const CvGraphVtx *vtx)
cv::cudev::NormL1< float >::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
cv::text::ERStat::med_crossings
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
cv::cuda::ORB::SIZE_ROW
@ SIZE_ROW
Definition: cudafeatures2d.hpp:465
cv::CAP_PROP_VIEWFINDER
@ CAP_PROP_VIEWFINDER
Enter liveview mode.
Definition: videoio.hpp:554
cv::FONT_HERSHEY_SIMPLEX
@ FONT_HERSHEY_SIMPLEX
normal size sans-serif font
Definition: core.hpp:224
cv::reg::MapperGradAffine::MapperGradAffine
MapperGradAffine(void)
cv::remap
void remap(InputArray src, OutputArray dst, InputArray map1, InputArray map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies a generic geometrical transformation to an image.
cv::viz::Color::Color
Color()
cv::datasets::join::Rw
double Rw
Definition: gr_chalearn.hpp:67
cv::QtFont::greek
const int * greek
Definition: highgui.hpp:638
cv::Size2d
Size_< double > Size2d
Definition: types.hpp:314
cv::linemod::Detector::numClasses
int numClasses() const
Definition: linemod.hpp:404
cv::cuda::DeviceInfo::maxSurface1DLayered
Vec2i maxSurface1DLayered() const
maximum 1D layered surface dimensions
cv::bridge::Bridge::toBool
bool toBool()
Definition: bridge.hpp:278
cv::cuda::HostMem::alloc_type
AllocType alloc_type
Definition: cuda.hpp:425
cv::cudacodec::EncoderParams::IDR_Period
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:86
cv::dnn::LayerFactory::Constuctor
Ptr< Layer >(* Constuctor)(LayerParams &params)
Each Layer class must provide this function to the factory.
Definition: layer.hpp:62
cv::ocl::Device::maxSamplers
int maxSamplers() const
cv::datasets::skeleton::s
join s[20]
Definition: gr_chalearn.hpp:72
CV_StsNoConv
@ CV_StsNoConv
Definition: types_c.h:127
cv::cudev::GpuMat_::operator()
__host__ GpuMat_ operator()(Range rowRange, Range colRange) const
cv::viz::WCircle::WCircle
WCircle(double radius, const Point3d &center, const Vec3d &normal, double thickness=0.01, const Color &color=Color::white())
Constructs repositioned planar circle.
cv::linemod::DepthNormal::read
virtual void read(const FileNode &fn)
cv::CAP_PROP_OPENNI2_SYNC
@ CAP_PROP_OPENNI2_SYNC
Definition: videoio.hpp:232
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const String &value)
cv::SVD
Singular Value Decomposition.
Definition: core.hpp:2551
cv::reg::Map::scale
virtual void scale(double factor)=0
CV_CAP_PROP_XI_GPI_SELECTOR
@ CV_CAP_PROP_XI_GPI_SELECTOR
Definition: videoio_c.h:267
cvConvertMaps
void cvConvertMaps(const CvArr *mapx, const CvArr *mapy, CvArr *mapxy, CvArr *mapalpha)
Converts mapx & mapy from floating-point to integer formats for cvRemap.
cv::cuda::multiply
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar per-element product.
cv::cuda::TargetArchs
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:622
CvLevMarq::solveMethod
int solveMethod
Definition: calib3d_c.h:421
hal_ni_div32s
int hal_ni_div32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:261
cv::detail::RotationWarperBase::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
cvResize
void cvResize(const CvArr *src, CvArr *dst, int interpolation=CV_INTER_LINEAR)
Resizes image (input array is resized to fit the destination array)
CV_TM_CCOEFF
@ CV_TM_CCOEFF
Definition: types_c.h:437
cv::ccalib::CustomPattern::findPattern
bool findPattern(InputArray image, OutputArray matched_features, OutputArray pattern_points, const double ratio=0.7, const double proj_error=8.0, const bool refine_position=false, OutputArray out=noArray(), OutputArray H=noArray(), OutputArray pattern_corners=noArray())
cv::dnn::EltwiseLayer::create
static Ptr< EltwiseLayer > create(EltwiseOp op, const std::vector< int > &coeffs)
cv::ml::SVMSGD::setMarginRegularization
virtual void setMarginRegularization(float marginRegularization)=0
Parameter marginRegularization of a SVMSGD optimization problem.
NCV_ALLOCATOR_BAD_ALLOC
@ NCV_ALLOCATOR_BAD_ALLOC
Definition: NCV.hpp:333
cv::cuda::absSum
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
cv::ogl::Texture2D::Texture2D
Texture2D(Size asize, Format aformat, unsigned int atexId, bool autoRelease=false)
cv::sfm::BaseSFM::run
virtual void run(const std::vector< std::string > &images)=0
cv::viz::Mesh::load
static Mesh load(const String &file, int type=LOAD_PLY)
Loads a mesh from a ply or a obj file.
cv::linemod::Modality::processImpl
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const =0
cv::reg::MapperPyramid
Definition: mapperpyramid.hpp:54
cv::line_descriptor::BinaryDescriptor::descriptorSize
int descriptorSize() const
Return descriptor size.
cv::dnn::Net::addLayerToPrev
int addLayerToPrev(const String &name, const String &type, LayerParams &params)
Adds new layer and connects its first input to the first output of previously added layer.
cvflann::simpleDistance< HellingerDistance< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:883
cv::ximgproc::AM_FILTER
@ AM_FILTER
Definition: edge_filter.hpp:58
tinyxml2::XMLHandle::LastChildElement
XMLHandle LastChildElement(const char *_value=0)
Get the last child element of this handle.
Definition: tinyxml2.h:1796
clEnqueueCopyBufferRect
#define clEnqueueCopyBufferRect
Definition: opencl_core_wrappers.hpp:73
cv::datasets::TRACK_alov::create
static Ptr< TRACK_alov > create()
cv::cuda::LookUpTable::transform
virtual void transform(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Transforms the source matrix into the destination matrix using the given look-up table: dst(I) = lut(...
cv::viz::Camera::getClip
const Vec2d & getClip() const
Definition: types.hpp:187
cv::Mat::reshape
Mat reshape(int cn, int newndims, const int *newsz) const
cv::ShapeContextDistanceExtractor::getTransformAlgorithm
virtual Ptr< ShapeTransformer > getTransformAlgorithm() const =0
cvflann::squareDistance< L2_Simple< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:801
cv::SimpleBlobDetector::Params::filterByInertia
bool filterByInertia
Definition: features2d.hpp:574
cv::Stitcher::setWarper
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:218
cv::videostab::MotionFilterBase::stabilize
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, std::pair< int, int > range)=0
cv::Rect_::height
_Tp height
Definition: types.hpp:410
opencl_svm_20.hpp
cv::StrongClassifierDirectSelection
Definition: onlineBoosting.hpp:63
cvflann::CompositeIndex::operator=
CompositeIndex & operator=(const CompositeIndex &)
NcvPoint2D32s
Definition: NCV.hpp:192
cv::ogl::LINES
@ LINES
Definition: opengl.hpp:480
cv::dnn::DictValue::DictValue
DictValue(double p)
Constructs floating point scalar.
Definition: dict.hpp:65
tinyxml2::XMLNode::SetValue
void SetValue(const char *val, bool staticMem=false)
cvSeqRemoveSlice
void cvSeqRemoveSlice(CvSeq *seq, CvSlice slice)
cv::MORPH_BLACKHAT
@ MORPH_BLACKHAT
Definition: imgproc.hpp:246
CV_BGRA2BGR
@ CV_BGRA2BGR
Definition: types_c.h:106
cv::COLOR_YUV2GRAY_YUNV
@ COLOR_YUV2GRAY_YUNV
Definition: imgproc.hpp:713
CV_RGB2YCrCb
@ CV_RGB2YCrCb
Definition: types_c.h:160
cv::MatExpr::max
MatExpr max(const Mat &a, double s)
cv::COLOR_BayerRG2BGR
@ COLOR_BayerRG2BGR
Definition: imgproc.hpp:737
CV_BGRA2RGBA
@ CV_BGRA2RGBA
Definition: types_c.h:118
cvflann::KMeansIndex::getParameters
IndexParams getParameters() const
Definition: kmeans_index.h:557
cv::getValidDisparityROI
Rect getValidDisparityROI(Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize)
computes valid disparity ROI from the valid ROIs of the rectified images (that are returned by cv::st...
cv::bridge::Bridge::toPtrMergeDebevec
Ptr_MergeDebevec toPtrMergeDebevec()
Definition: bridge.hpp:483
CV_CAP_PROP_XI_CC_MATRIX_22
@ CV_CAP_PROP_XI_CC_MATRIX_22
Definition: videoio_c.h:342
cv::TrackerFeatureSet
Class that manages the extraction and selection of features.
Definition: tracker.hpp:135
cv::VideoWriter
Video writer class.
Definition: videoio.hpp:814
cvContourArea
double cvContourArea(const CvArr *contour, CvSlice slice=CV_WHOLE_SEQ, int oriented=0)
Calculates area of a contour or contour segment.
cv::KeyPoint::octave
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:707
cv::multicalib::MultiCameraCalibration::edge
Definition: multicalib.hpp:83
tinyxml2::PRESERVE_WHITESPACE
@ PRESERVE_WHITESPACE
Definition: tinyxml2.h:1494
cv::rgbd::RgbdNormals::setDepth
void setDepth(int val)
Definition: rgbd.hpp:181
cv::cuda::demosaicing
void demosaicing(InputArray src, OutputArray dst, int code, int dcn=-1, Stream &stream=Stream::Null())
Converts an image from Bayer pattern to RGB or grayscale.
cv::hal::or8u
void or8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::TrackerBoosting::Params::read
void read(const FileNode &fn)
Read parameters from file.
cv::cudev::ResizePtrSz::rows
int rows
Definition: resize.hpp:79
cv::cudev::BrdReflect101::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:152
CvMemStorage::top
CvMemBlock * top
Definition: types_c.h:1193
cvPoint2D32f
CvPoint2D32f cvPoint2D32f(double x, double y)
Definition: types_c.h:909
tinyxml2::XMLDeclaration::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *document) const
cv::CAP_INTELPERC_IMAGE
@ CAP_INTELPERC_IMAGE
Definition: videoio.hpp:530
cv::videostab::IFrameSource::~IFrameSource
virtual ~IFrameSource()
Definition: frame_source.hpp:60
cv::SOLVEPNP_DLS
@ SOLVEPNP_DLS
A Direct Least-Squares (DLS) Method for PnP .
Definition: calib3d.hpp:238
CV_CAP_PROP_XI_USED_FFS_SIZE
@ CV_CAP_PROP_XI_USED_FFS_SIZE
Definition: videoio_c.h:407
cv::Matx::Matx
Matx()
default constructor
reduce.hpp
cv::Matx43f
Matx< float, 4, 3 > Matx43f
Definition: matx.hpp:225
tinyxml2::XMLNode::_next
XMLNode * _next
Definition: tinyxml2.h:845
cv::cudev::RemapPtr1::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:62
CV_StsUnmatchedSizes
@ CV_StsUnmatchedSizes
Definition: types_c.h:160
cv::ClfOnlineStump::_sig1
float _sig1
Definition: onlineMIL.hpp:93
cv::optflow::OpticalFlowPCAFlow
PCAFlow algorithm.
Definition: pcaflow.hpp:95
CvSeqBlock::count
int count
Definition: types_c.h:1221
cv::videostab::InpainterBase::frames
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
cv::WImageViewC::operator=
WImageViewC & operator=(const WImageC< T, C > &img)
Definition: wimage.hpp:478
CvHuMoments::hu3
double hu3
Definition: types_c.h:426
cv::cuda::StereoBeliefPropagation::compute
virtual void compute(InputArray data, OutputArray disparity, Stream &stream=Stream::Null())=0
Enables the stereo correspondence operator that finds the disparity for the specified data cost.
NCVBroxOpticalFlowDescriptor::number_of_inner_iterations
Ncv32u number_of_inner_iterations
number of lagged non-linearity iterations (inner loop)
Definition: NCVBroxOpticalFlow.hpp:78
cvflann::squareDistance< HellingerDistance< ElementType >, ElementType >::ResultType
HellingerDistance< ElementType >::ResultType ResultType
Definition: dist.h:822
clGetDeviceInfo
#define clGetDeviceInfo
Definition: opencl_core.hpp:198
cv::sfm::SFM_DISTORTION_MODEL_POLYNOMIAL
@ SFM_DISTORTION_MODEL_POLYNOMIAL
Definition: simple_pipeline.hpp:52
cv::NORM_TYPE_MASK
@ NORM_TYPE_MASK
Definition: base.hpp:194
cvflann::KDTreeSingleIndex::veclen
size_t veclen() const
Definition: kdtree_single_index.h:189
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9)
Definition: ocl.hpp:486
cv::Scharr
void Scharr(InputArray src, OutputArray dst, int ddepth, int dx, int dy, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the first x- or y- image derivative using Scharr operator.
cvNamedWindow
int cvNamedWindow(const char *name, int flags=CV_WINDOW_AUTOSIZE)
cv::cudev::DerivXPtr
Definition: deriv.hpp:62
cv::ShapeContextDistanceExtractor::getRadialBins
virtual int getRadialBins() const =0
cv::sfm::SFM_DISTORTION_MODEL_DIVISION
@ SFM_DISTORTION_MODEL_DIVISION
Definition: simple_pipeline.hpp:53
cv::linemod::QuantizedPyramid::Candidate::Candidate
Candidate(int x, int y, int label, float score)
Definition: linemod.hpp:149
cv::hal::cvtLabtoBGR
void cvtLabtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isLab, bool srgb)
cv::GeneralizedHoughGuil::getMaxAngle
virtual double getMaxAngle() const =0
cvflann::HierarchicalClusteringIndex::HierarchicalClusteringIndex
HierarchicalClusteringIndex(const HierarchicalClusteringIndex &)
OPENCV_HAL_IMPL_C_RSHR_PACK_STORE
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1724
cvSetErrMode
int cvSetErrMode(int mode)
cv::line_descriptor::BinaryDescriptor::getWidthOfBand
int getWidthOfBand()
Get current width of bands.
cv::cuda::FEATURE_SET_COMPUTE_12
@ FEATURE_SET_COMPUTE_12
Definition: cuda.hpp:596
cv::bridge::vector_KeyPoint
std::vector< cv::KeyPoint > vector_KeyPoint
Definition: bridge.hpp:78
cv::setMouseCallback
void setMouseCallback(const String &winname, MouseCallback onMouse, void *userdata=0)
Sets mouse handler for the specified window.
cv::cudev::not_equal_to
Definition: functional.hpp:143
cv::cuda::phase
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Computes polar angles of complex matrix elements.
clGetPlatformIDs
#define clGetPlatformIDs
Definition: opencl_core_wrappers.hpp:184
cv::MatConstIterator::difference_type
ptrdiff_t difference_type
Definition: mat.hpp:2862
limits.hpp
cv::ml::COL_SAMPLE
@ COL_SAMPLE
each training sample occupies a column of samples
Definition: ml.hpp:99
cv::aruco::CharucoBoard::nearestMarkerCorners
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
cv::optflow::DISOpticalFlow::getPatchStride
virtual int getPatchStride() const =0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
cv::cudev::WARP_SIZE
@ WARP_SIZE
Definition: warp.hpp:59
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< bool > &vec)
Cv16suf::_fp16Format
Definition: cvdef.h:320
cv::TrackerGOTURN::Params::write
void write(FileStorage &) const
cv::CAP_OPENNI_IR_GENERATOR
@ CAP_OPENNI_IR_GENERATOR
Definition: videoio.hpp:214
cv::QtFont
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:633
cv::Exception
Class passed to an error.
Definition: core.hpp:110
CV_CUDEV_RGB2XYZ_INST
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
cvflann::SearchParams::SearchParams
SearchParams(int checks=32, float eps=0, bool sorted=true)
Definition: params.h:46
cv::ocl::ProgramSource
Definition: ocl.hpp:628
cv::StereoMatcher::getSpeckleRange
virtual int getSpeckleRange() const =0
tinyxml2::XMLUnknown::ShallowEqual
virtual bool ShallowEqual(const XMLNode *compare) const
cv::ocl::Platform::ptr
void * ptr() const
cv::cnn_3dobj::descriptorExtractor::getDeviceType
String getDeviceType()
Get device type information for feature extraction.
CV_CAP_PROP_ANDROID_EXPOSE_LOCK
@ CV_CAP_PROP_ANDROID_EXPOSE_LOCK
Definition: videoio_c.h:422
cv::FileStorage::write
void write(FileStorage &fs, const String &value)
Definition: persistence.hpp:888
cv::SparseMat::begin
SparseMatIterator_< _Tp > begin()
returns the sparse matrix iterator at the matrix beginning
cv::cudev::warpYota
__device__ __forceinline__ void warpYota(OutIt beg, OutIt end, T value)
Definition: warp.hpp:114
tinyxml2::StrPair::StrPair
StrPair()
Definition: tinyxml2.h:162
cv::detail::FeaturesMatcher
Feature matchers base class.
Definition: matchers.hpp:222
cv::Error::StsBadFunc
@ StsBadFunc
unsupported function
Definition: base.hpp:75
cv::cudev::DerivYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:103
cv::sfm::libmv_CameraIntrinsicsOptions::polynomial_p2
double polynomial_p2
Definition: simple_pipeline.hpp:111
IPL_DEPTH_32F
#define IPL_DEPTH_32F
Definition: types_c.h:263
matlab::MxArray::empty
bool empty() const
Definition: mxarray.hpp:423
cvOpenFileStorage
CvFileStorage * cvOpenFileStorage(const char *filename, CvMemStorage *memstorage, int flags, const char *encoding=NULL)
Opens file storage for reading or writing data.
cv::cudev::ResizePtr::fy
float fy
Definition: resize.hpp:66
cv::viz::Color::maroon
static Color maroon()
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Point2d &)
Definition: bridge.hpp:319
cv::reg::Map
Base class for modelling a Map between two images.
Definition: map.hpp:125
cv::GeneralizedHoughGuil::setAngleThresh
virtual void setAngleThresh(int angleThresh)=0
Angle votes threshold.
cvflann::FLANN_DIST_HAMMING
@ FLANN_DIST_HAMMING
Definition: defines.h:141
CPU_AVX2
@ CPU_AVX2
Definition: cvdef.h:148
cv::ml::EM::predict2
virtual Vec2d predict2(InputArray sample, OutputArray probs) const =0
Returns a likelihood logarithm value and an index of the most probable mixture component for the give...
cv::DescriptorMatcher::knnMatchImpl
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
cv::PCA
Principal Component Analysis.
Definition: core.hpp:2317
cv::text::BaseOCR::run
virtual void run(Mat &image, Mat &mask, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)=0
cv::TM_CCORR_NORMED
@ TM_CCORR_NORMED
Definition: imgproc.hpp:3633
cv::COLOR_YUV2BGR_YUY2
@ COLOR_YUV2BGR_YUY2
Definition: imgproc.hpp:689
allocator.h
cv::v_setzero_s16
v_int16x8 v_setzero_s16()
Definition: intrin_cpp.hpp:1521
cv::bgsegm::BackgroundSubtractorGMG::setQuantizationLevels
virtual void setQuantizationLevels(int nlevels)=0
Sets the parameter used for quantization of color-space.
cv::CAP_MODE_GRAY
@ CAP_MODE_GRAY
Y8.
Definition: videoio.hpp:172
cv::ErrorCallback
int(* ErrorCallback)(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
Definition: utility.hpp:163
CV_CAP_INTELPERC_DEPTH_GENERATOR
@ CV_CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio_c.h:450
cvflann::squareDistance::ResultType
Distance::ResultType ResultType
Definition: dist.h:792
cvTrace
CvScalar cvTrace(const CvArr *mat)
cv::saliency::ObjectnessBING::write
void write() const
cv::rgbd::RgbdNormals::window_size_
int window_size_
Definition: rgbd.hpp:208
cv::Point_::inside
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
cv::datasets::word::x
int x
Definition: tr_icdar.hpp:63
cv::viz::Viz3d::setBackgroundColor
void setBackgroundColor(const Color &color=Color::black(), const Color &color2=Color::not_set())
Sets background color.
cv::ximgproc::FHT_ADD
@ FHT_ADD
Definition: fast_hough_transform.hpp:94
cv::saliency::StaticSaliencyFineGrained::~StaticSaliencyFineGrained
virtual ~StaticSaliencyFineGrained()
cv::Subdiv2D::getTriangleList
void getTriangleList(std::vector< Vec6f > &triangleList) const
Returns a list of all triangles.
cv::MatConstIterator::sliceEnd
const uchar * sliceEnd
Definition: mat.hpp:2915
cvSetWindowProperty
void cvSetWindowProperty(const char *name, int prop_id, double prop_value)
CV_CAP_PROP_XI_ACQ_TIMING_MODE
@ CV_CAP_PROP_XI_ACQ_TIMING_MODE
Definition: videoio_c.h:374
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6, const _Tp7 &a7, const _Tp8 &a8, const _Tp9 &a9, const _Tp10 &a10)
Definition: ocl.hpp:497
cv::tracking::AugmentedUnscentedKalmanFilterParams::init
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_Rect &)
Definition: bridge.hpp:390
cv::cudev::EnableIf< true, T >::type
T type
Definition: type_traits.hpp:108
cv::cuda::DeviceInfo::maxTexture2DGather
Vec2i maxTexture2DGather() const
maximum 2D texture dimensions if texture gather operations have to be performed
matlab::Traits::ScalarType
static const mxClassID ScalarType
Definition: mxarray.hpp:118
warpers_inl.hpp
cvPointSeqFromMat
CvSeq * cvPointSeqFromMat(int seq_kind, const CvArr *mat, CvContour *contour_header, CvSeqBlock *block)
Initializes sequence header for a matrix (column or row vector) of points.
CV_Luv2RGB
@ CV_Luv2RGB
Definition: types_c.h:191
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< Mat_< _Tp > > &vec)
cvflann::UntypedMatrix::~UntypedMatrix
~UntypedMatrix()
Definition: matrix.h:100
cvflann::L2::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:154
CV_CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
@ CV_CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Definition: videoio_c.h:368
cv::CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
@ CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio.hpp:238
cv::line_descriptor::BinaryDescriptor::getNumOfOctaves
int getNumOfOctaves()
Get current number of octaves.
cv::WImageView3_f
WImageViewC< float, 3 > WImageView3_f
Definition: wimage.hpp:84
cv::phase_unwrapping::PhaseUnwrapping
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:56
cv::SL2
Definition: features2d.hpp:724
cv::_InputArray::getObj
void * getObj() const
cv::hal::min16s
void min16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
CV_COMP_HELLINGER
@ CV_COMP_HELLINGER
Definition: types_c.h:534
cv::cudev::NearestInterPtrSz
Definition: interpolation.hpp:77
cv::cudev::DisableIf< false, T >::type
T type
Definition: type_traits.hpp:113
CV_BayerGR2BGR_VNG
@ CV_BayerGR2BGR_VNG
Definition: types_c.h:198
cv::videostab::TwoPassStabilizer::setMotionStabilizer
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:164
cvAttrValue
const char * cvAttrValue(const CvAttrList *attr, const char *attr_name)
matlab::MxArray::real
const Scalar * real() const
Definition: mxarray.hpp:407
tinyxml2::XMLNode::ShallowEqual
virtual bool ShallowEqual(const XMLNode *compare) const =0
cvflann::LshIndex::loadIndex
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: lsh_index.h:136
cv::flann::CvType
Definition: flann.hpp:75
cvflann::L2::accum_dist
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:190
cv::cudacodec::VideoReader::nextFrame
virtual bool nextFrame(OutputArray frame)=0
Grabs, decodes and returns the next video frame.
cv::optflow::GPCTrainingParams
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:125
cv::Affine3::rotation
Mat3 rotation() const
cv::ellipse2Poly
void ellipse2Poly(Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, std::vector< Point > &pts)
Approximates an elliptic arc with a polyline.
cv::omnidir::internal::computeMeanReproErrStereo
double computeMeanReproErrStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray K1, InputArray K2, InputArray D1, InputArray D2, double xi1, double xi2, InputArray om, InputArray T, InputArrayOfArrays omL, InputArrayOfArrays TL)
cv::videostab::MotionFilterBase::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, std::pair< int, int > range, Mat *stabilizationMotions)
assumes that [0, size-1) is in or equals to [range.first, range.second)
cv::cudev::LutPtr::value_type
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
cv::UMatData::lock
void lock()
cv::sfm::BaseSFM::setReconstructionOptions
virtual void setReconstructionOptions(const libmv_ReconstructionOptions &libmv_reconstruction_options)=0
cv::SparseMat::~SparseMat
~SparseMat()
the destructor
cv::UMatData::markHostCopyObsolete
void markHostCopyObsolete(bool flag)
cv::Mat_::Mat_
Mat_(const Mat_ &m, const std::vector< Range > &ranges)
selects a submatrix, n-dim version
cv::cudev::ConvertTuple
Definition: tuple.hpp:77
cvCorrectMatches
void cvCorrectMatches(CvMat *F, CvMat *points1, CvMat *points2, CvMat *new_points1, CvMat *new_points2)
cv::videostab::OnePassStabilizer
Definition: stabilizer.hpp:140
cv::cudev::UnaryNegate::operator()
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:795
cv::WImageViewC::header_
IplImage header_
Definition: wimage.hpp:490
cv::linemod::DepthNormal::name
virtual String name() const
cv::FileStorage::write
static void write(FileStorage &fs, const Scalar_< _Tp > &s)
Definition: persistence.hpp:939
CV_EVENT_RBUTTONDBLCLK
@ CV_EVENT_RBUTTONDBLCLK
Definition: highgui_c.h:186
cv::ppf_match_3d::Pose3D::modelIndex
unsigned int modelIndex
Definition: pose_3d.hpp:128
cv::bioinspired::SegmentationParameters::neighborhoodEnergy_spatialConstant
float neighborhoodEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:102
cv::viz::Widget2D::Widget2D
Widget2D()
Definition: widgets.hpp:221
cv::aruco::calibrateCameraAruco
double calibrateCameraAruco(InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using aruco markers.
cv::datasets::PascalObj::occluded
bool occluded
Definition: or_pascal.hpp:73
NCVMatrixReuse::NCVMatrixReuse
NCVMatrixReuse(const NCVMemSegment &memSegment, Ncv32u alignment, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0, NcvBool bSkipPitchCheck=false)
Definition: NCV.hpp:926
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, const String &value)
cv::MatExpr::c
Mat c
Definition: mat.hpp:3402
cv::COVAR_SCALE
@ COVAR_SCALE
Definition: core.hpp:189
cv::CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio.hpp:242
cv::cuda::HoughLinesDetector::getThreshold
virtual int getThreshold() const =0
CV_BayerRG2BGR_EA
@ CV_BayerRG2BGR_EA
Definition: types_c.h:344
cv::bridge::Bridge::toDouble
double toDouble()
Definition: bridge.hpp:283
CV_COMP_BHATTACHARYYA
@ CV_COMP_BHATTACHARYYA
Definition: types_c.h:533
cv::cudev::shrinkPtr
__host__ PtrTraits< Ptr2DSz >::ptr_type shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:85
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_MergeRobertson &)
Definition: bridge.hpp:492
CvStereoBMState
Definition: calib3d_c.h:324
cv::datasets::pose
Definition: slam_kitti.hpp:61
cv::ccalib::CustomPattern::drawOrientation
void drawOrientation(InputOutputArray image, InputArray tvec, InputArray rvec, InputArray cameraMatrix, InputArray distCoeffs, double axis_length=3, int axis_width=2)
CV_CAP_PROP_XI_FFS_ACCESS_KEY
@ CV_CAP_PROP_XI_FFS_ACCESS_KEY
Definition: videoio_c.h:408
cvSlice
CvSlice cvSlice(int start, int end)
Definition: types_c.h:1110
cv::ParamType< Mat >::member_type
Mat member_type
Definition: core.hpp:3157
cvFindStereoCorrespondenceBM
void cvFindStereoCorrespondenceBM(const CvArr *left, const CvArr *right, CvArr *disparity, CvStereoBMState *state)
cv::line_descriptor::BinaryDescriptorMatcher::add
void add(const std::vector< Mat > &descriptors)
Store locally new descriptors to be inserted in dataset, without updating dataset.
CvSetElem
Definition: types_c.h:1285
cv::stereo::StereoMatcher::setDisp12MaxDiff
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
CvTypeInfo::clone
CvCloneFunc clone
Definition: types_c.h:1836
cv::fillPoly
void fillPoly(Mat &img, const Point **pts, const int *npts, int ncontours, const Scalar &color, int lineType=LINE_8, int shift=0, Point offset=Point())
cv::Vec2s
Vec< short, 2 > Vec2s
Definition: matx.hpp:367
cv::stereo::Matching::getScallingFactor
int getScallingFactor()
method for getting the scalling factor
Definition: matching.hpp:394
cv::videostab::StabilizerBase::doOneIteration
bool doOneIteration()
CvHaarClassifier::right
int * right
Definition: objdetect_c.h:89
cv::TrackerStateEstimatorSVM::updateImpl
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)
cv::reg::MapperGradSimilar::MapperGradSimilar
MapperGradSimilar(void)
cv::bioinspired::Retina
class which allows the Gipsa/Listic Labs model to be used with OpenCV.
Definition: retina.hpp:207
cv::flann::CvType< short >::type
static int type()
Definition: flann.hpp:79
cv::ml::KNearest::setAlgorithmType
virtual void setAlgorithmType(int val)=0
CvAttrList::next
struct CvAttrList * next
Definition: types_c.h:1715
CvTreeNodeIterator::level
int level
Definition: core_c.h:1897
cv::viz::Viz3d::getCamera
Camera getCamera() const
Returns a camera object that contains intrinsic parameters of the current viewer.
CV_CAP_QT
@ CV_CAP_QT
Definition: videoio_c.h:97
cv::cudev::gridHistogram
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
cv::dnn::LRNLayer::type
int type
Definition: all_layers.hpp:239
CvFont::shear
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: imgproc_c.h:1127
cv::blur
void blur(InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
Blurs an image using the normalized box filter.
CV_CUDEV_RGB2RGB5x5_INST
#define CV_CUDEV_RGB2RGB5x5_INST(name, scn, bidx, green_bits)
Definition: color_cvt.hpp:425
cv::EstimatedGaussDistribution::getSigma
float getSigma()
cv::CvHOGEvaluator::integralHistogram
virtual void integralHistogram(const Mat &img, std::vector< Mat > &histogram, Mat &norm, int nbins) const
cv::cudev::ThreshTruncFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:738
cv::cudev::ThreshBinaryFunc::thresh
T thresh
Definition: functional.hpp:696
cv::videostab::LpMotionStabilizer::setWeight2
void setWeight2(float val)
Definition: motion_stabilizing.hpp:134
NCV_INVALID_ROI
@ NCV_INVALID_ROI
Definition: NCV.hpp:328
cv::DualTVL1OpticalFlow::getLambda
virtual double getLambda() const =0
Weight parameter for the data term, attachment parameter.
cv::ClfOnlineStump::ClfOnlineStump
ClfOnlineStump(int ind)
cv::Point_::Point_
Point_(_Tp _x, _Tp _y)
cv::ocl::Device::linkerAvailable
bool linkerAvailable() const
CV_YUV2BGRA_YUY2
@ CV_YUV2BGRA_YUY2
Definition: types_c.h:306
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
7-element vector constructor
cv::TrackerSampler::addTrackerSamplerAlgorithm
bool addTrackerSamplerAlgorithm(String trackerSamplerAlgorithmType)
Add TrackerSamplerAlgorithm in the collection. Return true if sampler is added, false otherwise.
cv::dnn::LSTMLayer::setH
virtual void setH(const Blob &H)=0
Set value that will be used in next forward() calls.
cv::datasets::MSM_middleburyObj::imageName
std::string imageName
Definition: msm_middlebury.hpp:62
cv::viz::WImage3D::WImage3D
WImage3D(InputArray image, const Size2d &size)
Constructs an WImage3D.
cvFlushSeqWriter
void cvFlushSeqWriter(CvSeqWriter *writer)
cvflann::UniqueResultSet::clear
virtual void clear()=0
clCompileProgram
#define clCompileProgram
Definition: opencl_core_wrappers.hpp:13
cv::videostab::TranslationBasedLocalOutlierRejector::setCellSize
void setCellSize(Size val)
Definition: outlier_rejection.hpp:79
NCVVectorAlloc::isMemAllocated
NcvBool isMemAllocated() const
Definition: NCV.hpp:664
cv::SparseMat::ref
_Tp & ref(int i0, int i1, size_t *hashval=0)
returns reference to the specified element (2D case)
cv::videostab::DeblurerBase::frames_
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
CV_COLORCVT_MAX
@ CV_COLORCVT_MAX
Definition: types_c.h:352
CV_NODE_IS_INT
#define CV_NODE_IS_INT(flags)
Definition: types_c.h:1752
CvSet
Definition: types_c.h:1296
cv::GFTTDetector::getQualityLevel
virtual double getQualityLevel() const =0
cv::cudev::gridFindMaxVal_
__host__ void gridFindMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:140
cvClearGraph
void cvClearGraph(CvGraph *graph)
cv::BORDER_REFLECT
@ BORDER_REFLECT
fedcba|abcdefgh|hgfedcb
Definition: base.hpp:256
cl_program_build_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_platform_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_program_build_info
Definition: opencl_core.hpp:339
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
CPU_AVX_512VBMI
@ CPU_AVX_512VBMI
Definition: cvdef.h:158
base.hpp
cv::ft::FT02D_process
void FT02D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask)
Computes F0-transfrom and inverse F0-transfrom at once.
cv::v_reinterpret_as_f32
v_float32x4 v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1566
cv::rgbd::RgbdOdometry::getTransformType
int getTransformType() const
Definition: rgbd.hpp:706
cv::cuda::DisparityBilateralFilter::getMaxDiscThreshold
virtual double getMaxDiscThreshold() const =0
truncation of disparity continuity
IplImage::nChannels
int nChannels
Definition: types_c.h:304
cv::Complex::conj
Complex conj() const
conjugation
cv::TrackerFeatureHAAR::swapFeature
bool swapFeature(int source, int target)
Swap the feature in position source with the feature in position target.
tinyxml2::XMLPrinter::PushText
void PushText(bool value)
Add a text node from a bool.
cv::FarnebackOpticalFlow::create
static Ptr< FarnebackOpticalFlow > create(int numLevels=5, double pyrScale=0.5, bool fastPyramids=false, int winSize=13, int numIters=10, int polyN=5, double polySigma=1.1, int flags=0)
cvflann::KDTreeSingleIndex::loadIndex
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: kdtree_single_index.h:156
cv::Formatted::reset
virtual void reset()=0
cv::ClassifierThreshold::ClassifierThreshold
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
cv::datasets::join
Definition: gr_chalearn.hpp:66
cv::BackgroundSubtractorKNN::setNSamples
virtual void setNSamples(int _nN)=0
Sets the number of data samples in the background model.
cv::detail::FisheyeProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::cudev::Max::rebind::other
Max< U > other
Definition: reduce_to_vec.hpp:131
cv::cudev::ScharrXPtr::index_type
int index_type
Definition: deriv.hpp:237
tinyxml2::XMLHandle::PreviousSibling
XMLHandle PreviousSibling()
Get the previous sibling of this handle.
Definition: tinyxml2.h:1800
cv::cudev::ReduceToColumnBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
cv::Mat::clone
Mat clone() const
Creates a full copy of the array and the underlying data.
cv::datasets::TRACK_vot::getDatasetLength
virtual int getDatasetLength(int id)=0
cv::BackgroundSubtractorMOG2::getBackgroundRatio
virtual double getBackgroundRatio() const =0
Returns the "background ratio" parameter of the algorithm.
cv::cudev::ThreshToZeroFunc::thresh
T thresh
Definition: functional.hpp:755
cv::cudev::warpScanExclusive
__device__ __forceinline__ T warpScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:95
cv::cudev::gridMinMaxLoc_
__host__ void gridMinMaxLoc_(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:210
cv::cuda::DeviceInfo::clockRate
int clockRate() const
clock frequency in kilohertz
cvRead
void * cvRead(CvFileStorage *fs, CvFileNode *node, CvAttrList *attributes=NULL)
Decodes an object and returns a pointer to it.
cv::DataType::generic_type
@ generic_type
Definition: traits.hpp:113
tinyxml2::XMLAttribute::BoolValue
bool BoolValue() const
Query as a boolean. See IntValue()
Definition: tinyxml2.h:1064
cv::reg::Mapper::getMap
virtual cv::Ptr< Map > getMap(void) const =0
cvReleaseGraphScanner
void cvReleaseGraphScanner(CvGraphScanner **scanner)
cv::superres::DualTVL1OpticalFlow::getWarpingsNumber
virtual int getWarpingsNumber() const =0
cv::pencilSketch
void pencilSketch(InputArray src, OutputArray dst1, OutputArray dst2, float sigma_s=60, float sigma_r=0.07f, float shade_factor=0.02f)
Pencil-like non-photorealistic line drawing.
CvHaarClassifierCascade::real_window_size
CvSize real_window_size
Definition: objdetect_c.h:111
cv::ogl::Buffer::mapHost
Mat mapHost(Access access)
Maps OpenGL buffer to host memory.
NcvRect32u
Definition: NCV.hpp:161
CPU_SSE4_1
@ CPU_SSE4_1
Definition: cvdef.h:143
CvMoments::CvMoments
CvMoments(const cv::Moments &m)
Definition: types_c.h:405
cv::cuda::GpuMat::GpuMat
GpuMat(Allocator *allocator=defaultAllocator())
default constructor
cvSeqElemIdx
int cvSeqElemIdx(const CvSeq *seq, const void *element, CvSeqBlock **block=NULL)
cv::ocl::Device::imageBaseAddressAlignment
uint imageBaseAddressAlignment() const
cv::datasets::TRACK_vot::initDataset
virtual bool initDataset(int id)=0
cv::ml::DTrees::getUseSurrogates
virtual bool getUseSurrogates() const =0
cv::viz::WText3D::getText
String getText() const
Returns the current text content of the widget.
cv::HOUGH_GRADIENT
@ HOUGH_GRADIENT
basically 21HT, described in
Definition: imgproc.hpp:473
cv::viz::Mesh
This class wraps mesh attributes, and it can load a mesh from a ply file. :
Definition: types.hpp:120
cv::cudev::logical_or
Definition: functional.hpp:205
cv::datasets::SLAM_kitti::load
virtual void load(const std::string &path)=0
cv::ximgproc::SuperpixelSEEDS::getLabelContourMask
virtual void getLabelContourMask(OutputArray image, bool thick_line=false)=0
Returns the mask of the superpixel segmentation stored in SuperpixelSEEDS object.
cv::Mat::create
void create(int ndims, const int *sizes, int type)
cv::DataType::type
@ type
Definition: traits.hpp:117
cv::PCA::project
Mat project(InputArray vec) const
Projects vector(s) to the principal component subspace.
cv::ocl::Device::memBaseAddrAlign
int memBaseAddrAlign() const
cv::ocl::haveAmdBlas
bool haveAmdBlas()
cv::viz::SHADING_FLAT
@ SHADING_FLAT
Definition: widgets.hpp:83
cvTransform
void cvTransform(const CvArr *src, CvArr *dst, const CvMat *transmat, const CvMat *shiftvec=NULL)
cv::PlaneWarper
Plane warper factory class.
Definition: warpers.hpp:66
cv::putText
void putText(InputOutputArray img, const String &text, Point org, int fontFace, double fontScale, Scalar color, int thickness=1, int lineType=LINE_8, bool bottomLeftOrigin=false)
Draws a text string.
cv::cudev::VecTraits< char2 >::all
__host__ __device__ static __forceinline__ char2 all(schar v)
Definition: vec_traits.hpp:162
cv::optflow::GPCPatchDescriptor::isSeparated
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:75
tinyxml2::XMLNode
Definition: tinyxml2.h:589
cv::CompressedRectilinearPortraitWarper
Definition: warpers.hpp:120
cv::Subdiv2D::Subdiv2D
Subdiv2D(Rect rect)
cv::superres::DenseOpticalFlowExt
Definition: optical_flow.hpp:57
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_k
float parasolCells_k
Definition: retina.hpp:176
cv::videostab::NullOutlierRejector::process
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)
cv::detail::Blender::createDefault
static Ptr< Blender > createDefault(int type, bool try_gpu=false)
cv::dpm::DPMDetector::ObjectDetection::rect
Rect rect
Definition: dpm.hpp:109
cv::viz::Viz3d::convertToWindowCoordinates
void convertToWindowCoordinates(const Point3d &pt, Point3d &window_coord)
Transforms a point in world coordinate system to window coordinate system.
cv::cuda::FarnebackOpticalFlow::setPolyN
virtual void setPolyN(int polyN)=0
types_c.h
cv::face::StandardCollector::PredictResult
Definition: predict_collector.hpp:86
cv::viz::Color::brown
static Color brown()
cv::optflow::VariationalRefinement::getGamma
virtual float getGamma() const =0
Weight of the gradient constancy term.
cv::datasets::OR_mnistObj::image
Mat image
Definition: or_mnist.hpp:63
cv::datasets::SLAM_tumindoor
Definition: slam_tumindoor.hpp:75
cv::plot::Plot2d::setPlotLineColor
virtual void setPlotLineColor(Scalar _plotLineColor)=0
cv::Point
Point2i Point
Definition: types.hpp:183
cv::ShapeContextDistanceExtractor::setCostExtractor
virtual void setCostExtractor(Ptr< HistogramCostExtractor > comparer)=0
Set the algorithm used for building the shape context descriptor cost matrix.
cv::Subdiv2D::splice
void splice(int edgeA, int edgeB)
cv::MatAllocator::download
virtual void download(UMatData *data, void *dst, int dims, const size_t sz[], const size_t srcofs[], const size_t srcstep[], const size_t dststep[]) const
tinyxml2::XMLVisitor::Visit
virtual bool Visit(const XMLText &)
Visit a text node.
Definition: tinyxml2.h:470
cv::flann::Index::getAlgorithm
cvflann::flann_algorithm_t getAlgorithm() const
cvflann::KDTreeIndex::buildIndex
void buildIndex()
Definition: kdtree_index.h:123
cv::cudev::brdWrap
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
cv::StereoMatcher::getDisp12MaxDiff
virtual int getDisp12MaxDiff() const =0
cv::COLOR_RGBA2RGB
@ COLOR_RGBA2RGB
Definition: imgproc.hpp:524
cv::cuda::CannyEdgeDetector::detect
virtual void detect(InputArray dx, InputArray dy, OutputArray edges, Stream &stream=Stream::Null())=0
CV_Assert
#define CV_Assert(expr)
Checks a condition at runtime and throws exception if it fails.
Definition: base.hpp:412
cv::DualTVL1OpticalFlow::setLambda
virtual void setLambda(double val)=0
Weight parameter for the data term, attachment parameter.
cv::cudacodec::createVideoWriter
Ptr< VideoWriter > createVideoWriter(const String &fileName, Size frameSize, double fps, SurfaceFormat format=SF_BGR)
Creates video writer.
cv::datasets::Dataset
Definition: dataset.hpp:518
cv::hal::normL1_
int normL1_(const uchar *a, const uchar *b, int n)
cv::cudev::GpuMat_::depth
__host__ int depth() const
cvflann::AUTOTUNED
@ AUTOTUNED
Definition: defines.h:100
cv::ppf_match_3d::PPF3DDetector::PPF3DDetector
PPF3DDetector(const double relativeSamplingStep, const double relativeDistanceStep=0.05, const double numAngles=30)
cv::Allocator::Allocator
Allocator(Allocator const &)
Definition: cvstd.hpp:141
cv::cudev::NormL2::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:131
cv::PSNR
double PSNR(InputArray src1, InputArray src2)
computes PSNR image/video quality metric
cv::CAP_PROP_XI_GPI_MODE
@ CAP_PROP_XI_GPI_MODE
Set general purpose input mode.
Definition: videoio.hpp:333
NPPST_INVALID_SCALE
@ NPPST_INVALID_SCALE
Invalid scale parameter passed.
Definition: NCV.hpp:367
cv::createTonemapDrago
Ptr< TonemapDrago > createTonemapDrago(float gamma=1.0f, float saturation=1.0f, float bias=0.85f)
Creates TonemapDrago object.
cv::cuda::HOG::setGroupThreshold
virtual void setGroupThreshold(int group_threshold)=0
cv::FileStorage::writeObj
void writeObj(const String &name, const void *obj)
Writes the registered C structure (CvMat, CvMatND, CvSeq).
cv::FileStorage::operator<<
FileStorage & operator<<(FileStorage &fs, const String &str)
Writes string to a file storage.
cv::CAP_PROP_XI_MANUAL_WB
@ CAP_PROP_XI_MANUAL_WB
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:339
cv::ogl::mapGLBuffer
UMat mapGLBuffer(const Buffer &buffer, int accessFlags=ACCESS_READ|ACCESS_WRITE)
Maps Buffer object to process on CL side (convert to UMat).
cv::hal::Cholesky32f
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::ClassifierThreshold::getDistribution
void * getDistribution(int target)
cvflann::FLANN_INDEX_SAVED
@ FLANN_INDEX_SAVED
Definition: defines.h:90
cv::Rect_::Rect_
Rect_(_Tp _x, _Tp _y, _Tp _width, _Tp _height)
cv::MatIterator_::operator*
_Tp & operator*() const
returns the current matrix element
cvAvg
CvScalar cvAvg(const CvArr *arr, const CvArr *mask=NULL)
cv::ocl::Kernel::ptr
void * ptr() const
glob.hpp
CvTypeInfo::release
CvReleaseFunc release
Definition: types_c.h:1833
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
cvflann::AutotunedIndex::operator=
AutotunedIndex & operator=(const AutotunedIndex &)
INCVMemAllocator::memType
virtual NCVMemoryType memType(void) const =0
hal_ni_min16s
int hal_ni_min16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:114
cv::dnn::Blob::getPlane
Mat getPlane(int n, int cn)
Returns slice of first two dimensions.
cv::CAP_PROP_BUFFERSIZE
@ CAP_PROP_BUFFERSIZE
Pop up video/camera filter dialog (note: only supported by DSHOW backend currently....
Definition: videoio.hpp:161
cv::Scalar_::Scalar_
Scalar_()
various constructors
cl_context
CL_RUNTIME_EXPORT const cl_device_id const char void void *CL_RUNTIME_EXPORT const cl_device_id const char const cl_program const char void void *CL_RUNTIME_EXPORT void cl_int *CL_RUNTIME_EXPORT cl_int *CL_RUNTIME_EXPORT cl_context(CL_API_CALL *clCreateContext_pfn)(const cl_context_properties *
CV_BayerRG2RGB
@ CV_BayerRG2RGB
Definition: types_c.h:177
cv::CAP_PROP_XI_FFS_FILE_SIZE
@ CAP_PROP_XI_FFS_FILE_SIZE
Size of file.
Definition: videoio.hpp:470
cv::cudev::ConstantPtrSz::cols
int cols
Definition: constant.hpp:69
cv::ml::ANN_MLP
Artificial Neural Networks - Multi-Layer Perceptrons.
Definition: ml.hpp:1271
CV_YUV420p2BGR
@ CV_YUV420p2BGR
Definition: types_c.h:257
cv::ocl::Context::getProg
Program getProg(const ProgramSource &prog, const String &buildopt, String &errmsg)
cv::datasets::TR_svtObj::fileName
std::string fileName
Definition: tr_svt.hpp:68
cv::text::OCRBeamSearchDecoder::transition_p
Mat transition_p
Definition: ocr.hpp:448
cv::aruco::DICT_ARUCO_ORIGINAL
@ DICT_ARUCO_ORIGINAL
Definition: dictionary.hpp:158
cv::dnn::SigmoidLayer::create
static Ptr< SigmoidLayer > create()
cv::Mat_::type
int type() const
cv::v_store
void v_store(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory.
Definition: intrin_cpp.hpp:1214
cvflann::KNNUniqueResultSet::clear
void clear()
Definition: result_set.h:425
CV_OUT
#define CV_OUT
Definition: cvdef.h:378
cv::Mat_::Mat_
Mat_(const MatCommaInitializer_< _Tp > &commaInitializer)
cv::saliency::StaticSaliencySpectralResidual::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)
cv::TonemapReinhard
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:425
CV_SEQ_READER_FIELDS
#define CV_SEQ_READER_FIELDS()
Definition: types_c.h:1550
cv::viz::Widget::Widget
Widget()
cv::rgbd::Odometry::getCameraMatrix
virtual cv::Mat getCameraMatrix() const =0
cv::SparsePyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::cuda::StereoBeliefPropagation::estimateRecommendedParams
static void estimateRecommendedParams(int width, int height, int &ndisp, int &iters, int &levels)
Uses a heuristic method to compute the recommended parameters ( ndisp, iters and levels ) for the spe...
cv::dnn::Blob::fill
void fill(const BlobShape &shape, int type, void *data, bool deepCopy=true)
Creates blob from user data.
cv::viz::WCloud
Clouds.
Definition: widgets.hpp:681
cv::applyColorMap
void applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
cv::Mat::addref
void addref()
Increments the reference counter.
OPENCV_HAL_IMPL_C_REINTERPRET
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:1552
cv::BaseClassifier::m_wWrong
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:146
cv::MatExpr::mul
MatExpr mul(const Mat &m, double scale=1) const
cv::bgsegm::BackgroundSubtractorGMG::setDecisionThreshold
virtual void setDecisionThreshold(double thresh)=0
Sets the value of decision threshold.
cv::superres::DualTVL1OpticalFlow::setLambda
virtual void setLambda(double val)=0
cv::L1
Definition: features2d.hpp:756
CV_CAP_PROP_GPHOTO2_FLUSH_MSGS
@ CV_CAP_PROP_GPHOTO2_FLUSH_MSGS
Definition: videoio_c.h:510
cv::CAP_OPENNI_DISPARITY_MAP
@ CAP_OPENNI_DISPARITY_MAP
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:250
cv::dnn::LRNLayer::Type
Type
Definition: all_layers.hpp:235
cv::datasets::PascalObj
Definition: or_pascal.hpp:69
cv::cuda::FastFeatureDetector
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:427
cv::ConjGradSolver
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:237
cv::CALIB_CB_CLUSTERING
@ CALIB_CB_CLUSTERING
Definition: calib3d.hpp:251
cv::TrackerKCF::Params::compressed_size
int compressed_size
feature size after compression
Definition: tracker.hpp:1247
cv::videostab::StabilizerBase::curPos_
int curPos_
Definition: stabilizer.hpp:123
cv::linemod::Template::width
int width
Definition: linemod.hpp:80
cv::detail::PairwiseSeamFinder
Base class for all pairwise seam estimators.
Definition: seam_finders.hpp:83
cv::v_setall_s32
v_int32x4 v_setall_s32(int val)
Definition: intrin_cpp.hpp:1543
cv::UMat::UMat
UMat(const MatCommaInitializer_< _Tp > &commaInitializer)
builds matrix from comma initializer
cv::_OutputArray::_OutputArray
_OutputArray(_Tp *vec, int n)
CV_DLS
@ CV_DLS
Definition: calib3d_c.h:99
cv::v_round
v_reg< int, n > v_round(const v_reg< _Tp, n > &a)
Round elements.
Definition: intrin_cpp.hpp:496
tinyxml2::MemPool::Free
virtual void Free(void *)=0
cvflann::DynamicBitset::DynamicBitset
DynamicBitset()
Definition: dynamic_bitset.h:62
cv::videostab::VideoFileSource::count
int count()
cvflann::lsh::LshStats::bucket_size_min_
size_t bucket_size_min_
Definition: lsh_table.h:88
cv::rgbd::RgbdFrame::release
virtual void release()
cv::hpp::copyHppToMat
void copyHppToMat(hppiMatrix *src, Mat &dst, hppAccel accel, int cn)
Convert hppiMatrix to Mat.
Definition: ippasync.hpp:104
cv::GEMM_2_T
@ GEMM_2_T
transposes src2
Definition: base.hpp:210
tinyxml2::MemPoolT::Trace
void Trace(const char *name)
Definition: tinyxml2.h:380
cv::cuda::copyMakeBorder
void copyMakeBorder(InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, Scalar value=Scalar(), Stream &stream=Stream::Null())
Forms a border around an image.
cv::vconcat
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
cv::videostab::WobbleSuppressorBase::suppress
virtual void suppress(int idx, const Mat &frame, Mat &result)=0
tinyxml2::MemPoolT::ItemSize
virtual int ItemSize() const
Definition: tinyxml2.h:338
cv::Mat_::ones
static MatExpr ones(int rows, int cols)
cv::cuda::DeviceInfo::pciDomainID
int pciDomainID() const
PCI domain ID of the device.
cv::stereo::StereoBinaryBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::COLOR_YUV2GRAY_YUY2
@ COLOR_YUV2GRAY_YUY2
Definition: imgproc.hpp:707
cv::COLOR_XYZ2BGR
@ COLOR_XYZ2BGR
Definition: imgproc.hpp:573
cv::optflow::GPCTrainingSamples
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:100
blob.hpp
CV_HeaderIsNull
@ CV_HeaderIsNull
Definition: types_c.h:129
cv::optflow::GPCPatchDescriptor::dot
double dot(const Vec< double, nFeatures > &coef) const
cv::COLOR_RGB2BGR555
@ COLOR_RGB2BGR555
Definition: imgproc.hpp:560
cv::reg::MapperPyramid::getMap
cv::Ptr< Map > getMap(void) const
cv::bridge::Ptr_MergeRobertson
cv::Ptr< MergeRobertson > Ptr_MergeRobertson
Definition: bridge.hpp:91
cv::cudacodec::EncoderParams::RCType
int RCType
NVVE_RC_TYPE,.
Definition: cudacodec.hpp:88
cv::optflow::VariationalRefinement::setSorIterations
virtual void setSorIterations(int val)=0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
cv::COLOR_YUV2RGBA_IYUV
@ COLOR_YUV2RGBA_IYUV
Definition: imgproc.hpp:653
cv::ShapeContextDistanceExtractor::setRotationInvariant
virtual void setRotationInvariant(bool rotationInvariant)=0
cv::calcHist
void calcHist(const Mat *images, int nimages, const int *channels, InputArray mask, OutputArray hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false)
Calculates a histogram of a set of arrays.
cv::superres::DenseOpticalFlowExt::collectGarbage
virtual void collectGarbage()=0
cv::SparseMat::convertTo
void convertTo(Mat &m, int rtype, double alpha=1, double beta=0) const
converts sparse matrix to dense n-dim matrix with optional type conversion and scaling.
cv::String::value_type
char value_type
Definition: cvstd.hpp:480
cv::CAP_PROP_XI_BUFFER_POLICY
@ CAP_PROP_XI_BUFFER_POLICY
Data move policy.
Definition: videoio.hpp:441
CV_BGR5552RGB
@ CV_BGR5552RGB
Definition: types_c.h:145
cv::Mat4i
Mat_< Vec4i > Mat4i
Definition: mat.hpp:2211
hal_ni_sub32s
int hal_ni_sub32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:88
warp.hpp
cv::String::rfind
size_t rfind(const char *s, size_t pos=npos) const
cv::videostab::PyrLkOptFlowEstimatorBase::PyrLkOptFlowEstimatorBase
PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:82
cv::cudev::sum_
__host__ Expr< SumExprBody< SrcPtr > > sum_(const SrcPtr &src)
Definition: reduction.hpp:77
cv::hal::not8u
void not8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::ml::RTrees
The class implements the random forest predictor.
Definition: ml.hpp:1129
cv::Subdiv2D::getEdgeList
void getEdgeList(std::vector< Vec4f > &edgeList) const
Returns a list of all edges.
cv::rgbd::RgbdPlane::operator()
void operator()(InputArray points3d, InputArray normals, OutputArray mask, OutputArray plane_coefficients)
vizcore.hpp
CV_RETR_CCOMP
@ CV_RETR_CCOMP
Definition: types_c.h:448
cv::tracking::UnscentedKalmanFilterParams::DP
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:127
cv::datasets::PascalObj::difficult
bool difficult
Definition: or_pascal.hpp:72
cvflann::KDTreeSingleIndex
Definition: kdtree_single_index.h:71
cv::BOWImgDescriptorExtractor::descriptorSize
int descriptorSize() const
Returns an image descriptor size if the vocabulary is set. Otherwise, it returns 0.
cv::HOGDescriptor::copyTo
virtual void copyTo(HOGDescriptor &c) const
cvflann::EUCLIDEAN
@ EUCLIDEAN
Definition: defines.h:144
cv::CAP_PROP_XI_DEBOUNCE_EN
@ CAP_PROP_XI_DEBOUNCE_EN
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:416
cv::cuda::rshift
void rshift(InputArray src, Scalar_< int > val, OutputArray dst, Stream &stream=Stream::Null())
Performs pixel by pixel right shift of an image by a constant value.
cv::videostab::WeightingDeblurer::sensitivity
float sensitivity() const
Definition: deblurring.hpp:102
cvflann::any::compatible
bool compatible(const any &x) const
Returns true if the two types are the same.
Definition: any.h:296
cv::EVENT_MOUSEMOVE
@ EVENT_MOUSEMOVE
indicates that the mouse pointer has moved over the window.
Definition: highgui.hpp:205
clAmdFftSetPlanPrecision
#define clAmdFftSetPlanPrecision
Definition: opencl_clamdfft.hpp:98
cv::viz::Widget::fromPlyFile
static Widget fromPlyFile(const String &file_name)
Creates a widget from ply file.
cv::cuda::mulSpectrums
void mulSpectrums(InputArray src1, InputArray src2, OutputArray dst, int flags, bool conjB=false, Stream &stream=Stream::Null())
Performs a per-element multiplication of two Fourier spectrums.
CV_SHAPE_CROSS
@ CV_SHAPE_CROSS
Definition: types_c.h:379
cv::MatConstIterator::seek
void seek(const int *_idx, bool relative=false)
CvMatND::hdr_refcount
int hdr_refcount
Definition: types_c.h:632
cv::v_reg::get0
_Tp get0() const
Access first value.
Definition: intrin_cpp.hpp:309
cv::detail::MatchesInfo::H
Mat H
Estimated transformation.
Definition: matchers.hpp:216
cv::dnn::ConcatLayer::create
static Ptr< ConcatLayer > create(int axis=1)
cv::WImageC::operator=
void operator=(const WImageC &)
cv::optflow::PCAPrior::getBasisSize
int getBasisSize() const
Definition: pcaflow.hpp:87
hist_cost.hpp
cv::ocl::buildOptionsAddMatrixDescription
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
cv::rgbd::RgbdPlane::setThreshold
void setThreshold(double val)
Definition: rgbd.hpp:424
cvWriteReal
void cvWriteReal(CvFileStorage *fs, const char *name, double value)
Writes a floating-point value.
cvGetSize
CvSize cvGetSize(const CvArr *arr)
Returns size of matrix or image ROI.
hal_ni_add16s
int hal_ni_add16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:79
cvflann::Index::getIndexParameters
const IndexParams * getIndexParameters()
Returns index parameters.
Definition: flann_base.hpp:253
cv::StereoBM::getPreFilterSize
virtual int getPreFilterSize() const =0
cv::dnn::CropLayer::offset
std::vector< int > offset
Definition: all_layers.hpp:382
cv::datasets::imageType
imageType
Definition: slam_tumindoor.hpp:61
cvMatchShapes
double cvMatchShapes(const void *object1, const void *object2, int method, double parameter=0)
Compares two contours by matching their moments.
cv::ocl::useOpenCL
bool useOpenCL()
cvSetData
void cvSetData(CvArr *arr, void *data, int step)
Assigns user data to the array header.
cv::multicalib::MultiCameraCalibration::vertex::pose
Mat pose
Definition: multicalib.hpp:100
cv::viz::Viz3d::setBackgroundTexture
void setBackgroundTexture(InputArray image=noArray())
cvReleasePyramid
void cvReleasePyramid(CvMat ***pyramid, int extra_layers)
Releases pyramid.
cv::cudev::vcmpeq2
__device__ __forceinline__ uint vcmpeq2(uint a, uint b)
Definition: simd_functions.hpp:261
cv::_InputArray::init
void init(int _flags, const void *_obj, Size _sz)
Cv64suf::f
double f
Definition: cvdef.h:346
cv::Error::StsBadMask
@ StsBadMask
bad format of mask (neither 8uC1 nor 8sC1)
Definition: base.hpp:108
cv::KeyPointsFilter::runByPixelsMask
static void runByPixelsMask(std::vector< KeyPoint > &keypoints, const Mat &mask)
HaarStage64::setStartClassifierRootNodeOffset
__host__ NCVStatus setStartClassifierRootNodeOffset(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:281
CvMemBlock::prev
struct CvMemBlock * prev
Definition: types_c.h:1182
cv::dnn::ReshapeLayer::newShapeRange
Range newShapeRange
Definition: all_layers.hpp:302
cv::cudev::BinaryNegate::operator()
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::first_argument_type >::parameter_type x, typename TypeTraits< typename Predicate::second_argument_type >::parameter_type y) const
Definition: functional.hpp:814
cv::face::PredictCollector
Abstract base class for all strategies of prediction result handling.
Definition: predict_collector.hpp:62
cv::videostab::estimateOptimalTrimRatio
float estimateOptimalTrimRatio(const Mat &M, Size size)
cv::cuda::interpolateFrames
void interpolateFrames(const GpuMat &frame0, const GpuMat &frame1, const GpuMat &fu, const GpuMat &fv, const GpuMat &bu, const GpuMat &bv, float pos, GpuMat &newFrame, GpuMat &buf, Stream &stream=Stream::Null())
Interpolates frames (images) using provided optical flow (displacement field).
cvSeqPush
schar * cvSeqPush(CvSeq *seq, const void *element=NULL)
cvflann::lsh::LshStats::bucket_sizes_
std::vector< unsigned int > bucket_sizes_
Definition: lsh_table.h:84
cv::UMatData::deviceCopyObsolete
bool deviceCopyObsolete() const
NppStInterpolationState::pBV
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
cv::dnn::Net::setBlob
void setBlob(String outputName, const Blob &blob)
Sets the new value for the layer output blob.
CV_CAP_PROP_ZOOM
@ CV_CAP_PROP_ZOOM
Definition: videoio_c.h:195
cv::WImageBufferC::BaseType
WImage< T >::BaseType BaseType
Definition: wimage.hpp:354
CV_CAP_MODE_RGB
@ CV_CAP_MODE_RGB
Definition: videoio_c.h:460
cv::ocl::Platform
Definition: ocl.hpp:263
cv::cudev::BinaryNegate
Definition: functional.hpp:811
cv::ppf_match_3d::samplePCUniform
Mat samplePCUniform(Mat PC, int sampleStep)
cv::cudev::CubicInterPtrSz::rows
int rows
Definition: interpolation.hpp:215
cv::hal::mul8u
void mul8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
CV_CAP_PROP_XI_OFFSET_Y
@ CV_CAP_PROP_XI_OFFSET_Y
Definition: videoio_c.h:264
cvflann::Matrix::stride
size_t stride
Definition: matrix.h:53
cv::flann::GenericIndex::size
int size() const
Definition: flann.hpp:229
cv::datasets::GR_chalearnObj::numFrames
int numFrames
Definition: gr_chalearn.hpp:78
cv::superres::SuperResolution::getAlpha
virtual double getAlpha() const =0
Parameter of spacial distribution in Bilateral-TV.
cvflann::simpleDistance< L2_Simple< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:861
cvPrevTreeNode
void * cvPrevTreeNode(CvTreeNodeIterator *tree_iterator)
cv::ocl::Kernel::run
bool run(int dims, size_t globalsize[], size_t localsize[], bool sync, const Queue &q=Queue())
cv::structured_light::SinusoidalPattern::Params
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:83
cv::Subdiv2D::QuadEdge::QuadEdge
QuadEdge()
cv::xphoto::dctDenoising
void dctDenoising(const Mat &src, Mat &dst, const double sigma, const int psize=16)
The function implements simple dct-based denoising.
cv::Param::BOOLEAN
@ BOOLEAN
Definition: core.hpp:3116
cv::rgbd::RgbdNormals::getRows
int getRows() const
Definition: rgbd.hpp:153
cv::TrackerFeatureFeature2d::~TrackerFeatureFeature2d
~TrackerFeatureFeature2d()
tinyxml2::XMLConstHandle::operator=
XMLConstHandle & operator=(const XMLConstHandle &ref)
Definition: tinyxml2.h:1859
cv::CAP_PROP_XI_CC_MATRIX_00
@ CAP_PROP_XI_CC_MATRIX_00
Color Correction Matrix element [0][0].
Definition: videoio.hpp:397
cv::CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
@ CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio.hpp:241
CV_RGBA2BGR565
@ CV_RGBA2BGR565
Definition: types_c.h:135
cv::ximgproc::SuperpixelSEEDS
Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm...
Definition: seeds.hpp:67
cv::groupRectangles_meanshift
void groupRectangles_meanshift(std::vector< Rect > &rectList, std::vector< double > &foundWeights, std::vector< double > &foundScales, double detectThreshold=0.0, Size winDetSize=Size(64, 128))
cv::phase_unwrapping::HistogramPhaseUnwrapping::getInverseReliabilityMap
virtual void getInverseReliabilityMap(OutputArray reliabilityMap)=0
Get the reliability map computed from the wrapped phase map.
cv::Mat4b
Mat_< Vec4b > Mat4b
Definition: mat.hpp:2196
cv::cudev::singleMaskChannels
__host__ SingleMaskChannelsSz< typename PtrTraits< MaskPtr >::ptr_type > singleMaskChannels(const MaskPtr &mask, int channels)
Definition: mask.hpp:90
cv::optflow::GPCMatchingParams::useOpenCL
bool useOpenCL
Whether to use OpenCL to speed up the matching.
Definition: sparse_matching_gpc.hpp:153
cvSquareAcc
void cvSquareAcc(const CvArr *image, CvArr *sqsum, const CvArr *mask=NULL)
Adds squared image to accumulator.
cv::stereoRectify
void stereoRectify(InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, Size imageSize, InputArray R, InputArray T, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags=CALIB_ZERO_DISPARITY, double alpha=-1, Size newImageSize=Size(), Rect *validPixROI1=0, Rect *validPixROI2=0)
Computes rectification transforms for each head of a calibrated stereo camera.
cv::FileNode::read
static void read(const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value)
Definition: persistence.hpp:728
clEnqueueTask
#define clEnqueueTask
Definition: opencl_core_wrappers.hpp:121
photo.hpp
cv::stereo::MCTKernel::MCTKernel
MCTKernel()
Definition: descriptor.hpp:105
tinyxml2::XMLDocument::Parse
XMLError Parse(const char *xml, size_t nBytes=(size_t)(-1))
cv::tracking::UnscentedKalmanFilterParams::errorCovInit
Mat errorCovInit
State estimate cross-covariance matrix, DP x DP, default is identity.
Definition: kalman_filters.hpp:133
CV_LOAD_IMAGE_UNCHANGED
@ CV_LOAD_IMAGE_UNCHANGED
Definition: imgcodecs_c.h:58
cv::cuda::GpuMat::GpuMat
GpuMat(const GpuMat &m, Range rowRange, Range colRange)
creates a GpuMat header for a part of the bigger matrix
cv::Mat::cross
Mat cross(InputArray m) const
Computes a cross-product of two 3-element vectors.
cv::AKAZE::DESCRIPTOR_MLDB
@ DESCRIPTOR_MLDB
Definition: features2d.hpp:660
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::ganglionCellsSensitivity
float ganglionCellsSensitivity
Definition: retina.hpp:162
cv::cudacodec::EncoderCallBack::PicType
PicType
Definition: cudacodec.hpp:132
cv::CAP_PROP_XI_TRG_SELECTOR
@ CAP_PROP_XI_TRG_SELECTOR
Selects the type of trigger.
Definition: videoio.hpp:414
cv::CAP_OPENNI_ASUS
@ CAP_OPENNI_ASUS
OpenNI (for Asus Xtion)
Definition: videoio.hpp:103
edge_filter.hpp
cv::viz::makeTransformToGlobal
Affine3d makeTransformToGlobal(const Vec3d &axis_x, const Vec3d &axis_y, const Vec3d &axis_z, const Vec3d &origin=Vec3d::all(0))
Takes coordinate frame data and builds transform to global coordinate frame.
cv::connectedComponentsWithStats
int connectedComponentsWithStats(InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image and also produces a statistics outpu...
CvPoint::CvPoint
CvPoint(int _x=0, int _y=0)
Definition: types_c.h:872
cv::StrongClassifierDirectSelection::classifySmooth
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
cv::cudev::TexturePtr::value_type
T value_type
Definition: texture.hpp:187
NCV_LAST_STATUS
@ NCV_LAST_STATUS
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
cvCornerHarris
void cvCornerHarris(const CvArr *image, CvArr *harris_response, int block_size, int aperture_size=3, double k=0.04)
Harris corner detector:
cv::ximgproc::AdaptiveManifoldFilter::getPCAIterations
virtual int getPCAIterations() const =0
tinyxml2::DynArray::Clear
void Clear()
Definition: tinyxml2.h:225
cv::CAP_PROP_BACKLIGHT
@ CAP_PROP_BACKLIGHT
Definition: videoio.hpp:155
tinyxml2::XMLPrinter::PushAttribute
void PushAttribute(const char *name, bool value)
UINT32
uint32_t UINT32
Definition: descriptor.hpp:67
cv::Point3_::value_type
_Tp value_type
Definition: types.hpp:223
CV_StsDivByZero
@ CV_StsDivByZero
Definition: types_c.h:153
cv::instr::IMPL_PLAIN
@ IMPL_PLAIN
Definition: utility.hpp:1100
cv::line_descriptor::BinaryDescriptorMatcher::knnMatch
void knnMatch(const Mat &queryDescriptors, const Mat &trainDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const Mat &mask=Mat(), bool compactResult=false) const
For every input query descriptor, retrieve the best k matching ones from a dataset provided from user...
clAmdFftCreateDefaultPlan
#define clAmdFftCreateDefaultPlan
Definition: opencl_clamdfft.hpp:50
CV_CAP_PROP_XI_LIMIT_BANDWIDTH
@ CV_CAP_PROP_XI_LIMIT_BANDWIDTH
Definition: videoio_c.h:312
cv::v_ceil
v_reg< int, n > v_ceil(const v_reg< _Tp, n > &a)
Ceil elements.
Definition: intrin_cpp.hpp:506
cv::ml::LogisticRegression::setLearningRate
virtual void setLearningRate(double val)=0
cvflann::SavedIndexParams
Definition: flann_base.hpp:63
cv::Matx::inv
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
cv::rgbd::RgbdICPOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: rgbd.hpp:981
cv::CAP_PROP_XI_HEIGHT
@ CAP_PROP_XI_HEIGHT
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:374
cv::CAP_PROP_FPS
@ CAP_PROP_FPS
Frame rate.
Definition: videoio.hpp:129
cv::linemod::Detector::readClasses
void readClasses(const std::vector< String > &class_ids, const String &format="templates_%s.yml.gz")
cv::BRISK::create
static Ptr< BRISK > create(int thresh=30, int octaves=3, float patternScale=1.0f)
The BRISK constructor.
cv::SparseMat::SparseMat
SparseMat(int dims, const int *_sizes, int _type)
cv::cudev::NullType
Definition: type_traits.hpp:60
cv::optflow::GPCForest::read
void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: sparse_matching_gpc.hpp:289
cv::cudev::ResizePtr
Definition: resize.hpp:61
HaarStage64::getStageThreshold
__host__ __device__ Ncv32f getStageThreshold(void)
Definition: NCVHaarObjectDetection.hpp:301
cv::datasets::TRACK_alov::activeDatasetID
int activeDatasetID
Definition: track_alov.hpp:98
cvflann::lsh::LshStats
Definition: lsh_table.h:83
cv::cudev::IntegerAreaInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
cv::ocl::Device
Definition: ocl.hpp:71
cv::cudev::NormHamming::NormHamming
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
cv::cuda::ORB::ANGLE_ROW
@ ANGLE_ROW
Definition: cudafeatures2d.hpp:463
cv::StereoBM::getROI2
virtual Rect getROI2() const =0
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy::get
virtual float get(int r1, int r2)=0
Return the score between two regions (between 0 and 1)
cv::rgbd::RgbdNormals::setCols
void setCols(int val)
Definition: rgbd.hpp:165
persistence.hpp
CV_YUV2BGR
@ CV_YUV2BGR
Definition: types_c.h:227
cv::face::createEigenFaceRecognizer
Ptr< BasicFaceRecognizer > createEigenFaceRecognizer(int num_components=0, double threshold=DBL_MAX)
cv::datasets::IR_robot
Definition: ir_robot.hpp:77
cv::tracking::UnscentedKalmanFilterParams::dataType
int dataType
Type of elements of vectors and matrices, default is CV_64F.
Definition: kalman_filters.hpp:130
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1 > &t)
Definition: zip.hpp:67
cv::viz::WCone::WCone
WCone(double radius, const Point3d &center, const Point3d &tip, int resolution=6.0, const Color &color=Color::white())
Constructs repositioned planar cone.
cv::Complex::im
_Tp im
Definition: types.hpp:87
cvGetHashedKey
CvStringHashNode * cvGetHashedKey(CvFileStorage *fs, const char *name, int len=-1, int create_missing=0)
Returns a unique pointer for a given name.
CvLevMarq::criteria
CvTermCriteria criteria
Definition: calib3d_c.h:417
cv::operator>
v_reg< _Tp, n > operator>(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than comparison.
Definition: intrin_cpp.hpp:611
clCreateSubDevices
#define clCreateSubDevices
Definition: opencl_core.hpp:134
CV_CAP_V4L
@ CV_CAP_V4L
Definition: videoio_c.h:81
cv::detail::PairwiseSeamFinder::findInPair
virtual void findInPair(size_t first, size_t second, Rect roi)=0
Resolves masks intersection of two specified images in the given ROI.
cv::cuda::DeviceInfo::isCompatible
bool isCompatible() const
Checks the CUDA module and device compatibility.
cv::face::FaceRecognizer::save
virtual void save(const String &filename) const
Saves a FaceRecognizer and its model state.
cv::viz::Camera::KinectCamera
static Camera KinectCamera(const Size &window_size)
Creates a Kinect Camera.
cv::sort
void sort(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
cv::Error::HeaderIsNull
@ HeaderIsNull
image header is NULL
Definition: base.hpp:78
cv::rgbd::RgbdICPOdometry::maxPointsPart
double maxPointsPart
Definition: rgbd.hpp:1002
cv::DualTVL1OpticalFlow::getTau
virtual double getTau() const =0
Time step of the numerical scheme.
cv::ml::ParamGrid::logStep
double logStep
Logarithmic step for iterating the statmodel parameter.
Definition: ml.hpp:125
CV_IMWRITE_WEBP_QUALITY
@ CV_IMWRITE_WEBP_QUALITY
Definition: imgcodecs_c.h:97
IplROI
Definition: types_c.h:343
tinyxml2::XMLDocument::NewElement
XMLElement * NewElement(const char *name)
cv::ShapeDistanceExtractor::computeDistance
virtual float computeDistance(InputArray contour1, InputArray contour2)=0
Compute the shape distance between two shapes defined by its contours.
cv::viz::MouseEvent::MouseEvent
MouseEvent(const Type &type, const MouseButton &button, const Point &pointer, int modifiers)
Constructs a MouseEvent.
cv::cudev::IsBinaryFunction
Definition: functional.hpp:888
cv::cuda::WARP_SHUFFLE_FUNCTIONS
@ WARP_SHUFFLE_FUNCTIONS
Definition: cuda.hpp:608
cv::Error::BadNumChannels
@ BadNumChannels
Definition: base.hpp:84
cv::CAP_CMU1394
@ CAP_CMU1394
Same as CAP_FIREWIRE.
Definition: videoio.hpp:97
CV_THRESH_TOZERO
@ CV_THRESH_TOZERO
Definition: types_c.h:574
cv::cuda::BackgroundSubtractorGMG::getUpdateBackgroundModel
virtual bool getUpdateBackgroundModel() const =0
cv::linemod::Template
Definition: linemod.hpp:79
cv::COLOR_YUV420sp2RGB
@ COLOR_YUV420sp2RGB
Definition: imgproc.hpp:632
cv::stylization
void stylization(InputArray src, OutputArray dst, float sigma_s=60, float sigma_r=0.45f)
Stylization aims to produce digital imagery with a wide variety of effects not focused on photorealis...
cv::BackgroundSubtractorMOG2::setVarMin
virtual void setVarMin(double varMin)=0
cv::cvWriteMatND_Base64
void cvWriteMatND_Base64(::CvFileStorage *fs, const char *name, const ::CvMatND *mat)
cv::String::find
size_t find(const char *s, size_t pos, size_t n) const
cv::CvLBPEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
cv::ml::SampleTypes
SampleTypes
Sample types.
Definition: ml.hpp:97
cv::cudev::bit_and
Definition: functional.hpp:226
cv::_OutputArray::_OutputArray
_OutputArray(UMat &m)
cv::SVD::vt
Mat vt
Definition: core.hpp:2674
cv::plot::Plot2d::setPlotAxisColor
virtual void setPlotAxisColor(Scalar _plotAxisColor)=0
NCVMatrix::_width
Ncv32u _width
Definition: NCV.hpp:833
hal_ni_cmp8s
int hal_ni_cmp8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:210
cv::hal::sub16s
void sub16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
@ CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Buffer size in bytes sufficient for output image returned by xiGetImage.
Definition: videoio.hpp:431
cv::MatxCommaInitializer::dst
Matx< _Tp, m, n > * dst
Definition: matx.hpp:261
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, String dslabel, const int *dims_offset) const =0
cvflann::Hamming::is_vector_space_distance
False is_vector_space_distance
Definition: dist.h:418
cv::MatOp::matmul
virtual void matmul(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
cv::dnn::CropLayer::startAxis
int startAxis
Definition: all_layers.hpp:381
cv::datasets::index
@ index
Definition: gr_skig.hpp:77
cv::Mat::reserve
void reserve(size_t sz)
Reserves space for the certain number of rows.
cv::v_reduce_max
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:575
cv::bioinspired::TransientAreasSegmentationModule::getSegmentationPicture
virtual void getSegmentationPicture(OutputArray transientAreas)=0
access function
cv::viz::Widget::~Widget
~Widget()
cv::bridge::Ptr_TonemapDrago
cv::Ptr< TonemapDrago > Ptr_TonemapDrago
Definition: bridge.hpp:94
cvflann::HammingLUT::operator()
ResultType operator()(const unsigned char *a, const unsigned char *b, size_t size) const
Definition: dist.h:389
cv::Mat2b
Mat_< Vec2b > Mat2b
Definition: mat.hpp:2194
cv::HOGDescriptor::groupRectangles
void groupRectangles(std::vector< cv::Rect > &rectList, std::vector< double > &weights, int groupThreshold, double eps) const
ncvStartTimer
NcvTimer ncvStartTimer(void)
cv::cuda::CornersDetector
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:554
NCV_MEM_COPY_ERROR
@ NCV_MEM_COPY_ERROR
Definition: NCV.hpp:339
cv::KalmanFilter::statePost
Mat statePost
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: tracking.hpp:366
cvCircle
void cvCircle(CvArr *img, CvPoint center, int radius, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Draws a circle with specified center and radius.
cv::TrackerFeatureLBP::selection
void selection(Mat &response, int npoints)
Identify most effective features.
cv::line_descriptor::BinaryDescriptor::detectImpl
virtual void detectImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, const Mat &mask=Mat()) const
cv::detail::BestOf2NearestMatcher::collectGarbage
void collectGarbage()
Frees unused memory allocated before if there is any.
CvStereoBMState::minDisparity
int minDisparity
Definition: calib3d_c.h:332
cv::bridge::Bridge::toPtrStereoBM
Ptr_StereoBM toPtrStereoBM()
Definition: bridge.hpp:433
NCVVector::memType
NCVMemoryType memType() const
Definition: NCV.hpp:615
cv::rgbd::RgbdNormals::operator()
void operator()(InputArray points, OutputArray normals) const
alignUp
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const Mat_< _Tp > &m)
cv::cuda::fastNlMeansDenoising
void fastNlMeansDenoising(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Perform image denoising using Non-local Means Denoising algorithm http://www.ipol....
cv::ml::SVM::P
@ P
Definition: ml.hpp:634
nppiStDecimate_64u_C1R_host
NCVStatus nppiStDecimate_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::ml::TrainData::getTestSampleWeights
virtual Mat getTestSampleWeights() const =0
cv::cuda::BroxOpticalFlow::setFlowSmoothness
virtual void setFlowSmoothness(double alpha)=0
HaarClassifierNodeDescriptor32::getLeafValueHost
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:193
tinyxml2::XMLNode::PreviousSiblingElement
const XMLElement * PreviousSiblingElement(const char *value=0) const
Get the previous (left) sibling element of this node, with an optionally supplied name.
cv::linemod::QuantizedPyramid::Candidate::operator<
bool operator<(const Candidate &rhs) const
Sort candidates with high score to the front.
Definition: linemod.hpp:127
cv::bioinspired::TransientAreasSegmentationModule::write
virtual void write(cv::FileStorage &fs) const =0
write xml/yml formated parameters information
cv::Mat::dataend
const uchar * dataend
Definition: mat.hpp:1965
cvGetSeqReaderPos
int cvGetSeqReaderPos(CvSeqReader *reader)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< _Tp > &vec)
tinyxml2::XMLDeclaration::ToDeclaration
virtual const XMLDeclaration * ToDeclaration() const
Definition: tinyxml2.h:949
tinyxml2::XMLUtil::ToFloat
static bool ToFloat(const char *str, float *value)
cvflann::LshIndex::operator=
LshIndex & operator=(const LshIndex &)
cv::AKAZE::getThreshold
virtual double getThreshold() const =0
cv::directx::ocl::initializeContextFromD3D10Device
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
cv::rgbd::RgbdNormals::getDepth
int getDepth() const
Definition: rgbd.hpp:177
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Matx33d &K, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
cv::cudev::VecTraits< char2 >::make
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
cv::GeneralizedHoughGuil::setMinAngle
virtual void setMinAngle(double minAngle)=0
Minimal rotation angle to detect in degrees.
CV_BIG_UINT
#define CV_BIG_UINT(n)
Definition: interface.h:60
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Rect &)
Definition: bridge.hpp:339
cv::CC_STAT_LEFT
@ CC_STAT_LEFT
Definition: imgproc.hpp:406
cv::cudev::plus
Definition: functional.hpp:78
cv::bgsegm::BackgroundSubtractorGMG::setNumFrames
virtual void setNumFrames(int nframes)=0
Sets the number of frames used to initialize background model.
CvHaarClassifier::count
int count
Definition: objdetect_c.h:85
cv::IMWRITE_PXM_BINARY
@ IMWRITE_PXM_BINARY
For PPM, PGM, or PBM, it can be a binary format flag, 0 or 1. Default value is 1.
Definition: imgcodecs.hpp:91
clGetCommandQueueInfo
#define clGetCommandQueueInfo
Definition: opencl_core.hpp:192
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, String dslabel, const int compresslevel, const int *dims_chunks) const =0
Create and allocate storage for two dimensional single or multi channel dataset.
cv::rgbd::RgbdNormals::rows_
int rows_
Definition: rgbd.hpp:206
cv::BackgroundSubtractorMOG2::setVarThreshold
virtual void setVarThreshold(double varThreshold)=0
Sets the variance threshold for the pixel-model match.
clGetSamplerInfo
#define clGetSamplerInfo
Definition: opencl_core.hpp:226
cv::KeyPoint::overlap
static float overlap(const KeyPoint &kp1, const KeyPoint &kp2)
cv::_InputArray::_InputArray
_InputArray(const std::vector< std::vector< _Tp > > &vec)
cv::WImageC::CopyFrom
void CopyFrom(const WImageC< T, C > &src)
Definition: wimage.hpp:270
cvReleaseFileStorage
void cvReleaseFileStorage(CvFileStorage **fs)
Releases file storage.
cv::dnn::DictValue
This struct stores the scalar value (or array) of one of the following type: double,...
Definition: dict.hpp:60
cvPolyLine
void cvPolyLine(CvArr *img, CvPoint **pts, const int *npts, int contours, int is_closed, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Draws one or more polygonal curves.
cv::Mat::colRange
Mat colRange(int startcol, int endcol) const
Creates a matrix header for the specified column span.
cv::viz::WGrid
This 3D Widget defines a grid. :
Definition: widgets.hpp:526
cv::WImage::WidthStep
int WidthStep() const
Definition: wimage.hpp:192
cvSolvePoly
void cvSolvePoly(const CvMat *coeffs, CvMat *roots2, int maxiter=20, int fig=100)
hal_ni_cmp8u
int hal_ni_cmp8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:209
CV_INTER_CUBIC
@ CV_INTER_CUBIC
Definition: types_c.h:361
CV_CAP_PROP_IOS_DEVICE_WHITEBALANCE
@ CV_CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio_c.h:429
cv::CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
@ CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio.hpp:514
cvPreCornerDetect
void cvPreCornerDetect(const CvArr *image, CvArr *corners, int aperture_size=3)
Calculates constraint image for corner detection.
cv::fisheye::CALIB_FIX_SKEW
@ CALIB_FIX_SKEW
Definition: calib3d.hpp:1888
cv::Subdiv2D::Vertex::isvirtual
bool isvirtual() const
cv::videostab::WobbleSuppressorBase::motions2_
const std::vector< Mat > * motions2_
Definition: wobble_suppression.hpp:91
cv::ShapeTransformer::warpImage
virtual void warpImage(InputArray transformingImage, OutputArray output, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) const =0
Apply a transformation, given a pre-estimated transformation parameters, to an Image.
cv::WImageBuffer_b
WImageBuffer< uchar > WImageBuffer_b
Definition: wimage.hpp:65
cv::videostab::StabilizerBase::doCorrectionForInclusion_
bool doCorrectionForInclusion_
Definition: stabilizer.hpp:118
CV_CAP_PROP_XI_CC_MATRIX_02
@ CV_CAP_PROP_XI_CC_MATRIX_02
Definition: videoio_c.h:334
CvMoments
Definition: types_c.h:398
CV_CAP_PROP_XI_CHIP_TEMP
@ CV_CAP_PROP_XI_CHIP_TEMP
Definition: videoio_c.h:321
cv::operator^
v_reg< _Tp, n > operator^(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise XOR.
Definition: intrin_cpp.hpp:449
cv::StereoSGBM::getP2
virtual int getP2() const =0
cv::COLOR_HSV2RGB_FULL
@ COLOR_HSV2RGB_FULL
Definition: imgproc.hpp:608
NCVMemNativeAllocator
Definition: NCV.hpp:521
cv::_OutputArray::createSameSize
void createSameSize(const _InputArray &arr, int mtype) const
cv::cuda::setBufferPoolUsage
void setBufferPoolUsage(bool on)
BufferPool management (must be called before Stream creation)
cv::rgbd::RgbdNormals::initialize_normals_impl
void initialize_normals_impl(int rows, int cols, int depth, const Mat &K, int window_size, int method) const
CV_CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
@ CV_CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Definition: videoio_c.h:323
CvHuMoments::hu1
double hu1
Definition: types_c.h:426
cv::sfm::SFM_REFINE_RADIAL_DISTORTION_K1
@ SFM_REFINE_RADIAL_DISTORTION_K1
Definition: simple_pipeline.hpp:122
CV_CAP_PROP_XI_DOWNSAMPLING
@ CV_CAP_PROP_XI_DOWNSAMPLING
Definition: videoio_c.h:261
cvflann::HierarchicalClusteringIndex::ElementType
Distance::ElementType ElementType
Definition: hierarchical_clustering_index.h:83
cv::Mat1f
Mat_< float > Mat1f
Definition: mat.hpp:2213
cvGraphAddVtx
int cvGraphAddVtx(CvGraph *graph, const CvGraphVtx *vtx=NULL, CvGraphVtx **inserted_vtx=NULL)
cv::dnn::ReshapeLayer::create
static Ptr< ReshapeLayer > create(const BlobShape &newShape, Range applyingRange=Range::all(), bool enableReordering=false)
CvTermCriteria::epsilon
double epsilon
Definition: types_c.h:841
cv::datasets::FR_adienceObj::dx
int dx
Definition: fr_adience.hpp:76
cv::detail::Timelapser
Definition: timelapsers.hpp:58
CvHaarStageClassifier::next
int next
Definition: objdetect_c.h:99
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::value_type
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type > value_type
Definition: zip.hpp:63
tinyxml2::XMLHandle::ToNode
XMLNode * ToNode()
Safe cast to XMLNode. This can return null.
Definition: tinyxml2.h:1817
cv::AgastFeatureDetector_Impl::getNonmaxSuppression
bool getNonmaxSuppression() const
Definition: agast.txt:7527
cv::v_invsqrt
v_reg< _Tp, n > v_invsqrt(const v_reg< _Tp, n > &a)
Inversed square root.
Definition: intrin_cpp.hpp:714
cv::superres::createOptFlow_Farneback_CUDA
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
CV_32S
#define CV_32S
Definition: interface.h:71
cv::face::BIF::getNumBands
virtual int getNumBands() const =0
cv::DownhillSolver
This class is used to perform the non-linear non-constrained minimization of a function,...
Definition: optim.hpp:156
cv::COLOR_XYZ2RGB
@ COLOR_XYZ2RGB
Definition: imgproc.hpp:574
cv::ft::filter
void filter(InputArray image, InputArray kernel, OutputArray output)
Image filtering.
cv::Mat
n-dimensional dense array class
Definition: mat.hpp:741
CV_CAP_INTELPERC_IMAGE_GENERATOR
@ CV_CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio_c.h:451
cvflann::Index::getIndex
NNIndex< Distance > * getIndex()
Returns actual index.
Definition: flann_base.hpp:244
cv::detail::RotationWarper::warpBackward
virtual void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst)=0
Projects the image backward.
cv::Laplacian
void Laplacian(InputArray src, OutputArray dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the Laplacian of an image.
cv::detail::MercatorWarper
Definition: warpers.hpp:415
cv::cuda::HOG::setDescriptorFormat
virtual void setDescriptorFormat(int descr_format)=0
CV_ADAPTIVE_THRESH_GAUSSIAN_C
@ CV_ADAPTIVE_THRESH_GAUSSIAN_C
Definition: types_c.h:588
tinyxml2::XMLElement::SetAttribute
void SetAttribute(const char *name, int value)
Sets the named attribute to value.
Definition: tinyxml2.h:1311
cv::CAP_PROP_XI_REGION_SELECTOR
@ CAP_PROP_XI_REGION_SELECTOR
Selects Region in Multiple ROI which parameters are set by width, height, ... ,region mode.
Definition: videoio.hpp:375
cv::LineIterator::plusDelta
int plusDelta
Definition: imgproc.hpp:4597
cv::String::iterator
char * iterator
Definition: cvstd.hpp:487
cv::CvFeatureParams::CvFeatureParams
CvFeatureParams()
cv::ppf_match_3d::hashtableWrite
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
cv::cuda::countNonZero
int countNonZero(InputArray src)
Counts non-zero matrix elements.
cv::Point2d
Point_< double > Point2d
Definition: types.hpp:182
cv::videostab::TwoPassStabilizer::isPrePassDone_
bool isPrePassDone_
Definition: stabilizer.hpp:189
_mm_interleave_epi8
void _mm_interleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:172
cv::Matx::cols
@ cols
Definition: matx.hpp:92
cvflann::HierarchicalClusteringIndex::usedMemory
int usedMemory() const
Definition: hierarchical_clustering_index.h:456
cv::BackgroundSubtractorKNN::getkNNSamples
virtual int getkNNSamples() const =0
Returns the number of neighbours, the k in the kNN.
cv::detail::BlocksGainCompensator::apply
void apply(int index, Point corner, InputOutputArray image, InputArray mask)
Compensate exposure in the specified image.
cvflann::AutotunedIndex::getSpeedup
float getSpeedup() const
Definition: autotuned_index.h:173
cv::String::String
String(const std::string &str, size_t pos, size_t len=npos)
cv::omnidir::RECTIFY_STEREOGRAPHIC
@ RECTIFY_STEREOGRAPHIC
Definition: omnidir.hpp:71
cvflann::FLANN_INDEX_KDTREE
@ FLANN_INDEX_KDTREE
Definition: defines.h:84
cv::cudev::derivX_
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
hal_ni_cmp16u
int hal_ni_cmp16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:211
cv::ogl::Arrays::bind
void bind() const
Binds all vertex arrays.
tinyxml2::XMLAttribute::SetAttribute
void SetAttribute(unsigned value)
Set the attribute to value.
cv::detail::Estimator::estimate
virtual bool estimate(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< CameraParams > &cameras)=0
This method must implement camera parameters estimation logic in order to make the wrapper detail::Es...
cv::DIST_MASK_PRECISE
@ DIST_MASK_PRECISE
Definition: imgproc.hpp:323
cv::datasets::TRACK_alovObj::id
int id
Definition: track_alov.hpp:63
cv::superres::SuperResolution
Base class for Super Resolution algorithms.
Definition: superres.hpp:88
cvflann::lsh::Bucket
std::vector< FeatureIndex > Bucket
Definition: lsh_table.h:76
cv::ml::DTrees::getCVFolds
virtual int getCVFolds() const =0
cv::SparseMat::erase
void erase(int i0, int i1, size_t *hashval=0)
erases the specified element (2D case)
cv::text::createERFilterNM1
Ptr< ERFilter > createERFilterNM1(const Ptr< ERFilter::Callback > &cb, int thresholdDelta=1, float minArea=(float) 0.00025, float maxArea=(float) 0.13, float minProbability=(float) 0.4, bool nonMaxSuppression=true, float minProbabilityDiff=(float) 0.1)
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm [Neumann12].
tinyxml2::DynArray::Empty
bool Empty() const
Definition: tinyxml2.h:250
cv::GeneralizedHoughGuil::setAngleEpsilon
virtual void setAngleEpsilon(double angleEpsilon)=0
Maximal difference between angles that treated as equal.
NppStInterpolationState::size
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
cv::viz::WTrajectory::PATH
@ PATH
Definition: widgets.hpp:607
CV_CUDEV_XYZ2RGB_INST
#define CV_CUDEV_XYZ2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:191
cv::UMat::release
void release()
decreases reference counter;
cv::reg::MapProjec::MapProjec
MapProjec(const cv::Matx< double, 3, 3 > &projTr)
i
for i
Definition: modelConvert.m:63
cv::ml::KNearest::Types
Types
Implementations of KNearest algorithm.
Definition: ml.hpp:468
cv::WImage3_16u
WImageC< ushort, 3 > WImage3_16u
Definition: wimage.hpp:109
cv::cudev::Avg::work_type
T work_type
Definition: reduce_to_vec.hpp:87
cv::dnn::BlobShape::size
int size(int axis) const
Returns the size of the specified axis.
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, InputArray colors, InputArray normals)
Constructs a WCloud.
cvflann::simpleDistance::ResultType
Distance::ResultType ResultType
Definition: dist.h:852
cv::UMat::UMat
UMat(const Point_< _Tp > &pt, bool copyData=true)
builds matrix from a 2D point
texture.hpp
cv::cuda::pyrUp
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
cv::TrackerSamplerCSC::Params::trackMaxPosNum
int trackMaxPosNum
Definition: tracker.hpp:811
cv::HausdorffDistanceExtractor::getRankProportion
virtual float getRankProportion() const =0
cv::textureFlattening
void textureFlattening(InputArray src, InputArray mask, OutputArray dst, float low_threshold=30, float high_threshold=45, int kernel_size=3)
By retaining only the gradients at edge locations, before integrating with the Poisson solver,...
cv::HOGDescriptor::load
virtual bool load(const String &filename, const String &objname=String())
cv::Mat::at
_Tp & at(Point pt)
cv::Stitcher::warper
Ptr< WarperCreator > warper()
Definition: stitching.hpp:216
cv::IMREAD_UNCHANGED
@ IMREAD_UNCHANGED
If set, return the loaded image as is (with alpha channel, otherwise it gets cropped).
Definition: imgcodecs.hpp:65
CV_CAP_PROP_XI_ROW_FPN_CORRECTION
@ CV_CAP_PROP_XI_ROW_FPN_CORRECTION
Definition: videoio_c.h:392
cv::bridge::vector_vector_char
std::vector< std::vector< char > > vector_vector_char
Definition: bridge.hpp:75
cv::WImageView1_16s
WImageViewC< short, 1 > WImageView1_16s
Definition: wimage.hpp:94
cv::videostab::MotionStabilizationPipeline
Definition: motion_stabilizing.hpp:71
tinyxml2::XMLElement::QueryAttribute
int QueryAttribute(const char *name, float *value) const
Definition: tinyxml2.h:1301
cv::SparsePyrLKOpticalFlow::getMinEigThreshold
virtual double getMinEigThreshold() const =0
cvflann::BLOCKSIZE
const size_t BLOCKSIZE
Definition: allocator.h:72
cv::cudev::RemapPtr2::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:77
cv::CAP_PROP_XI_FFS_FILE_ID
@ CAP_PROP_XI_FFS_FILE_ID
File number.
Definition: videoio.hpp:469
cv::String::String
String(const String &str, size_t pos, size_t len=npos)
cv::detail::CameraParams::ppy
double ppy
Definition: camera.hpp:68
hal_ni_exp64f
int hal_ni_exp64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:474
cv::Moments
struct returned by cv::moments
Definition: types.hpp:848
cv::FileNode::read
static void read(const FileNode &node, Rect_< _Tp > &value, const Rect_< _Tp > &default_value)
Definition: persistence.hpp:747
cv::DataType::channels
@ channels
Definition: traits.hpp:115
cv::Detector::getConfidenceOfBestDetection
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:213
stitching.hpp
cv::DistanceTransformLabelTypes
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:380
cv::viz::REPRESENTATION_WIREFRAME
@ REPRESENTATION_WIREFRAME
Definition: widgets.hpp:77
cv::MatIterator_::operator--
MatIterator_ & operator--()
decrements the iterator
cv::cuda::createGaussianFilter
Ptr< Filter > createGaussianFilter(int srcType, int dstType, Size ksize, double sigma1, double sigma2=0, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a Gaussian filter.
cv::MatConstIterator::elemSize
size_t elemSize
Definition: mat.hpp:2912
cv::cudev::numeric_limits< ushort >::min
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
cv::detail::CompressedRectilinearPortraitProjector
Definition: warpers.hpp:344
CV_BGR2YUV_IYUV
@ CV_BGR2YUV_IYUV
Definition: types_c.h:330
CvMoments::m20
double m20
Definition: types_c.h:399
cv::cudev::GpuMat_::channels
__host__ int channels() const
cv::FileStorage::INSIDE_MAP
@ INSIDE_MAP
Definition: persistence.hpp:327
cv::Mat::at
const _Tp & at(const int *idx) const
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< Mat_< _Tp > > &vec)
cv::ocl::Image2D::Image2D
Image2D()
cvKMeans2
int cvKMeans2(const CvArr *samples, int cluster_count, CvArr *labels, CvTermCriteria termcrit, int attempts=1, CvRNG *rng=0, int flags=0, CvArr *_centers=0, double *compactness=0)
tinyxml2::XMLPrinter::Print
void Print(const char *format,...)
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const SparseMat &value)
cv::MatxCommaInitializer::operator,
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
cv::SL2::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:727
cv::String::find_first_of
size_t find_first_of(const char *s, size_t pos=0) const
cv::Error::BadImageSize
@ BadImageSize
image size is invalid
Definition: base.hpp:79
cv::CAP_PROP_XI_AVAILABLE_BANDWIDTH
@ CAP_PROP_XI_AVAILABLE_BANDWIDTH
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:440
cv::ocl::Device::imageFromBufferSupport
bool imageFromBufferSupport() const
cvReleaseKalman
void cvReleaseKalman(CvKalman **kalman)
CV_YUV420sp2GRAY
@ CV_YUV420sp2GRAY
Definition: types_c.h:274
cv::cuda::SHARED_ATOMICS
@ SHARED_ATOMICS
Definition: cuda.hpp:606
cv::sfm::BaseSFM::getError
virtual double getError() const =0
cv::bridge::Ptr_TonemapDurand
cv::Ptr< TonemapDurand > Ptr_TonemapDurand
Definition: bridge.hpp:95
CPU_SSSE3
@ CPU_SSSE3
Definition: cvdef.h:142
cv::Hamming
Definition: base.hpp:432
cv_vrnd_u32_f32
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
cv::ximgproc::FHT_MAX
@ FHT_MAX
Definition: fast_hough_transform.hpp:92
cv::BaseClassifier::trainClassifier
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
cv::cuda::FGDParams::N2cc
int N2cc
Used to allow the first N1cc vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:163
bioinspired.hpp
cvflann::any::any
any()
Empty constructor.
Definition: any.h:199
cv::_OutputArray::_OutputArray
_OutputArray(const Matx< _Tp, m, n > &matx)
cvflann::DynamicBitset::empty
bool empty() const
checks if the bitset is empty
Definition: dynamic_bitset.h:85
cv::hal::SepFilter2D::apply
virtual void apply(uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y)=0
cv::tracking::UnscentedKalmanFilter::correct
virtual Mat correct(InputArray measurement)=0
cv::AKAZE::getDescriptorSize
virtual int getDescriptorSize() const =0
cv::normL2Sqr
static _AccTp normL2Sqr(const _Tp *a, int n)
Definition: base.hpp:453
cv::ocl::Kernel::Kernel
Kernel()
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, InputArray colors)
Constructs a WCloud.
cv::HoughLinesP
void HoughLinesP(InputArray image, OutputArray lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0)
Finds line segments in a binary image using the probabilistic Hough transform.
cv::KAZE::setNOctaves
virtual void setNOctaves(int octaves)=0
CvLevMarq::prevErrNorm
double prevErrNorm
Definition: calib3d_c.h:415
HaarStage64
Definition: NCVHaarObjectDetection.hpp:268
cv::videostab::getMotion
Mat getMotion(int from, int to, const std::vector< Mat > &motions)
Computes motion between two frames assuming that all the intermediate motions are known.
cv::createAffineTransformer
Ptr< AffineTransformer > createAffineTransformer(bool fullAffine)
cv::cuda::FarnebackOpticalFlow::setNumLevels
virtual void setNumLevels(int numLevels)=0
cvSeqInvert
void cvSeqInvert(CvSeq *seq)
cvflann::any::operator=
any & operator=(const char *x)
Definition: any.h:251
cv::BOWImgDescriptorExtractor::BOWImgDescriptorExtractor
BOWImgDescriptorExtractor(const Ptr< DescriptorMatcher > &dmatcher)
cv::cuda::HoughSegmentDetector::getMaxLineGap
virtual int getMaxLineGap() const =0
CvWriteFunc
void(* CvWriteFunc)(CvFileStorage *storage, const char *name, const void *struct_ptr, CvAttrList attributes)
Definition: types_c.h:1808
CV_CAP_PROP_XI_GAMMAY
@ CV_CAP_PROP_XI_GAMMAY
Definition: videoio_c.h:329
cvflann::lsh::LshTable::add
void add(Matrix< ElementType > dataset)
Definition: lsh_table.h:195
cv::FileStorage::write
void write(const String &name, const String &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::videostab::InpaintingPipeline
Definition: inpainting.hpp:109
cv::text::OCRHMMDecoder::create
static Ptr< OCRHMMDecoder > create(const Ptr< OCRHMMDecoder::ClassifierCallback > classifier, const std::string &vocabulary, InputArray transition_probabilities_table, InputArray emission_probabilities_table, decoder_mode mode=OCR_DECODER_VITERBI)
Creates an instance of the OCRHMMDecoder class. Initializes HMMDecoder.
cv::viz::WCylinder::WCylinder
WCylinder(const Point3d &axis_point1, const Point3d &axis_point2, double radius, int numsides=30, const Color &color=Color::white())
Constructs a WCylinder.
cv::cudev::saturate_cast_func::operator()
__device__ __forceinline__ D operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:665
cv::KalmanFilter::temp2
Mat temp2
Definition: tracking.hpp:378
cv::superres::BroxOpticalFlow::getAlpha
virtual double getAlpha() const =0
Flow smoothness.
CV_CUDEV_UNARY_FUNCTION_INST
#define CV_CUDEV_UNARY_FUNCTION_INST(name, func)
Definition: functional.hpp:456
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Complex< _Tp > &c)
Definition: persistence.hpp:983
cv::linemod::Modality::create
static Ptr< Modality > create(const String &modality_type)
Create modality by name.
cv::COLORMAP_SUMMER
@ COLORMAP_SUMMER
Definition: imgproc.hpp:4086
cv::cuda::HoughSegmentDetector::setMaxLines
virtual void setMaxLines(int maxLines)=0
cv::hal::max8s
void max8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::instr::NodeData::m_ticksTotal
volatile uint64 m_ticksTotal
Definition: utility.hpp:1132
cv::cudev::GpuMat_::value_type
T value_type
Definition: gpumat.hpp:63
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const _Tp *vec, int n)
cv::FileNode::string
String string() const
Simplified reading API to use with bindings.
cv::cudev::PtrTraits< Expr< Body > >::ptr_type
PtrTraits< Body >::ptr_type ptr_type
Definition: expr.hpp:73
cv::cuda::BroxOpticalFlow::create
static Ptr< BroxOpticalFlow > create(double alpha=0.197, double gamma=50.0, double scale_factor=0.8, int inner_iterations=5, int outer_iterations=150, int solver_iterations=10)
CvNArrayIterator::count
int count
Definition: core_c.h:568
cv::Stitcher::setWaveCorrection
void setWaveCorrection(bool flag)
Definition: stitching.hpp:182
cvLoadHaarClassifierCascade
CvHaarClassifierCascade * cvLoadHaarClassifierCascade(const char *directory, CvSize orig_window_size)
cv::Error::OpenCLApiCallError
@ OpenCLApiCallError
Definition: base.hpp:120
conditioning.hpp
CV_IMWRITE_PAM_FORMAT_RGB
@ CV_IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs_c.h:103
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const UMat &m)
cv::cudev::NormL1< float >::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:104
cv::CMP_LE
@ CMP_LE
src1 is less than or equal to src2.
Definition: base.hpp:204
cv::createOptFlow_DualTVL1
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
Creates instance of cv::DenseOpticalFlow.
cvflann::HistIntersectionDistance::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:537
cv::cudev::threshTrunc_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshTruncFunc< typename PtrTraits< SrcPtr >::value_type > > > threshTrunc_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:96
segmentation.hpp
cv::TrackerFeatureHOG::TrackerFeatureHOG
TrackerFeatureHOG()
cv::ximgproc::createDisparityWLSFilterGeneric
Ptr< DisparityWLSFilter > createDisparityWLSFilterGeneric(bool use_confidence)
More generic factory method, create instance of DisparityWLSFilter and execute basic initialization r...
cv::Subdiv2D::getEdge
int getEdge(int edge, int nextEdgeType) const
Returns one of the edges related to the given edge.
cv::cudacodec::EncoderParams::NaluFramingType
int NaluFramingType
NVVE_CONFIGURE_NALU_FRAMING_TYPE.
Definition: cudacodec.hpp:102
cv::VideoCapture::icap
Ptr< IVideoCapture > icap
Definition: videoio.hpp:801
cv::plot::Plot2d::setNeedPlotLine
virtual void setNeedPlotLine(bool _needPlotLine)=0
Switches data visualization mode.
cv::v_extract
v_reg< _Tp, n > v_extract(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Vector extract.
Definition: intrin_cpp.hpp:1346
NppStInterpolationState::ppBuffers
Ncv32f * ppBuffers[6]
temporary buffers
Definition: NPP_staging.hpp:126
cv::MinProblemSolver::getFunction
virtual Ptr< Function > getFunction() const =0
Getter for the optimized function.
cv::Vec::mul
Vec mul(const Vec< _Tp, cn > &v) const
per-element multiplication
CV_YUV2RGBA_NV12
@ CV_YUV2RGBA_NV12
Definition: types_c.h:243
cv::optflow::DISOpticalFlow::getGradientDescentIterations
virtual int getGradientDescentIterations() const =0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
cv::bioinspired::RetinaParameters::IplMagnoParameters::V0CompressionParameter
float V0CompressionParameter
Definition: retina.hpp:176
cv::SparseMat::Hdr::valueOffset
int valueOffset
Definition: mat.hpp:2524
cv::VideoWriter::set
virtual bool set(int propId, double value)
Sets a property in the VideoWriter.
CvMemStoragePos::top
CvMemBlock * top
Definition: types_c.h:1207
cv::Mat::getStdAllocator
static MatAllocator * getStdAllocator()
and the standard allocator
cvHoughCircles
CvSeq * cvHoughCircles(CvArr *image, void *circle_storage, int method, double dp, double min_dist, double param1=100, double param2=100, int min_radius=0, int max_radius=0)
Finds circles in the image.
cv::COLORMAP_SPRING
@ COLORMAP_SPRING
Definition: imgproc.hpp:4087
cvWriteString
void cvWriteString(CvFileStorage *fs, const char *name, const char *str, int quote=0)
Writes a text string.
cv::ROISelector::select
Rect2d select(Mat img, bool fromCenter=true)
cv::ogl::Texture2D::Texture2D
Texture2D(Size asize, Format aformat, bool autoRelease=false)
tinyxml2::XMLDeclaration::Accept
virtual bool Accept(XMLVisitor *visitor) const
cv::cudev::UnaryTransformPtr
Definition: transform.hpp:62
cv::face::FaceRecognizer::setLabelInfo
virtual void setLabelInfo(int label, const String &strInfo)
Sets string info for the specified model's label.
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:367
matlab::MxArray::ID
mxClassID ID() const
Definition: mxarray.hpp:435
cv::Mat::type
int type() const
Returns the type of a matrix element.
cv::ORB::setScoreType
virtual void setScoreType(int scoreType)=0
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Allocator *allocator=defaultAllocator())
default constructor
cv::CAP_PVAPI_FSTRIGMODE_FIXEDRATE
@ CAP_PVAPI_FSTRIGMODE_FIXEDRATE
FixedRate.
Definition: videoio.hpp:297
cv::UMatData::currAllocator
const MatAllocator * currAllocator
Definition: mat.hpp:495
cvCheckArr
int cvCheckArr(const CvArr *arr, int flags=0, double min_val=0, double max_val=0)
cv::ShapeContextDistanceExtractor::getStdDev
virtual float getStdDev() const =0
cv::cudev::PtrTraitsBase::shrinkPtr
static __host__ Ptr2D shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:64
hal_ni_recip16s
int hal_ni_recip16s(const short *src_data, size_t src_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:278
cv::Algorithm
This is a base class for all more or less complex algorithms in OpenCV.
Definition: core.hpp:3023
tinyxml2::XMLUtil::IsWhiteSpace
static bool IsWhiteSpace(char p)
Definition: tinyxml2.h:504
CvPoint3D32f::x
float x
Definition: types_c.h:938
cv::COLOR_RGB2YCrCb
@ COLOR_RGB2YCrCb
Definition: imgproc.hpp:577
cv::ThresholdTypes
ThresholdTypes
Definition: imgproc.hpp:328
cudalegacy.hpp
cv::cudev::CommonAreaInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
cv::SparseMatIterator::value
_Tp & value() const
returns read-write reference to the current sparse matrix element
cv::UMatData::tempCopiedUMat
bool tempCopiedUMat() const
cv::CvHaarEvaluator::setWinSize
Size setWinSize() const
cv::videostab::FromFileMotionReader::FromFileMotionReader
FromFileMotionReader(const String &path)
cv::SVD::u
Mat u
Definition: core.hpp:2674
cv::cudev::WithOutMask
Definition: mask.hpp:58
cv::optflow::GPCTree::Node::left
unsigned left
Definition: sparse_matching_gpc.hpp:169
cv::MinProblemSolver::setTermCriteria
virtual void setTermCriteria(const TermCriteria &termcrit)=0
Set terminal criteria for solver.
cv::ml::ANN_MLP::setRpropDWPlus
virtual void setRpropDWPlus(double val)=0
cv::ximgproc::AdaptiveManifoldFilter::getAdjustOutliers
virtual bool getAdjustOutliers() const =0
cv::WImage::WImage
WImage(const WImage &)
cv::Ptr::operator*
detail::RefOrVoid< T >::type operator*() const
cv::Vec::all
static Vec all(_Tp alpha)
NppStInterpolationState::pFV
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
cv::cudacodec::EncoderParams::QP_Level_InterP
int QP_Level_InterP
NVVE_QP_LEVEL_INTER_P,.
Definition: cudacodec.hpp:92
CvMemStorage::bottom
CvMemBlock * bottom
Definition: types_c.h:1192
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyColor
Color-based strategy for the selective search segmentation algorithm The class is implemented from th...
Definition: segmentation.hpp:100
cv::stereo::StereoBinaryBM::setPreFilterSize
virtual void setPreFilterSize(int preFilterSize)=0
cv::bioinspired::RetinaParameters::IplMagnoParameters
Inner Plexiform Layer Magnocellular channel (IplMagno)
Definition: retina.hpp:165
cv::detail::VoronoiSeamFinder
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:107
cv::cudev::BrdBase::idx_col
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
cv::UMatDataAutoLock::UMatDataAutoLock
UMatDataAutoLock(UMatData *u)
cv::hal::max32f
void max32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::ml::DTrees::Split
The class represents split in a decision tree.
Definition: ml.hpp:1068
NCVMatrix::_memtype
NCVMemoryType _memtype
Definition: NCV.hpp:836
CvChainPtReader::deltas
schar deltas[8][2]
Definition: types_c.h:476
CV_16S
#define CV_16S
Definition: interface.h:70
cvStereoRectifyUncalibrated
int cvStereoRectifyUncalibrated(const CvMat *points1, const CvMat *points2, const CvMat *F, CvSize img_size, CvMat *H1, CvMat *H2, double threshold=5)
CV_CAP_PROP_DC1394_OFF
@ CV_CAP_PROP_DC1394_OFF
Definition: videoio_c.h:162
NCVMatrix::pitch
Ncv32u pitch() const
Definition: NCV.hpp:827
cv::MatOp::augAssignOr
virtual void augAssignOr(const MatExpr &expr, Mat &m) const
cv::cuda::FGDParams::alpha3
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
cv::ccalib::CustomPattern::getDescriptorMatcher
Ptr< DescriptorMatcher > getDescriptorMatcher()
cv::videostab::StabilizerBase::doDeblurring_
bool doDeblurring_
Definition: stabilizer.hpp:125
cv::cuda::bitwise_or
void bitwise_or(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise disjunction of two matrices (or of matrix and scalar).
cv::Matx14d
Matx< double, 1, 4 > Matx14d
Definition: matx.hpp:200
cv::instr::IMPL_OPENCL
@ IMPL_OPENCL
Definition: utility.hpp:1102
cv::SVD::w
Mat w
Definition: core.hpp:2674
tinyxml2::XMLElement::FloatAttribute
float FloatAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1208
cv::detail::BundleAdjusterBase::term_criteria_
TermCriteria term_criteria_
Definition: motion_estimators.hpp:203
tinyxml2::XMLPrinter::PushUnknown
void PushUnknown(const char *value)
cv::rgbd::ICPOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: rgbd.hpp:833
cv::HOGDescriptor::cellSize
Size cellSize
Definition: objdetect.hpp:424
cv::Ptr::dynamicCast
Ptr< Y > dynamicCast() const
cv::rgbd::RgbdPlane::getSensorErrorC
double getSensorErrorC() const
Definition: rgbd.hpp:444
cv::detail::CompressedRectilinearPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::rgbd::RgbdFrame::mask
Mat mask
Definition: rgbd.hpp:480
cv::aruco::DetectorParameters::minMarkerPerimeterRate
double minMarkerPerimeterRate
Definition: aruco.hpp:134
cvflann::LinearIndex::ElementType
Distance::ElementType ElementType
Definition: linear_index.h:53
cv::cudev::UnaryTransformPtr::operator()
__device__ __forceinline__ Op::result_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: transform.hpp:69
cv::cuda::BackgroundSubtractorGMG::setSmoothingRadius
virtual void setSmoothingRadius(int radius)=0
cv::MatIterator_::operator=
MatIterator_ & operator=(const MatIterator_< _Tp > &it)
copy operator
cv::v_pack_store
void v_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:1712
cv::Affine3::concatenate
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
cv::UMat::rowRange
UMat rowRange(const Range &r) const
CV_IMWRITE_PNG_STRATEGY_RLE
@ CV_IMWRITE_PNG_STRATEGY_RLE
Definition: imgcodecs_c.h:94
cv::cuda::DescriptorMatcher::radiusMatch
virtual void radiusMatch(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArray mask=noArray(), bool compactResult=false)=0
For each query descriptor, finds the training descriptors not farther than the specified distance (bl...
cv::TonemapDurand::setSigmaSpace
virtual void setSigmaSpace(float sigma_space)=0
cv::viz::WTrajectoryFrustums
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:628
CvHaarFeature::tilted
int tilted
Definition: objdetect_c.h:75
cv::ocl::Queue::getDefault
static Queue & getDefault()
cv::TrackerFeature
Abstract base class for TrackerFeature that represents the feature.
Definition: tracker.hpp:78
cv::videostab::DeblurerBase::setFrames
virtual void setFrames(const std::vector< Mat > &val)
Definition: deblurring.hpp:74
cv::Mat::Mat
Mat(int rows, int cols, int type)
cvDisplayStatusBar
void cvDisplayStatusBar(const char *name, const char *text, int delayms=0)
HaarClassifierNode128::getFeatureDesc
__host__ __device__ HaarFeatureDescriptor32 getFeatureDesc(void)
Definition: NCVHaarObjectDetection.hpp:245
cv::detail::PlaneProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::cudev::exp
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
cv::reg::MapperGradAffine::getMap
cv::Ptr< Map > getMap(void) const
cv::viz::WPaintedCloud::WPaintedCloud
WPaintedCloud(InputArray cloud, const Point3d &p1, const Point3d &p2)
Paint cloud with default gradient between given points.
cv::ml::SVM::getGamma
virtual double getGamma() const =0
cv::cudev::BrdReflect101
Definition: extrapolation.hpp:146
IPL_DEPTH_32S
#define IPL_DEPTH_32S
Definition: types_c.h:267
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
cv::BaseCascadeClassifier::getOldCascade
virtual void * getOldCascade()=0
cv::hal::sub32s
void sub32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::plot::Plot2d::setPlotGridColor
virtual void setPlotGridColor(Scalar _plotGridColor)=0
cv::cudev::magnitude_func::operator()
__device__ __forceinline__ functional_detail::FloatType< T >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:615
cv::flip
void flip(InputArray src, OutputArray dst, int flipCode)
Flips a 2D array around vertical, horizontal, or both axes.
cv::ml::ParamGrid
The structure represents the logarithmic grid range of statmodel parameters.
Definition: ml.hpp:108
cv::ximgproc::AdaptiveManifoldFilter::getUseRNG
virtual bool getUseRNG() const =0
CV_MAT_CONT_FLAG
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:393
cv::cuda::HostMem::HostMem
HostMem(Size size, int type, AllocType alloc_type=PAGE_LOCKED)
cvv::impl::CallMetaData::line
const size_t line
Definition: call_meta_data.hpp:47
cv::TonemapDurand::getSaturation
virtual float getSaturation() const =0
cv::line_descriptor::KeyLine::numOfPixels
int numOfPixels
Definition: descriptor.hpp:144
cv::ft::ITERATIVE
@ ITERATIVE
Definition: types.hpp:63
cv::BaseClassifier::m_referenceWeakClassifier
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:141
cvflann::StartStopTimer::stop
void stop()
Definition: timer.h:76
clAmdFftSetPlanInStride
#define clAmdFftSetPlanInStride
Definition: opencl_clamdfft.hpp:92
cv::dnn::Net::forwardOpt
void forwardOpt(LayerId toLayer)
Optimized forward.
CV_CAP_PROP_PAN
@ CV_CAP_PROP_PAN
Definition: videoio_c.h:201
cv::AKAZE::setThreshold
virtual void setThreshold(double threshold)=0
cv::cudev::Min::result
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:119
cvflann::CompositeIndex::getType
flann_algorithm_t getType() const
Definition: composite_index.h:104
CV_CAP_MIL
@ CV_CAP_MIL
Definition: videoio_c.h:78
cv::CvHOGEvaluator::Feature::p1
int p1
Definition: feature.hpp:323
cv::COLOR_YUV2RGBA_YV12
@ COLOR_YUV2RGBA_YV12
Definition: imgproc.hpp:651
NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
Definition: NCV.hpp:345
cv::videostab::LpMotionStabilizer::weight1
float weight1() const
Definition: motion_stabilizing.hpp:132
cv::FileNode::fs
const CvFileStorage * fs
Definition: persistence.hpp:608
cvflann::test_index_precision
float test_index_precision(NNIndex< Distance > &index, const Matrix< typename Distance::ElementType > &inputData, const Matrix< typename Distance::ElementType > &testData, const Matrix< int > &matches, float precision, int &checks, const Distance &distance, int nn=1, int skipMatches=0)
Definition: index_testing.h:154
cv::cuda::DescriptorMatcher::knnMatch
virtual void knnMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), bool compactResult=false)=0
cv::v_setall_u32
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:1542
params.h
cv::hpp::toCvType
int toCvType(const int hppType)
convert hppDataType to OpenCV data type
Definition: ippasync.hpp:83
cv::ml::SVMSGD::getMarginRegularization
virtual float getMarginRegularization() const =0
Parameter marginRegularization of a SVMSGD optimization problem.
cv::Accumulator
Definition: features2d.hpp:710
cvflann::hierarchicalClustering
int hierarchicalClustering(const Matrix< typename Distance::ElementType > &points, Matrix< typename Distance::ResultType > &centers, const KMeansIndexParams &params, Distance d=Distance())
Definition: flann_base.hpp:279
cv::detail::BestOf2NearestMatcher
Features matcher which finds two best matches for each feature and leaves the best one only if the ra...
Definition: matchers.hpp:277
cvflann::any::assign
any & assign(const any &x)
Assignment function from another any.
Definition: any.h:224
cl_kernel_work_group_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_kernel_work_group_info
Definition: opencl_core.hpp:335
cv::SparseMat_::channels
int channels() const
returns the number of channels in each matrix element
cv::ximgproc::SuperpixelLSC::getLabels
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
cv::WImage::image_
IplImage * image_
Definition: wimage.hpp:247
cvdef.h
cv::cudacodec::SF_YUY2
@ SF_YUY2
Definition: cudacodec.hpp:73
cv::BaseClassifier::getReferenceWeakClassifier
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:116
cv::CAP_PROP_XI_SENSOR_MODE
@ CAP_PROP_XI_SENSOR_MODE
Current sensor mode. Allows to select sensor mode by one integer. Setting of this parameter affects: ...
Definition: videoio.hpp:458
cv::CAP_PROP_XI_LENS_FEATURE
@ CAP_PROP_XI_LENS_FEATURE
Allows access to lens feature value currently selected by XI_PRM_LENS_FEATURE_SELECTOR.
Definition: videoio.hpp:427
cv::CompressedRectilinearWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:116
cv::hal::absdiff8s
void absdiff8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::cuda::Feature2DAsync
Abstract base class for CUDA asynchronous 2D image feature detectors and descriptor extractors.
Definition: cudafeatures2d.hpp:378
cv::datasets::AR_hmdbObj::videoName
std::string videoName
Definition: ar_hmdb.hpp:64
cv::cuda::alphaComp
void alphaComp(InputArray img1, InputArray img2, OutputArray dst, int alpha_op, Stream &stream=Stream::Null())
Composites two images using alpha opacity values contained in each image.
cv::ocl::Program::Program
Program(const String &buf)
cvflann::FLANN_CENTERS_GROUPWISE
@ FLANN_CENTERS_GROUPWISE
Definition: defines.h:110
cvflann::anyimpl::big_any_policy::get_value
virtual void * get_value(void **src)
Definition: any.h:98
cv::ocl::Device::ptr
void * ptr() const
cv::cudev::sqr_func
Definition: functional.hpp:438
cv::CAP_PROP_XI_AG_MAX_LIMIT
@ CAP_PROP_XI_AG_MAX_LIMIT
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:344
CV_YUV2RGB
@ CV_YUV2RGB
Definition: types_c.h:228
cv::ocl::ProgramSource::hash
hash_t hash() const
cv::TrackerFeatureHAAR::Params::isIntegral
bool isIntegral
true if input images are integral, false otherwise
Definition: tracker.hpp:1006
tinyxml2::XMLDeclaration::ToDeclaration
virtual XMLDeclaration * ToDeclaration()
Safely cast to a Declaration, or null.
Definition: tinyxml2.h:946
cv::ml::TrainData::getNTestSamples
virtual int getNTestSamples() const =0
cv::datasets::PD_inria::create
static Ptr< PD_inria > create()
cv::datasets::wave
@ wave
Definition: gr_skig.hpp:66
cv::KalmanFilter::init
void init(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
Re-initializes Kalman filter. The previous content is destroyed.
cv::minEnclosingTriangle
double minEnclosingTriangle(InputArray points, OutputArray triangle)
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
cv::ParamType< String >::const_param_type
const String & const_param_type
Definition: core.hpp:3148
cv::CALIB_CB_ADAPTIVE_THRESH
@ CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d.hpp:243
cv::THRESH_MASK
@ THRESH_MASK
Definition: imgproc.hpp:334
CV_YUV2GRAY_NV21
@ CV_YUV2GRAY_NV21
Definition: types_c.h:269
cv::undistortPoints
void undistortPoints(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R=noArray(), InputArray P=noArray())
Computes the ideal point coordinates from the observed point coordinates.
cv::saliency::StaticSaliencySpectralResidual::resImWidth
int resImWidth
Definition: saliencySpecializedClasses.hpp:111
cv::AlignMTB::computeBitmaps
virtual void computeBitmaps(InputArray img, OutputArray tb, OutputArray eb)=0
Computes median threshold and exclude bitmaps of given image.
cl_kernel_arg_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_kernel_arg_info
Definition: opencl_core.hpp:333
CV_MAKE_TYPE
#define CV_MAKE_TYPE
Definition: interface.h:80
log.hpp
cv::videostab::KeypointBasedMotionEstimator::setOpticalFlowEstimator
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:232
cvv::impl::finalShow
void finalShow()
cv::preCornerDetect
void preCornerDetect(InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
Calculates a feature map for corner detection.
cv::cudev::gridIntegral
__host__ void gridIntegral(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: integral.hpp:60
CvIsInstanceFunc
int(* CvIsInstanceFunc)(const void *struct_ptr)
Definition: types_c.h:1805
cv::xphoto::LearningBasedWB::setRangeMaxVal
virtual void setRangeMaxVal(int val)=0
Maximum possible value of the input image (e.g. 255 for 8 bit images, 4095 for 12 bit images)
cv::datasets::MSM_epflObj::imageName
std::string imageName
Definition: msm_epfl.hpp:71
CvHaarFeature
Definition: objdetect_c.h:74
cv::viz::WText
Text and image widgets.
Definition: widgets.hpp:408
clUnloadCompiler
#define clUnloadCompiler
Definition: opencl_core_wrappers.hpp:265
cv::completeSymm
void completeSymm(InputOutputArray mtx, bool lowerToUpper=false)
Copies the lower or the upper half of a square matrix to another half.
NCV_UNKNOWN_ERROR
@ NCV_UNKNOWN_ERROR
Definition: NCV.hpp:317
cv::BaseClassifier::getError
float getError(int curWeakClassifier)
cv::ocl::Kernel::create
bool create(const char *kname, const Program &prog)
cv::cudev::reduceToColumn_
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
cv::datasets::FR_lfwObj::image1
std::string image1
Definition: fr_lfw.hpp:62
cv::SimpleBlobDetector::Params::filterByArea
bool filterByArea
Definition: features2d.hpp:568
cv::randpattern::RandomPatternCornerFinder
Class for finding features points and corresponding 3D in world coordinate of a "random" pattern,...
Definition: randpattern.hpp:66
cvMeanShift
int cvMeanShift(const CvArr *prob_image, CvRect window, CvTermCriteria criteria, CvConnectedComp *comp)
cvflann::anyimpl::small_any_policy::print
virtual void print(std::ostream &out, void *const *src)
Definition: any.h:74
cv::cnn_3dobj::descriptorExtractor::setDeviceType
void setDeviceType(const String &device_type)
Set device type information for feature extraction. Useful to change device without the need to reloa...
cv::cudev::derivXPtr
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
CV_GpuApiCallError
@ CV_GpuApiCallError
Definition: types_c.h:168
cv::superres::PyrLKOpticalFlow::setWindowSize
virtual void setWindowSize(int val)=0
cv::hal::cvtBGRtoBGR5x5
void cvtBGRtoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int greenBits)
cv::Algorithm::~Algorithm
virtual ~Algorithm()
cv::Matx::Matx
Matx(const _Tp *vals)
initialize from a plain array
cv::COLOR_YCrCb2RGB
@ COLOR_YCrCb2RGB
Definition: imgproc.hpp:579
cv::cudev::gridReduceToColumn_
__host__ void gridReduceToColumn_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:178
CvVideoWriter
struct CvVideoWriter CvVideoWriter
"black box" video file writer structure
Definition: videoio_c.h:534
cvflann::ObjectFactory::instance
static ThisClass & instance()
Definition: object_factory.h:80
cv::L2::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:743
cvflann::LshIndexParams
Definition: lsh_index.h:58
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< cuda::GpuMat > &d_mat)
cv::cuda::DescriptorMatcher
Abstract base class for matching keypoint descriptors.
Definition: cudafeatures2d.hpp:76
tinyxml2::XMLNode::NextSiblingElement
XMLElement * NextSiblingElement(const char *value=0)
Definition: tinyxml2.h:741
cv::cudev::CubicInterPtr::src
SrcPtr src
Definition: interpolation.hpp:160
cv::AgastFeatureDetector::create
static Ptr< AgastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=AgastFeatureDetector::OAST_9_16)
Definition: agast.txt:7537
hal_ni_merge16u
int hal_ni_merge16u(const ushort **src_data, ushort *dst_data, int len, int cn)
Definition: hal_replacement.hpp:367
cv::cudev::Max::result
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:139
cv::ppf_match_3d::PPF3DDetector::use_weighted_avg
bool use_weighted_avg
Definition: ppf_match_3d.hpp:156
Cv16suf::_fp16Format::sign
unsigned int sign
Definition: cvdef.h:323
cv::cudacodec::EncoderParams::EncoderParams
EncoderParams()
cv::ogl::Arrays::setTexCoordArray
void setTexCoordArray(InputArray texCoord)
Sets an array of vertex texture coordinates.
cv::CascadeClassifier::isOldFormatCascade
bool isOldFormatCascade() const
cv::FileNode::isString
bool isString() const
returns true if the node is a text string
cv::videostab::InpaintingPipeline::setRadius
virtual void setRadius(int val)
cv::Affine3::Mat3
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:65
IplImage::depth
int depth
Definition: types_c.h:306
cv::ocl::Queue::Queue
Queue(const Context &c, const Device &d=Device())
cv::_InputArray::_InputArray
_InputArray(const cuda::HostMem &cuda_mem)
cv::datasets::SLAM_kitti::create
static Ptr< SLAM_kitti > create()
cv::v_absdiff
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_absdiff(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Absolute difference.
Definition: intrin_cpp.hpp:673
Cv32suf::fmt
struct Cv32suf::_fp32Format fmt
cv::datasets::cameraParam::imageHeight
int imageHeight
Definition: msm_epfl.hpp:66
cv::cudev::Warp::warpId
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
cv::structured_light::SinusoidalPattern::Params::methodId
int methodId
Definition: sinusoidalpattern.hpp:89
cv::datasets::TRACK_vot::getNextFrame
virtual bool getNextFrame(Mat &frame)=0
CV_BGR2RGBA
@ CV_BGR2RGBA
Definition: types_c.h:109
cv::cudev::TransposeBody
Definition: warping.hpp:153
cv::Ptr::Ptr
Ptr(const Ptr< Y > &o, T *p)
cv::DistanceTypes
DistanceTypes
Definition: imgproc.hpp:308
NCVMatrix::NCVMatrix
NCVMatrix()
Definition: NCV.hpp:744
cv::TrackerStateEstimatorMILBoosting::TrackerMILTargetState::setFeatures
void setFeatures(const Mat &features)
Set the features extracted from TrackerFeatureSet.
CV_CAP_PROP_POS_AVI_RATIO
@ CV_CAP_PROP_POS_AVI_RATIO
Definition: videoio_c.h:168
cv::flann::KDTreeIndexParams
Definition: miniflann.hpp:80
cv::Affine3::rotation
void rotation(const Mat &data)
Combines rotation methods above. Suports 3x3, 1x3, 3x1 sizes of data matrix;.
cv::Matx::val
_Tp val[m *n]
Definition: matx.hpp:192
cv::COLOR_YUV2RGBA_YUY2
@ COLOR_YUV2RGBA_YUY2
Definition: imgproc.hpp:697
cv::cudacodec::EncoderParams::DynamicGOP
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:87
tinyxml2::XMLPrinter::PushText
void PushText(float value)
Add a text node from a float.
cv::cuda::DeviceInfo::DeviceInfo
DeviceInfo(int device_id)
The constructors.
cv::bridge::Bridge::operator=
Bridge & operator=(const vector_int &)
Definition: bridge.hpp:380
CV_CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
@ CV_CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio_c.h:245
cv::FAST
void FAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
cv::cuda::scaleAdd
static void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
adds scaled array to another one (dst = alpha*src1 + src2)
Definition: cudaarithm.hpp:334
hal_ni_mul32f
int hal_ni_mul32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:243
cv::v_uint32x4
v_reg< unsigned, 4 > v_uint32x4
Four 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:362
cv::detail::OrbFeaturesFinder
ORB features finder. :
Definition: matchers.hpp:145
cv::Subdiv2D::qedges
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1152
cv::cuda::FarnebackOpticalFlow::getFastPyramids
virtual bool getFastPyramids() const =0
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_()
the default constructor
cv::TrackerStateEstimatorMILBoosting::TrackerStateEstimatorMILBoosting
TrackerStateEstimatorMILBoosting(int nFeatures=250)
Constructor.
cv::optflow::VariationalRefinement::setAlpha
virtual void setAlpha(float val)=0
Weight of the smoothness term.
tinyxml2::XMLNode::ToText
virtual XMLText * ToText()
Safely cast to Text, or null.
Definition: tinyxml2.h:608
cv::MARKER_SQUARE
@ MARKER_SQUARE
A square marker shape.
Definition: imgproc.hpp:4236
cv::hal::normHamming
int normHamming(const uchar *a, int n)
cv::rgbd::depthTo3d
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
CV_CAP_INTELPERC_IMAGE
@ CV_CAP_INTELPERC_IMAGE
Definition: videoio_c.h:497
cv::detail::PlaneWarper::warp
virtual Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst)
cv::Stitcher::setWaveCorrectKind
void setWaveCorrectKind(detail::WaveCorrectKind kind)
Definition: stitching.hpp:185
cv::ximgproc::RO_STRICT
@ RO_STRICT
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
cvCanny
void cvCanny(const CvArr *image, CvArr *edges, double threshold1, double threshold2, int aperture_size=3)
Runs canny edge detector.
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2, Ptr3 > &t)
Definition: zip.hpp:100
cv::ClfMilBoost::Params::_lRate
float _lRate
Definition: onlineMIL.hpp:67
cv::ClassifierThreshold
Definition: onlineBoosting.hpp:264
cv::aruco::drawPlanarBoard
void drawPlanarBoard(const Ptr< Board > &board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a planar board.
cv::FisheyeWarper
Definition: warpers.hpp:97
cv::L1::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:761
CV_HOUGH_STANDARD
@ CV_HOUGH_STANDARD
Definition: types_c.h:608
cv::fisheye::stereoCalibrate
double stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray K1, InputOutputArray D1, InputOutputArray K2, InputOutputArray D2, Size imageSize, OutputArray R, OutputArray T, int flags=fisheye::CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 100, DBL_EPSILON))
Performs stereo calibration.
CV_IMWRITE_PNG_STRATEGY_FIXED
@ CV_IMWRITE_PNG_STRATEGY_FIXED
Definition: imgcodecs_c.h:95
cv::solve
bool solve(InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU)
Solves one or more linear systems or least-squares problems.
cv::sfm::libmv_CameraIntrinsicsOptions
Data structure describing the camera model and its parameters.
Definition: simple_pipeline.hpp:72
cv::ocl::Device::driverVersion
String driverVersion() const
HaarStage64::getNumClassifierRootNodes
__host__ __device__ Ncv32u getNumClassifierRootNodes(void)
Definition: NCVHaarObjectDetection.hpp:311
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5, const _Tp6 &a6)
Definition: ocl.hpp:458
cv::videostab::DeblurerBase::setBlurrinessRates
virtual void setBlurrinessRates(const std::vector< float > &val)
Definition: deblurring.hpp:80
cv::stereo::ModifiedCsCensus::operator()
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:155
cv::aruco::calibrateCameraCharuco
double calibrateCameraCharuco(InputArrayOfArrays charucoCorners, InputArrayOfArrays charucoIds, const Ptr< CharucoBoard > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using Charuco corners.
cv::Mat::inv
MatExpr inv(int method=DECOMP_LU) const
Inverses a matrix.
cv::cuda::DeviceInfo::maxTexture2DLinear
Vec3i maxTexture2DLinear() const
maximum dimensions (width, height, pitch) for 2D textures bound to pitched memory
cv::CvLBPEvaluator::generateFeatures
virtual void generateFeatures()
cv::cudev::PyrDownBody::src
SrcPtr src
Definition: warping.hpp:110
cv::linemod::DepthNormal
Modality that computes quantized surface normals from a dense depth map.
Definition: linemod.hpp:239
CV_CUDEV_SAFE_CALL
#define CV_CUDEV_SAFE_CALL(expr)
Definition: common.hpp:76
cv::detail::resultRoi
Rect resultRoi(const std::vector< Point > &corners, const std::vector< UMat > &images)
cv::COLORMAP_AUTUMN
@ COLORMAP_AUTUMN
Definition: imgproc.hpp:4080
cv::SparseMatConstIterator::SparseMatConstIterator
SparseMatConstIterator(const SparseMatConstIterator &it)
the copy constructor
cv::datasets::join::Wy
double Wy
Definition: gr_chalearn.hpp:67
cv::ccalib::CustomPattern::~CustomPattern
virtual ~CustomPattern()
cv::detail::CylindricalPortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: warpers.hpp:584
cv::ml::DTrees::getSubsets
virtual const std::vector< int > & getSubsets() const =0
Returns all the bitsets for categorical splits.
cv::videostab::MotionEstimatorRansacL2::setRansacParams
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
cv::CAP_MSMF
@ CAP_MSMF
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:108
CV_CAP_UNICAP
@ CV_CAP_UNICAP
Definition: videoio_c.h:99
cv::TrackerFeatureLBP::computeImpl
bool computeImpl(const std::vector< Mat > &images, Mat &response)
cv::detail::PaniniProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::structured_light::GrayCodePattern::Params::Params
Params()
cv::cuda::GpuMat::create
void create(Size size, int type)
cv::ml::ANN_MLP::setActivationFunction
virtual void setActivationFunction(int type, double param1=0, double param2=0)=0
cv::Matx22d
Matx< double, 2, 2 > Matx22d
Definition: matx.hpp:214
cv::datasets::TR_svtObj::tags
std::vector< tag > tags
Definition: tr_svt.hpp:70
cv::viz::Viz3d::setWindowSize
void setWindowSize(const Size &window_size)
Sets the size of the window.
cv::cuda::bitwise_xor
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise exclusive or operation of two matrices (or of matrix and scalar).
cv::hal::and8u
void and8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::SparseMatConstIterator::seekEnd
void seekEnd()
moves iterator to the element after the last element
cv::hal::DFT2D::apply
virtual void apply(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)=0
CV_COMP_KL_DIV
@ CV_COMP_KL_DIV
Definition: types_c.h:536
cv::SVD::operator()
SVD & operator()(InputArray src, int flags=0)
the operator that performs SVD. The previously allocated u, w and vt are released.
cv::cuda::TargetArchs::hasBin
static bool hasBin(int major, int minor)
cv::MatExpr
Matrix expression representation This is a list of implemented matrix operations that can be combined...
Definition: mat.hpp:3371
tinyxml2::XMLConstHandle::LastChildElement
const XMLConstHandle LastChildElement(const char *_value=0) const
Definition: tinyxml2.h:1873
cv::Mat_::col
Mat_ col(int x) const
CV_CAP_PROP_XI_BINNING_PATTERN
@ CV_CAP_PROP_XI_BINNING_PATTERN
Definition: videoio_c.h:290
cv::cudev::PyrDownBody
Definition: warping.hpp:109
cv::cuda::normalize
void normalize(InputArray src, OutputArray dst, double alpha, double beta, int norm_type, int dtype, InputArray mask=noArray(), Stream &stream=Stream::Null())
Normalizes the norm or value range of an array.
cv::viz::Viz3d::getWidget
Widget getWidget(const String &id) const
Retrieves a widget from the window.
dict.hpp
cv::Ptr::swap
void swap(Ptr &o)
cv::HistogramCostExtractor::buildCostMatrix
virtual void buildCostMatrix(InputArray descriptors1, InputArray descriptors2, OutputArray costMatrix)=0
cv::StereoBM::setTextureThreshold
virtual void setTextureThreshold(int textureThreshold)=0
cv::cudev::NormL2::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
cv::rgbd::ICPOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: rgbd.hpp:801
cvDestroyAllWindows
void cvDestroyAllWindows(void)
cv::cudev::SingleMaskChannels
Definition: mask.hpp:69
cv::WImage3_b
WImageC< uchar, 3 > WImage3_b
Definition: wimage.hpp:71
cv::SVD::SVD
SVD(InputArray src, int flags=0)
cv::Tracker::write
virtual void write(FileStorage &fs) const =0
Stores algorithm parameters in a file storage.
cv::detail::BundleAdjusterRay::BundleAdjusterRay
BundleAdjusterRay()
Definition: motion_estimators.hpp:262
cv::cudev::Avg::rebind::other
Avg< U > other
Definition: reduce_to_vec.hpp:91
cv::saliency::StaticSaliency::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
cv::optflow::readOpticalFlow
Mat readOpticalFlow(const String &path)
Read a .flo file.
tinyxml2::XMLDocument::SetBOM
void SetBOM(bool useBOM)
Definition: tinyxml2.h:1578
cv::ml::EM::getMeans
virtual Mat getMeans() const =0
Returns the cluster centers (means of the Gaussian mixture)
cvflann::Index::Index
Index(const Matrix< ElementType > &features, const IndexParams &params, Distance distance=Distance())
Definition: flann_base.hpp:106
CV_YUV2BGR_YUY2
@ CV_YUV2BGR_YUY2
Definition: types_c.h:297
cv::CALIB_USE_QR
@ CALIB_USE_QR
use QR instead of SVD decomposition for solving. Faster but potentially less precise
Definition: calib3d.hpp:270
cv::alignPtr
static _Tp * alignPtr(_Tp *ptr, int n=(int) sizeof(_Tp))
Aligns a pointer to the specified number of bytes.
Definition: utility.hpp:424
cv::dnn::Net::getLayerNames
std::vector< String > getLayerNames() const
cv::BackgroundSubtractorKNN::setkNNSamples
virtual void setkNNSamples(int _nkNN)=0
Sets the k in the kNN. How many nearest neigbours need to match.
CV_CAP_PROP_OPENNI_REGISTRATION_ON
@ CV_CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio_c.h:227
cvflann::AutotunedIndex::size
virtual size_t size() const
Definition: autotuned_index.h:182
cv::cudev::MakeVec< bool, 2 >::type
uchar2 type
Definition: vec_traits.hpp:82
cvflann::ObjectFactory::create
ObjectCreator create(UniqueIdType id)
Definition: object_factory.h:69
cv::tracking::UnscentedKalmanFilterParams::UnscentedKalmanFilterParams
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:148
tinyxml2::XMLConstHandle::XMLConstHandle
XMLConstHandle(const XMLConstHandle &ref)
Definition: tinyxml2.h:1855
tinyxml2::XMLElement::QueryIntAttribute
XMLError QueryIntAttribute(const char *name, int *value) const
Definition: tinyxml2.h:1227
cv::estimateAffine3D
int estimateAffine3D(InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99)
Computes an optimal affine transformation between two 3D point sets.
cv::dnn::DeconvolutionLayer::create
static Ptr< BaseConvolutionLayer > create(Size kernel=Size(3, 3), Size stride=Size(1, 1), Size pad=Size(0, 0), Size dilation=Size(1, 1))
cv::cuda::HOG::detectMultiScale
virtual void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection with a multi-scale window.
cv::instr::NodeDataTls::m_ticksTotal
uint64 m_ticksTotal
Definition: utility.hpp:1111
cv::viz::WLine::WLine
WLine(const Point3d &pt1, const Point3d &pt2, const Color &color=Color::white())
Constructs a WLine.
HaarClassifierCascadeDescriptor::NumClassifierTotalNodes
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:336
cv::cudacodec::Uncompressed_YUV420
@ Uncompressed_YUV420
Y,U,V (4:2:0)
Definition: cudacodec.hpp:254
cv::detail::PlaneWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Definition: warpers.hpp:456
cvflann::KNNResultSet::KNNResultSet
KNNResultSet(int capacity_)
Definition: result_set.h:161
cvflann::KDTreeSingleIndex::KDTreeSingleIndex
KDTreeSingleIndex(const Matrix< ElementType > &inputData, const IndexParams &params=KDTreeSingleIndexParams(), Distance d=Distance())
Definition: kdtree_single_index.h:84
NCVHaarObjectDetection.hpp
cv::MARKER_TRIANGLE_DOWN
@ MARKER_TRIANGLE_DOWN
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:4238
cv::Accumulator< char >::Type
float Type
Definition: features2d.hpp:716
NcvCTprep::assertTest
Definition: NCV.hpp:78
cvGetCaptureProperty
double cvGetCaptureProperty(CvCapture *capture, int property_id)
retrieve capture properties
cv::bioinspired::Retina::getMagno
virtual void getMagno(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
cv::ogl::Texture2D::Texture2D
Texture2D(InputArray arr, bool autoRelease=false)
cv::CvHaarEvaluator
Definition: feature.hpp:216
cv::cudacodec::ChromaFormat
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:264
cv::CommandLineParser::getByIndex
void getByIndex(int index, bool space_delete, int type, void *dst) const
cv::bridge::Bridge::toPtrCLAHE
Ptr_CLAHE toPtrCLAHE()
Definition: bridge.hpp:448
ncvApplyHaarClassifierCascade_device
NCVStatus ncvApplyHaarClassifierCascade_device(NCVMatrix< Ncv32u > &d_integralImage, NCVMatrix< Ncv32f > &d_weights, NCVMatrixAlloc< Ncv32u > &d_pixelMask, Ncv32u &numDetections, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarStage64 > &d_HaarStages, NCVVector< HaarClassifierNode128 > &d_HaarNodes, NCVVector< HaarFeature64 > &d_HaarFeatures, NcvBool bMaskElements, NcvSize32u anchorsRoi, Ncv32u pixelStep, Ncv32f scaleArea, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
cv::cudev::TypeTraits::referred_type
type_traits_detail::ReferenceTraits< T >::type referred_type
Definition: type_traits.hpp:134
cv::ximgproc::DisparityWLSFilter::getLRCthresh
virtual int getLRCthresh()=0
LRCthresh is a threshold of disparity difference used in left-right-consistency check during confiden...
cv::ppf_match_3d::PoseCluster3D::id
int id
Definition: pose_3d.hpp:179
cv::datasets::PD_inriaObj
Definition: pd_inria.hpp:67
cv::cuda::Convolution::convolve
virtual void convolve(InputArray image, InputArray templ, OutputArray result, bool ccorr=false, Stream &stream=Stream::Null())=0
Computes a convolution (or cross-correlation) of two images.
triangulation.hpp
cvflann::KMeansIndex::ElementType
Distance::ElementType ElementType
Definition: kmeans_index.h:83
cvflann::KDTreeIndex::getParameters
IndexParams getParameters() const
Definition: kdtree_index.h:212
cv::videostab::LpMotionStabilizer::trimRatio
float trimRatio() const
Definition: motion_stabilizing.hpp:129
cvflann::KDTreeSingleIndexParams
Definition: kdtree_single_index.h:52
cv::SparseMatConstIterator_::operator*
const _Tp & operator*() const
the element access operator
cv::SparseMat::end
SparseMatConstIterator_< _Tp > end() const
returns the typed read-only sparse matrix iterator at the matrix end
cv::v_store_aligned
void v_store_aligned(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (aligned)
Definition: intrin_cpp.hpp:1257
cv::viz::Widget3D::getPose
Affine3d getPose() const
Returns the current pose of the widget.
CV_CAP_PROP_XI_SENSOR_FEATURE_VALUE
@ CV_CAP_PROP_XI_SENSOR_FEATURE_VALUE
Definition: videoio_c.h:410
cv::cuda::ALPHA_XOR_PREMUL
@ ALPHA_XOR_PREMUL
Definition: cudaimgproc.hpp:160
cvflann::HierarchicalClusteringIndexParams::HierarchicalClusteringIndexParams
HierarchicalClusteringIndexParams(int branching=32, flann_centers_init_t centers_init=FLANN_CENTERS_RANDOM, int trees=4, int leaf_size=100)
Definition: hierarchical_clustering_index.h:56
CV_YUV2BGRA_UYVY
@ CV_YUV2BGRA_UYVY
Definition: types_c.h:288
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< _Tp > &vec)
cv::detail::CompressedRectilinearPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::dnn::BlobShape::ptr
const int * ptr() const
Returns pointer to the first element of continuous size array.
cv::ximgproc::DisparityWLSFilter::getLambda
virtual double getLambda()=0
Lambda is a parameter defining the amount of regularization during filtering. Larger values force fil...
cv::directx::convertToD3D10Texture2D
void convertToD3D10Texture2D(InputArray src, ID3D10Texture2D *pD3D10Texture2D)
Converts InputArray to ID3D10Texture2D.
cv::cudev::AffineMapPtr
Definition: warping.hpp:62
cv::Mat::copyTo
void copyTo(OutputArray m) const
Copies the matrix to another one.
cvflann::CompositeIndex::ElementType
Distance::ElementType ElementType
Definition: composite_index.h:74
cv::cuda::Filter
Common interface for all CUDA filters :
Definition: cudafilters.hpp:76
CV_HLS2RGB
@ CV_HLS2RGB
Definition: types_c.h:193
cv::rgbd::RgbdOdometry::transformType
int transformType
Definition: rgbd.hpp:749
tinyxml2::XMLUtil::StringEqual
static bool StringEqual(const char *p, const char *q, int nChar=INT_MAX)
Definition: tinyxml2.h:521
cvflann::Index::getParameters
IndexParams getParameters() const
Definition: flann_base.hpp:201
cv::TrackerFeature::create
static Ptr< TrackerFeature > create(const String &trackerFeatureType)
Create TrackerFeature by tracker feature type.
cvflann::UniqueResultSet::DistIndex::DistIndex
DistIndex(DistanceType dist, unsigned int index)
Definition: result_set.h:292
cv::cudev::exp2
__device__ __forceinline__ double4 exp2(const double4 &a)
Definition: vec_math.hpp:247
CV_16U
#define CV_16U
Definition: interface.h:69
CV_CAP_PROP_XI_OFFSET_X
@ CV_CAP_PROP_XI_OFFSET_X
Definition: videoio_c.h:263
cv::String::operator=
String & operator=(const String &str)
CvErrorCallback
int(* CvErrorCallback)(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
Definition: core_c.h:2673
cv::ROTATE_90_COUNTERCLOCKWISE
@ ROTATE_90_COUNTERCLOCKWISE
Definition: core.hpp:1028
cv::Mat_::Mat_
Mat_()
default constructor
cv::Mat::getUMat
UMat getUMat(int accessFlags, UMatUsageFlags usageFlags=USAGE_DEFAULT) const
retrieve UMat from Mat
cv::hdf::HDF5::kpwrite
virtual void kpwrite(const vector< KeyPoint > keypoints, String kplabel, const int offset=H5_NONE, const int counts=H5_NONE) const =0
Write or overwrite list of KeyPoint into specified dataset of hdf5 file.
cv::structured_light::GrayCodePattern::getProjPixel
virtual bool getProjPixel(InputArrayOfArrays patternImages, int x, int y, Point &projPix) const =0
For a (x,y) pixel of a camera returns the corresponding projector pixel.
cv::ml::LogisticRegression::setIterations
virtual void setIterations(int val)=0
cv::stereo::StarKernelCensus::StarKernelCensus
StarKernelCensus(const cv::Mat *img, int k2, int **distance)
Definition: descriptor.hpp:280
cv::WImageC::kChannels
@ kChannels
Definition: wimage.hpp:260
cv::text::decoder_mode
decoder_mode
Definition: ocr.hpp:146
cvCalcMotionGradient
void cvCalcMotionGradient(const CvArr *mhi, CvArr *mask, CvArr *orientation, double delta1, double delta2, int aperture_size=3)
cvflann::ZeroIterator
Definition: dist.h:754
CV_YUV2GRAY_UYNV
@ CV_YUV2GRAY_UYNV
Definition: types_c.h:318
cvflann::Datatype
Definition: saving.h:47
clAmdFftGetVersion
#define clAmdFftGetVersion
Definition: opencl_clamdfft.hpp:82
cv::viz::Viz3d::setCamera
void setCamera(const Camera &camera)
Sets the intrinsic parameters of the viewer using Camera.
cv::cuda::HostMem::step
size_t step
Definition: cuda.hpp:417
cv::fisheye::CALIB_CHECK_COND
@ CALIB_CHECK_COND
Definition: calib3d.hpp:1887
cv::optflow::GPCTrainingParams::GPCTrainingParams
GPCTrainingParams(const GPCTrainingParams &params)
Definition: sparse_matching_gpc.hpp:139
cv::COLOR_BGRA2BGR565
@ COLOR_BGRA2BGR565
Definition: imgproc.hpp:551
cvflann::any::type
const std::type_info & type() const
Definition: any.h:308
cv::_OutputArray::fixedType
bool fixedType() const
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5)
Definition: ocl.hpp:449
cv::matMulDeriv
void matMulDeriv(InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
Computes partial derivatives of the matrix product for each multiplied matrix.
cv::datasets::IS_bsds::create
static Ptr< IS_bsds > create()
cvWaitKey
int cvWaitKey(int delay=0)
cv::ocl::Kernel::Kernel
Kernel(const char *kname, const ProgramSource &prog, const String &buildopts=String(), String *errmsg=0)
NCVPyramid.hpp
cv::IMREAD_REDUCED_COLOR_2
@ IMREAD_REDUCED_COLOR_2
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/2.
Definition: imgcodecs.hpp:72
CV_YUV2RGB_IYUV
@ CV_YUV2RGB_IYUV
Definition: types_c.h:252
cv::CAP_PROP_XI_ROW_FPN_CORRECTION
@ CAP_PROP_XI_ROW_FPN_CORRECTION
Correction of row FPN.
Definition: videoio.hpp:457
cv::cudev::SumExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:69
cv::cuda::HoughSegmentDetector::getMinLineLength
virtual int getMinLineLength() const =0
cvv::setDebugFlag
static void setDebugFlag(bool active)
Enable or disable cvv for current translation unit and thread.
Definition: debug_mode.hpp:42
HaarFeatureDescriptor32_Interpret_MaskFlagTilted
#define HaarFeatureDescriptor32_Interpret_MaskFlagTilted
Definition: NCVHaarObjectDetection.hpp:120
cv::v_setzero_f64
v_float64x2 v_setzero_f64()
Definition: intrin_cpp.hpp:1525
cv::v_rshr_pack_u
v_uint8x16 v_rshr_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:1690
cv::linemod::Detector::modalities
std::vector< Ptr< Modality > > modalities
Definition: linemod.hpp:419
cv::pyrDown
void pyrDown(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Blurs an image and downsamples it.
cv::ximgproc::createSuperpixelSEEDS
Ptr< SuperpixelSEEDS > createSuperpixelSEEDS(int image_width, int image_height, int image_channels, int num_superpixels, int num_levels, int prior=2, int histogram_bins=5, bool double_step=false)
Initializes a SuperpixelSEEDS object.
cv::BOWImgDescriptorExtractor::descriptorType
int descriptorType() const
Returns an image descriptor type.
cv::ocl::Device::maxWriteImageArgs
int maxWriteImageArgs() const
cv::MatAllocator::map
virtual void map(UMatData *data, int accessflags) const
cv::ml::RTrees::setActiveVarCount
virtual void setActiveVarCount(int val)=0
CvRect::height
int height
Definition: types_c.h:783
cv::CvFeatureParams
Definition: feature.hpp:138
clEnqueueMapBuffer
#define clEnqueueMapBuffer
Definition: opencl_core_wrappers.hpp:91
cv::dnn::BlobShape::total
ptrdiff_t total(int startAxis, int endAxis=INT_MAX) const
Computes the product of sizes of axes among the specified axes range [startAxis; endAxis).
cv::videostab::TwoPassStabilizer::wobbleSuppressor_
Ptr< WobbleSuppressorBase > wobbleSuppressor_
Definition: stabilizer.hpp:185
cv::Algorithm::empty
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
Definition: core.hpp:3042
cv::datasets::HPE_parseObj
Definition: hpe_parse.hpp:61
cv::videostab::TwoPassStabilizer::frameCount_
int frameCount_
Definition: stabilizer.hpp:188
cvSubRS
void cvSubRS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
cv::ppf_match_3d::PPF3DDetector::trainModel
void trainModel(const Mat &Model)
Trains a new model.
cv::datasets::HPE_humanevaObj::ofs
Matx13d ofs
Definition: hpe_humaneva.hpp:66
cv::aruco::GridBoard::getMarkerLength
float getMarkerLength() const
Definition: aruco.hpp:299
tinyxml2::XMLPrinter::XMLPrinter
XMLPrinter(FILE *file=0, bool compact=false, int depth=0)
cv::cudev::log_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, log_func< typename PtrTraits< SrcPtr >::value_type > > > log_(const SrcPtr &src)
Definition: unary_func.hpp:74
cv::Mat_::create
void create(Size _size)
equivalent to Mat::create(_size, DataType<_Tp>::type)
CV_BayerBG2BGR_VNG
@ CV_BayerBG2BGR_VNG
Definition: types_c.h:195
cv::videostab::RansacParams::default2dMotion
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
cv::BackgroundSubtractorKNN::setShadowThreshold
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
cv::operator!=
bool operator!=(const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
Definition: core_c.h:3172
clLinkProgram
#define clLinkProgram
Definition: opencl_core.hpp:230
CV_AUTOSTEP
#define CV_AUTOSTEP
Definition: core_c.h:220
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Size asize, T *adata, size_t astep=Mat::AUTO_STEP)
cv::MinProblemSolver::Function
Represents function being optimized.
Definition: optim.hpp:64
cv::stereo::MVKernel::MVKernel
MVKernel()
Definition: descriptor.hpp:70
cv::BackgroundSubtractorMOG2::getComplexityReductionThreshold
virtual double getComplexityReductionThreshold() const =0
Returns the complexity reduction threshold.
cv::Vec2w
Vec< ushort, 2 > Vec2w
Definition: matx.hpp:371
cv::_InputArray::kind
int kind() const
cv::bridge::Ptr_MergeDebevec
cv::Ptr< MergeDebevec > Ptr_MergeDebevec
Definition: bridge.hpp:89
cv::bridge::Ptr_FeatureDetector
cv::Ptr< cv::FeatureDetector > Ptr_FeatureDetector
Definition: bridge.hpp:81
cv::DescriptorMatcher::DescriptorCollection::set
void set(const std::vector< Mat > &descriptors)
CV_CHAIN_APPROX_TC89_KCOS
@ CV_CHAIN_APPROX_TC89_KCOS
Definition: types_c.h:460
cv::cuda::DensePyrLKOpticalFlow
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:188
cv::RotatedRect::angle
float angle
Definition: types.hpp:493
cv::Mat_::Mat_
Mat_(const Mat_ &m)
copy constructor
UINT16
uint16_t UINT16
Definition: descriptor.hpp:68
cvflann::IndexHeader::signature
char signature[16]
Definition: saving.h:71
cv::MatCommaInitializer_
Comma-separated Matrix Initializer.
Definition: mat.hpp:453
NCV_ALLOCATOR_BAD_DEALLOC
@ NCV_ALLOCATOR_BAD_DEALLOC
Definition: NCV.hpp:334
cv::MatExpr::beta
double beta
Definition: mat.hpp:3403
CV_CUDEV_RGB5x52GRAY_INST
#define CV_CUDEV_RGB5x52GRAY_INST(name, green_bits)
Definition: color_cvt.hpp:467
cv::TrackerFeatureSet::removeOutliers
void removeOutliers()
Remove outliers for all feature types (optional)
tinyxml2::XMLAttribute::SetAttribute
void SetAttribute(int value)
Set the attribute to value.
cv::ogl::Buffer::clone
Buffer clone(Target target=ARRAY_BUFFER, bool autoRelease=false) const
Creates a full copy of the buffer object and the underlying data.
cv::cudev::perspectiveMap
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
cv::MatExpr::MatExpr
MatExpr(const Mat &m)
tinyxml2::XMLElement::SetText
void SetText(double value)
Convenience method for setting text inside and element. See SetText() for important limitations.
cv::CalibrateRobertson::getRadiance
virtual Mat getRadiance() const =0
cv::ACCESS_MASK
@ ACCESS_MASK
Definition: mat.hpp:63
cv::cudev::NormHamming::value_type
int value_type
Definition: vec_distance.hpp:157
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::histThresh
float histThresh
Definition: histogramphaseunwrapping.hpp:83
cv::dnn::SigmoidLayer
Definition: all_layers.hpp:351
cv::viz::Color::lime
static Color lime()
cv::MatExpr::s
Scalar s
Definition: mat.hpp:3404
cv::rgbd::ICPOdometry::normalsComputer
Ptr< RgbdNormals > normalsComputer
Definition: rgbd.hpp:875
cv::reg::Mapper
Base class for modelling an algorithm for calculating a.
Definition: mapper.hpp:55
cv::String::operator+
String operator+(const String &lhs, const String &rhs)
Definition: cvstd.hpp:974
cvflann::FLANN_CENTERS_GONZALES
@ FLANN_CENTERS_GONZALES
Definition: defines.h:108
cv::hal::Morph::~Morph
virtual ~Morph()
Definition: hal.hpp:57
cv::CalibrateRobertson::setThreshold
virtual void setThreshold(float threshold)=0
CV_RGB2HSV_FULL
@ CV_RGB2HSV_FULL
Definition: types_c.h:206
CV_CAP_PROP_XI_SENSOR_TAPS
@ CV_CAP_PROP_XI_SENSOR_TAPS
Definition: videoio_c.h:299
cv::norm
static double norm(const Matx< _Tp, m, n > &M, int normType)
cv::DECOMP_EIG
@ DECOMP_EIG
Definition: base.hpp:140
cv::aruco::Dictionary::drawMarker
void drawMarker(int id, int sidePixels, OutputArray _img, int borderBits=1) const
Draw a canonical marker image.
Cv32suf::u
unsigned u
Definition: cvdef.h:331
cv::ximgproc::GradientPaillouY
void GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an image.
cvGetImageROI
CvRect cvGetImageROI(const IplImage *image)
Returns the image ROI.
nppiStDecimate_32u_C1R_host
NCVStatus nppiStDecimate_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::WImage::Height
int Height() const
Definition: wimage.hpp:189
cv::DenseOpticalFlow
Definition: tracking.hpp:386
cv::detail::BundleAdjusterReproj
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:240
cv::ocl::Kernel::localMemSize
size_t localMemSize() const
cv::cuda::GpuMat::elemSize1
size_t elemSize1() const
returns the size of element channel in bytes
cv::datasets::comehere
@ comehere
Definition: gr_skig.hpp:69
cv::optflow::OpticalFlowPCAFlow::occlusionsThreshold
const float occlusionsThreshold
Definition: pcaflow.hpp:101
cv::ORB::setEdgeThreshold
virtual void setEdgeThreshold(int edgeThreshold)=0
cv::composeRT
void composeRT(InputArray rvec1, InputArray tvec1, InputArray rvec2, InputArray tvec2, OutputArray rvec3, OutputArray tvec3, OutputArray dr3dr1=noArray(), OutputArray dr3dt1=noArray(), OutputArray dr3dr2=noArray(), OutputArray dr3dt2=noArray(), OutputArray dt3dr1=noArray(), OutputArray dt3dt1=noArray(), OutputArray dt3dr2=noArray(), OutputArray dt3dt2=noArray())
Combines two rotation-and-shift transformations.
cv::cudev::RemapPtr2Sz::cols
int cols
Definition: remap.hpp:105
cv::hal::Filter2D
Definition: hal.hpp:14
cv::cuda::DisparityBilateralFilter::apply
virtual void apply(InputArray disparity, InputArray image, OutputArray dst, Stream &stream=Stream::Null())=0
Refines a disparity map using joint bilateral filtering.
cv::instr::InstrNode
Node< NodeData > InstrNode
Definition: utility.hpp:1142
cv::Mat::eye
static MatExpr eye(int rows, int cols, int type)
Returns an identity matrix of the specified size and type.
hal_ni_dctInit2D
int hal_ni_dctInit2D(cvhalDFT **context, int width, int height, int depth, int flags)
Definition: hal_replacement.hpp:561
cv::VideoCapture::~VideoCapture
virtual ~VideoCapture()
Default destructor.
cv::WImageView1_16u
WImageViewC< ushort, 1 > WImageView1_16u
Definition: wimage.hpp:106
cv::cudev::numeric_limits< short >::max
__device__ static __forceinline__ short max()
Definition: limits.hpp:84
cv::Range::all
static Range all()
cv::UMat::UMat
UMat(int ndims, const int *sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs n-dimensional matrix
cv::Mat::at
const _Tp & at(int i0, int i1, int i2) const
CvSparseMat
Definition: types_c.h:678
cv::cuda::ALPHA_OVER
@ ALPHA_OVER
Definition: cudaimgproc.hpp:159
cv::Vec8i
Vec< int, 8 > Vec8i
Definition: matx.hpp:379
cv::optflow::OpticalFlowPCAFlow::sparseRate
const float sparseRate
Definition: pcaflow.hpp:99
cvReadRawData
void cvReadRawData(const CvFileStorage *fs, const CvFileNode *src, void *dst, const char *dt)
Reads multiple numbers.
cv::CvLBPEvaluator
Definition: feature.hpp:365
cv::compareHist
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
cv::cudev::gridPyrDown
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
cv::ParamType< uchar >::member_type
uchar member_type
Definition: core.hpp:3205
cv::videostab::MotionEstimatorBase::~MotionEstimatorBase
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
cv::CompressedRectilinearPortraitWarper::CompressedRectilinearPortraitWarper
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:123
cv::dnn::_Range::_Range
_Range(const Range &r)
Definition: shape_utils.hpp:79
CV_YUV2RGB_YV12
@ CV_YUV2RGB_YV12
Definition: types_c.h:250
cv::Mat_::begin
const_iterator begin() const
cv::optflow::PCAPrior::getPadding
int getPadding() const
Definition: pcaflow.hpp:85
cv::COLOR_YUV2BGR_IYUV
@ COLOR_YUV2BGR_IYUV
Definition: imgproc.hpp:645
cv::DescriptorMatcher::clone
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const =0
Clones the matcher.
cv::cudev::laplacianPtr
__host__ LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > laplacianPtr(const SrcPtr &src)
Definition: deriv.hpp:381
cv::rgbd::RgbdICPOdometry::maxTranslation
double maxTranslation
Definition: rgbd.hpp:1011
cv::FarnebackOpticalFlow::getFastPyramids
virtual bool getFastPyramids() const =0
cv::PaniniWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:138
cv::_OutputArray::getMatRef
Mat & getMatRef(int i=-1) const
cv::WImageView::WImageView
WImageView(WImage< T > *img, int c, int r, int width, int height)
Definition: wimage.hpp:534
cv::Mat_::Mat_
Mat_(const std::vector< _Tp > &vec, bool copyData=false)
makes a matrix out of Vec, std::vector, Point_ or Point3_. The matrix will have a single column
cv::aruco::DetectorParameters::perspectiveRemovePixelPerCell
int perspectiveRemovePixelPerCell
Definition: aruco.hpp:145
cvflann::squareDistance< MinkowskiDistance< ElementType >, ElementType >::ResultType
MinkowskiDistance< ElementType >::ResultType ResultType
Definition: dist.h:815
NCVMatrix::_ptr
T * _ptr
Definition: NCV.hpp:832
clEnqueueMarkerWithWaitList
#define clEnqueueMarkerWithWaitList
Definition: opencl_core_wrappers.hpp:100
tinyxml2::StrPair::ATTRIBUTE_VALUE_LEAVE_ENTITIES
@ ATTRIBUTE_VALUE_LEAVE_ENTITIES
Definition: tinyxml2.h:158
CV_CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
@ CV_CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio_c.h:443
cv::reg::MapperGradSimilar
Definition: mappergradsimilar.hpp:53
cv::fisheye::undistortPoints
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray R=noArray(), InputArray P=noArray())
Undistorts 2D points using fisheye model.
memSegCopyHelper2D
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
CvPoint2DSeq
CvContour CvPoint2DSeq
Definition: types_c.h:1400
cv::UMat::zeros
static UMat zeros(int rows, int cols, int type)
Matlab-style matrix initialization.
cv::fitEllipse
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
cvPoint3D64f
CvPoint3D64f cvPoint3D64f(double x, double y, double z)
Definition: types_c.h:993
clEnqueueMapBuffer
#define clEnqueueMapBuffer
Definition: opencl_core.hpp:156
cv::dnn::ReLULayer::create
static Ptr< ReLULayer > create(double negativeSlope=0)
cv::linemod::ColorGradient::name
virtual String name() const
cv::Stitcher::registrationResol
double registrationResol() const
Definition: stitching.hpp:169
cv::UMatData::handle
void * handle
Definition: mat.hpp:503
tinyxml2::XML_CAN_NOT_CONVERT_TEXT
@ XML_CAN_NOT_CONVERT_TEXT
Definition: tinyxml2.h:1022
cv::UMatData::UMatData
UMatData(const MatAllocator *allocator)
cv::StereoBM::setPreFilterType
virtual void setPreFilterType(int preFilterType)=0
cv::resize
void resize(InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
Resizes an image.
cv::Mat::push_back
void push_back(const _Tp &elem)
Adds elements to the bottom of the matrix.
CV_CDECL
#define CV_CDECL
Definition: types_c.h:72
CvLevMarq::state
int state
Definition: calib3d_c.h:418
CV_CUDEV_HLS2RGB_INST
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
CV_ELEM_SIZE
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:406
cvflann::test_index_checks
float test_index_checks(NNIndex< Distance > &index, const Matrix< typename Distance::ElementType > &inputData, const Matrix< typename Distance::ElementType > &testData, const Matrix< int > &matches, int checks, float &precision, const Distance &distance, int nn=1, int skipMatches=0)
Definition: index_testing.h:137
color.hpp
cv::cuda::bitwise_not
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise inversion.
cv::aruco::DetectorParameters::create
static Ptr< DetectorParameters > create()
cv::intersectConvexConvex
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
finds intersection of two convex polygons
cvflann::Hamming::ElementType
T ElementType
Definition: dist.h:421
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple::clearStrategies
virtual void clearStrategies()=0
Remove all sub-strategies.
cv::DetectionROI::confidences
std::vector< double > confidences
vector that will contain confidence values for each location
Definition: objdetect.hpp:334
cv::TM_SQDIFF_NORMED
@ TM_SQDIFF_NORMED
Definition: imgproc.hpp:3631
cuda.hpp
cv::Seq::const_iterator
SeqIterator< _Tp > const_iterator
Definition: core_c.h:2843
cv::rgbd::RgbdICPOdometry::maxRotation
double maxRotation
Definition: rgbd.hpp:1011
cv::omnidir::internal::initializeCalibration
void initializeCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray K, double &xi, OutputArray idx=noArray())
cv::CAP_PROP_XI_LED_MODE
@ CAP_PROP_XI_LED_MODE
Define camera signalling LED functionality.
Definition: videoio.hpp:338
cv::IMWRITE_PNG_COMPRESSION
@ IMWRITE_PNG_COMPRESSION
For PNG, it can be the compression level from 0 to 9. A higher value means a smaller size and longer ...
Definition: imgcodecs.hpp:88
cv::datasets::MSM_middleburyObj::r
Matx33d r
Definition: msm_middlebury.hpp:64
cv::HOGDescriptor::getWinSigma
double getWinSigma() const
cv::cudev::BrdConstant::src
SrcPtr src
Definition: extrapolation.hpp:65
CV_YUV2BGR_YV12
@ CV_YUV2BGR_YV12
Definition: types_c.h:251
NCVMemPtr
Definition: NCV.hpp:440
hal_ni_sub16u
int hal_ni_sub16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:86
CvSeqWriter
Definition: types_c.h:1544
cv::videostab::MotionModel
MotionModel
Describes motion model between two point clouds.
Definition: motion_core.hpp:60
cv::ximgproc::DisparityWLSFilter::setSigmaColor
virtual void setSigmaColor(double _sigma_color)=0
cv::structured_light::StructuredLightPattern::generate
virtual bool generate(OutputArrayOfArrays patternImages)=0
Generates the structured light pattern to project.
cv::HISTCMP_INTERSECT
@ HISTCMP_INTERSECT
Definition: imgproc.hpp:500
cv::UMatData::deviceMemMapped
bool deviceMemMapped() const
cv::hal::warpPerspectve
void warpPerspectve(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[9], int interpolation, int borderType, const double borderValue[4])
cv::Scalar_::mul
Scalar_< _Tp > mul(const Scalar_< _Tp > &a, double scale=1) const
per-element product
cv::cudacodec::YUV420
@ YUV420
Definition: cudacodec.hpp:266
cvPtrND
uchar * cvPtrND(const CvArr *arr, const int *idx, int *type=NULL, int create_node=1, unsigned *precalc_hashval=NULL)
cv::TrackerFeatureFeature2d::computeImpl
bool computeImpl(const std::vector< Mat > &images, Mat &response)
cv::PCA::read
void read(const FileNode &fn)
load PCA objects
cv::CAP_PROP_XI_DEBOUNCE_T1
@ CAP_PROP_XI_DEBOUNCE_T1
Debounce time (x * 10us).
Definition: videoio.hpp:418
cv::SparseMat::value
_Tp value(const int *idx, size_t *hashval=0) const
returns value of the specified element (nD case)
CvLevMarq::JtJV
cv::Ptr< CvMat > JtJV
Definition: calib3d_c.h:413
cvTreeToNodeSeq
CvSeq * cvTreeToNodeSeq(const void *first, int header_size, CvMemStorage *storage)
slic.hpp
cv::saliency::StaticSaliencySpectralResidual::~StaticSaliencySpectralResidual
virtual ~StaticSaliencySpectralResidual()
cv::dnn::BlobShape::BlobShape
BlobShape(const Vec< int, n > &shape)
Creates n-dim shape from cv::Vec.
cvflann
Definition: all_indices.h:47
cv::datasets::HPE_parseObj::name
std::string name
Definition: hpe_parse.hpp:62
cv::Vec::cross
Vec cross(const Vec &v) const
cv::tracking::UnscentedKalmanFilter::~UnscentedKalmanFilter
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:59
cv::videostab::ILog
Definition: log.hpp:57
cv::cuda::DeviceInfo::maxThreadsPerBlock
int maxThreadsPerBlock() const
maximum number of threads per block
CvLevMarq::JtJW
cv::Ptr< CvMat > JtJW
Definition: calib3d_c.h:414
cv::hdf::HDF5::H5_NONE
@ H5_NONE
Definition: hdf5.hpp:62
cv::perspectiveTransform
void perspectiveTransform(InputArray src, OutputArray dst, InputArray m)
Performs the perspective matrix transformation of vectors.
cv::cuda::reprojectImageTo3D
void reprojectImageTo3D(InputArray disp, OutputArray xyzw, InputArray Q, int dst_cn=4, Stream &stream=Stream::Null())
Reprojects a disparity image to 3D space.
saliencySpecializedClasses.hpp
cv::SparseMat::find
const _Tp * find(const int *idx, size_t *hashval=0) const
returns pointer to the specified element (nD case)
tinyxml2::XMLHandle::ToUnknown
XMLUnknown * ToUnknown()
Safe cast to XMLUnknown. This can return null.
Definition: tinyxml2.h:1829
cv::linemod::Modality::process
Ptr< QuantizedPyramid > process(const Mat &src, const Mat &mask=Mat()) const
Form a quantized image pyramid from a source image.
Definition: linemod.hpp:169
cv::WImageC
Definition: wimage.hpp:257
cv::cudev::vadd4
__device__ __forceinline__ uint vadd4(uint a, uint b)
Definition: simd_functions.hpp:526
cv::BORDER_ISOLATED
@ BORDER_ISOLATED
do not look outside of ROI
Definition: base.hpp:263
cv::createTonemapDurand
Ptr< TonemapDurand > createTonemapDurand(float gamma=1.0f, float contrast=4.0f, float saturation=1.0f, float sigma_space=2.0f, float sigma_color=2.0f)
Creates TonemapDurand object.
cv::CommandLineParser::about
void about(const String &message)
Set the about message.
cv::aruco::Dictionary::maxCorrectionBits
int maxCorrectionBits
Definition: dictionary.hpp:66
cv::BackgroundSubtractorMOG2::getVarInit
virtual double getVarInit() const =0
Returns the initial variance of each gaussian component.
cvflann::Accumulator< short >::Type
float Type
Definition: dist.h:80
cv::cudev::DefaultHistogramPolicy::block_size_x
@ block_size_x
Definition: histogram.hpp:103
cv::MatOp::augAssignAnd
virtual void augAssignAnd(const MatExpr &expr, Mat &m) const
types.hpp
clCreateKernel
#define clCreateKernel
Definition: opencl_core_wrappers.hpp:37
cv::Hamming::ResultType
int ResultType
Definition: base.hpp:435
cv::ClfOnlineStump::_mu1
float _mu1
Definition: onlineMIL.hpp:93
CvGraphVtx
Definition: types_c.h:1349
cv::estimateAffine2D
cv::Mat estimateAffine2D(InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
Computes an optimal affine transformation between two 2D point sets.
cv_vrndq_s32_f32
int32x4_t cv_vrndq_s32_f32(float32x4_t v)
Definition: neon_utils.hpp:61
tinyxml2::XMLConstHandle::FirstChildElement
const XMLConstHandle FirstChildElement(const char *value=0) const
Definition: tinyxml2.h:1867
cv::ppf_match_3d::PoseCluster3D::writePoseCluster
int writePoseCluster(FILE *f)
cv::bridge::Bridge::toInt
int toInt()
Definition: bridge.hpp:293
cvCalcArrBackProject
void cvCalcArrBackProject(CvArr **image, CvArr *dst, const CvHistogram *hist)
Calculates back project.
cv::KalmanFilter::KalmanFilter
KalmanFilter()
The constructors.
cv::superres::createOptFlow_DualTVL1
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
cv::rgbd::ICPOdometry::getMaxDepth
double getMaxDepth() const
Definition: rgbd.hpp:793
tinyxml2::XMLDocument
Definition: tinyxml2.h:1505
cv::CAP_PROP_GIGA_FRAME_OFFSET_Y
@ CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio.hpp:500
cv::detail::SphericalWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::bgsegm::BackgroundSubtractorGMG::setBackgroundPrior
virtual void setBackgroundPrior(double bgprior)=0
Sets the prior probability that each individual pixel is a background pixel.
cvflann::HammingLUT::ResultType
int ResultType
Definition: dist.h:385
CvBox2D::angle
float angle
Definition: types_c.h:1065
cv::ml::SVMSGD::MarginType
MarginType
Definition: ml.hpp:1598
cv::FlannBasedMatcher::write
virtual void write(FileStorage &) const
Stores algorithm parameters in a file storage.
matching.hpp
cv::cudev::sinh
__device__ __forceinline__ float1 sinh(const uchar1 &a)
Definition: vec_math.hpp:339
cv::CAP_INTELPERC_GENERATORS_MASK
@ CAP_INTELPERC_GENERATORS_MASK
Definition: videoio.hpp:524
cv::CHAIN_APPROX_TC89_L1
@ CHAIN_APPROX_TC89_L1
Definition: imgproc.hpp:450
cl_device_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_device_id cl_uint *CL_RUNTIME_EXPORT cl_device_info
Definition: opencl_core.hpp:327
cv::KAZE
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:600
cv::cuda::HoughCirclesDetector::setVotesThreshold
virtual void setVotesThreshold(int votesThreshold)=0
cvflann::HellingerDistance::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:601
miniflann.hpp
cv::v_load_halves
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1026
CvHaarClassifier::threshold
float * threshold
Definition: objdetect_c.h:87
cv::ocl::kernelToStr
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
CV_YUV2RGB_UYNV
@ CV_YUV2RGB_UYNV
Definition: types_c.h:284
cvRectangle
void cvRectangle(CvArr *img, CvPoint pt1, CvPoint pt2, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Draws a rectangle given two opposite corners of the rectangle (pt1 & pt2)
cv::cudev::IntegralBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:245
cv::StrongClassifierDirectSelection::getUseFeatureExchange
bool getUseFeatureExchange() const
cvCreateVideoWriter
CvVideoWriter * cvCreateVideoWriter(const char *filename, int fourcc, double fps, CvSize frame_size, int is_color=1)
initialize video file writer
cv::detail::AffineWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R)
cv::cuda::convertFp16
void convertFp16(InputArray _src, OutputArray _dst, Stream &stream=Stream::Null())
Converts an array to half precision floating number.
cv::detail::BundleAdjusterBase::obtainRefinedCameraParams
virtual void obtainRefinedCameraParams(std::vector< CameraParams > &cameras) const =0
Gets the refined camera parameters.
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8)
1x9, 3x3 or 9x1 matrix
cv::ximgproc::RulesOption
RulesOption
Specifies the degree of rules validation.
Definition: fast_hough_transform.hpp:116
cv::detail::Graph::addEdge
void addEdge(int from, int to, float weight)
cv::viz::Mesh::normals
Mat normals
Definition: types.hpp:128
tinyxml2::MemPoolT::CurrentAllocs
int CurrentAllocs() const
Definition: tinyxml2.h:341
NCVMatrixAlloc
Definition: NCV.hpp:845
NCVVectorAlloc::getSegment
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
cv::cudev::equal_to
Definition: functional.hpp:133
cv::rgbd::DepthCleaner::getMethod
int getMethod() const
Definition: rgbd.hpp:274
cv::dnn::LSTMLayer::setWeights
virtual void setWeights(const Blob &Wh, const Blob &Wx, const Blob &b)=0
cvGet2D
CvScalar cvGet2D(const CvArr *arr, int idx0, int idx1)
cv::CvFeatureEvaluator::getCls
float getCls(int si) const
Definition: feature.hpp:184
CV_EVENT_FLAG_MBUTTON
@ CV_EVENT_FLAG_MBUTTON
Definition: highgui_c.h:196
cv::BOWImgDescriptorExtractor::compute
void compute(InputArray image, std::vector< KeyPoint > &keypoints, OutputArray imgDescriptor, std::vector< std::vector< int > > *pointIdxsOfClusters=0, Mat *descriptors=0)
Computes an image descriptor using the set visual vocabulary.
cv::text::ERStat::local_maxima
bool local_maxima
wenever the regions is a local maxima of the probability
Definition: erfilter.hpp:109
CV_INTER_AREA
@ CV_INTER_AREA
Definition: types_c.h:362
cv::pyrUp
void pyrUp(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Upsamples an image and then blurs it.
cv::ml::TrainData::getTestNormCatResponses
virtual Mat getTestNormCatResponses() const =0
cvflann::LinearIndex::usedMemory
int usedMemory() const
Definition: linear_index.h:83
cv::Mat_::end
const_iterator end() const
cv::CommandLineParser
Designed for command line parsing.
Definition: utility.hpp:735
cv::dnn::ReshapeLayer::newShapeDesc
BlobShape newShapeDesc
Definition: all_layers.hpp:301
cv::flann::IndexParams::~IndexParams
~IndexParams()
cv::rgbd::Odometry::getTransformType
virtual int getTransformType() const =0
cv::CAP_PROP_DC1394_OFF
@ CAP_PROP_DC1394_OFF
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:198
cv::UMat::UMat
UMat(const UMat &m, const Range &rowRange, const Range &colRange=Range::all())
creates a matrix header for a part of the bigger matrix
cv::CAP_PROP_PVAPI_PIXELFORMAT
@ CAP_PROP_PVAPI_PIXELFORMAT
Pixel format.
Definition: videoio.hpp:290
cv::rgbd::RgbdPlane
Definition: rgbd.hpp:356
cv::ml::TrainData::getSample
virtual void getSample(InputArray varIdx, int sidx, float *buf) const =0
cv::cuda::OpticalFlowDual_TVL1::getNumScales
virtual int getNumScales() const =0
cv::HISTCMP_CHISQR
@ HISTCMP_CHISQR
Definition: imgproc.hpp:497
cvflann::MinkowskiDistance::MinkowskiDistance
MinkowskiDistance(int order_)
Definition: dist.h:268
cv::cuda::DescriptorMatcher::matchAsync
virtual void matchAsync(InputArray queryDescriptors, OutputArray matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
cv::superres::DualTVL1OpticalFlow::getTau
virtual double getTau() const =0
hal_ni_magnitude64f
int hal_ni_magnitude64f(const double *x, const double *y, double *dst, int len)
Definition: hal_replacement.hpp:406
cv::structured_light::GrayCodePattern::Params::width
int width
Definition: graycodepattern.hpp:79
cv::cudev::ScharrXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
CV_CAP_PROP_XI_AE_MAX_LIMIT
@ CV_CAP_PROP_XI_AE_MAX_LIMIT
Definition: videoio_c.h:278
cvflann::Index::save
void save(cv::String filename)
Definition: flann_base.hpp:136
cv::stereo::StereoMatcher::getSpeckleRange
virtual int getSpeckleRange() const =0
cv::videostab::FastMarchingMethod
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:64
cv::CAP_OPENNI_VGA_30HZ
@ CAP_OPENNI_VGA_30HZ
Definition: videoio.hpp:261
cv::morphologyDefaultBorderValue
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1309
cv::cudacodec::H264
@ H264
Definition: cudacodec.hpp:249
cv::dnn::ReLULayer
Definition: all_layers.hpp:337
cvWarpAffine
void cvWarpAffine(const CvArr *src, CvArr *dst, const CvMat *map_matrix, int flags=CV_INTER_LINEAR+CV_WARP_FILL_OUTLIERS, CvScalar fillval=cvScalarAll(0))
Warps image with affine transform.
cv::cudev::ScharrXPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
cvLog
void cvLog(const CvArr *src, CvArr *dst)
cvGetDiag
CvMat * cvGetDiag(const CvArr *arr, CvMat *submat, int diag=0)
Returns one of array diagonals.
cv::TrackerKCF::Params::lambda
double lambda
regularization
Definition: tracker.hpp:1238
cv::NormHistogramCostExtractor::getNormFlag
virtual int getNormFlag() const =0
CV_DIST_L2
@ CV_DIST_L2
Definition: types_c.h:559
cv::videostab::LpMotionStabilizer::setTrimRatio
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
cv::DataType::vec_type
value_type vec_type
Definition: traits.hpp:112
CvLineIterator::minus_delta
int minus_delta
Definition: types_c.h:1086
matlab::Map::operator[]
ValueType & operator[](const KeyType &k)
Definition: map.hpp:73
cvflann::LinearIndex::getType
flann_algorithm_t getType() const
Definition: linear_index.h:66
cv::face::BasicFaceRecognizer::getEigenVectors
virtual cv::Mat getEigenVectors() const =0
CV_EVENT_MOUSEWHEEL
@ CV_EVENT_MOUSEWHEEL
Definition: highgui_c.h:188
cv::directx::convertFromDirect3DSurface9
void convertFromDirect3DSurface9(IDirect3DSurface9 *pDirect3DSurface9, OutputArray dst, void *surfaceSharedHandle=NULL)
Converts IDirect3DSurface9 to OutputArray.
cv::seqPopFront
void seqPopFront(CvSeq *seq, void *element=0)
cvflann::BranchStruct::operator<
bool operator<(const BranchStruct< T, DistanceType > &rhs) const
Definition: result_set.h:58
cvflann::RadiusResultSet
Definition: result_set.h:230
cv::Feature2D::read
void read(const String &fileName)
cv::ShapeContextDistanceExtractor::getInnerRadius
virtual float getInnerRadius() const =0
cv::v_check_all
bool v_check_all(const v_reg< _Tp, n > &a)
Check if all packed values are less than zero.
Definition: intrin_cpp.hpp:884
cvCeil
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:154
cvflann::FLANN_INT8
@ FLANN_INT8
Definition: defines.h:157
cv::WImage::Depth
int Depth() const
cvflann::print_params
void print_params(const IndexParams &params, std::ostream &stream)
Definition: params.h:82
cv::cudev::LutPtrSz::cols
int cols
Definition: lut.hpp:77
cv::Complex::Complex
Complex(_Tp _re, _Tp _im=0)
cv::Affine3::translate
Affine3 translate(const Vec3 &t) const
a.translate(t) is equivalent to Affine(E, t) * a;
cv::saliency::Saliency::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
cv::CAP_PROP_XI_GPO_SELECTOR
@ CAP_PROP_XI_GPO_SELECTOR
Selects general purpose output.
Definition: videoio.hpp:335
cv::detail::BundleAdjusterBase::num_errs_per_measurement_
int num_errs_per_measurement_
Definition: motion_estimators.hpp:194
cv::optflow::GPCPatchSample::getDirections
void getDirections(bool &refdir, bool &posdir, bool &negdir, const Vec< double, GPCPatchDescriptor::nFeatures > &coef, double rhs) const
CvHaarClassifierCascade::orig_window_size
CvSize orig_window_size
Definition: objdetect_c.h:110
cv::cudev::LinearInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:99
cv::saliency::ObjectnessBING::getBase
double getBase() const
Definition: saliencySpecializedClasses.hpp:317
cv::KalmanFilter::temp4
Mat temp4
Definition: tracking.hpp:380
cv::COLOR_BayerBG2BGR
@ COLOR_BayerBG2BGR
Demosaicing.
Definition: imgproc.hpp:735
matlab::MxArray::~MxArray
virtual ~MxArray()
destructor
Definition: mxarray.hpp:261
cv::ml::DTrees::getRoots
virtual const std::vector< int > & getRoots() const =0
Returns indices of root nodes.
cv::KAZE::getUpright
virtual bool getUpright() const =0
NppStInterpolationState::pSrcFrame0
Ncv32f * pSrcFrame0
frame 0
Definition: NPP_staging.hpp:119
CV_DIST_C
@ CV_DIST_C
Definition: types_c.h:560
cv::sortIdx
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
CV_8UC1
#define CV_8UC1
Definition: interface.h:82
cv::bridge::Bridge::toRotatedRect
cv::RotatedRect toRotatedRect()
Definition: bridge.hpp:345
cv::Exception::Exception
Exception()
cv::datasets::MSM_middlebury
Definition: msm_middlebury.hpp:69
cvflann::Heap::clear
void clear()
Definition: heap.h:102
cv::ml::TrainData::getDefaultSubstValues
virtual Mat getDefaultSubstValues() const =0
tinyxml2::StrPair::~StrPair
~StrPair()
cv::CAP_PROP_XI_TS_RST_MODE
@ CAP_PROP_XI_TS_RST_MODE
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:446
cv::cuda::HOG::DESCR_FORMAT_ROW_BY_ROW
@ DESCR_FORMAT_ROW_BY_ROW
Definition: cudaobjdetect.hpp:83
cv::cudacodec::Uncompressed_UYVY
@ Uncompressed_UYVY
UYVY (4:2:2)
Definition: cudacodec.hpp:258
cv::CHAIN_APPROX_NONE
@ CHAIN_APPROX_NONE
Definition: imgproc.hpp:445
mat.hpp
cv::cuda::FEATURE_SET_COMPUTE_11
@ FEATURE_SET_COMPUTE_11
Definition: cuda.hpp:595
cv::ximgproc::DTF_NC
@ DTF_NC
Definition: edge_filter.hpp:53
cv::compare
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop)
Performs the per-element comparison of two arrays or an array and scalar value.
cv::viz::WLine
Simple widgets.
Definition: widgets.hpp:236
cv::viz::KeyboardEvent::KeyboardEvent
KeyboardEvent(Action action, const String &symbol, unsigned char code, int modifiers)
Constructs a KeyboardEvent.
cv::ximgproc::DTF_IC
@ DTF_IC
Definition: edge_filter.hpp:54
cv::VideoCapture::retrieve
virtual bool retrieve(OutputArray image, int flag=0)
Decodes and returns the grabbed video frame.
cv::ml::ANN_MLP::setLayerSizes
virtual void setLayerSizes(InputArray _layer_sizes)=0
cv::cudev::NearestInterPtr
Definition: interpolation.hpp:64
CV_BadNumChannel1U
@ CV_BadNumChannel1U
Definition: types_c.h:136
cv::ml::DTrees::setMinSampleCount
virtual void setMinSampleCount(int val)=0
cv::bridge::Ptr_LineSegmentDetector
cv::Ptr< LineSegmentDetector > Ptr_LineSegmentDetector
Definition: bridge.hpp:83
cv::COLOR_BGR5552BGRA
@ COLOR_BGR5552BGRA
Definition: imgproc.hpp:565
clRetainProgram
#define clRetainProgram
Definition: opencl_core.hpp:260
cv::ximgproc::AdaptiveManifoldFilter::setAdjustOutliers
virtual void setAdjustOutliers(bool val)=0
cv::sampsonDistance
double sampsonDistance(InputArray pt1, InputArray pt2, InputArray F)
Calculates the Sampson Distance between two points.
all_indices.h
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Matx33d &K, InputArray image, double scale=1.0, const Color &color=Color::white())
Display image on the far plane of the viewing frustum.
cv::Node::removeChilds
void removeChilds()
Definition: utility.hpp:1060
cv::bioinspired::Retina::createRetina
Ptr< Retina > createRetina(Size inputSize)
cv::UMatData::originalUMatData
UMatData * originalUMatData
Definition: mat.hpp:507
cvflann::lsh::LshStats::bucket_size_max_
size_t bucket_size_max_
Definition: lsh_table.h:89
HaarStage64_Interpret_MaskRootNodes
#define HaarStage64_Interpret_MaskRootNodes
Definition: NCVHaarObjectDetection.hpp:269
cv::ppf_match_3d::PoseCluster3D::~PoseCluster3D
virtual ~PoseCluster3D()
Definition: pose_3d.hpp:162
cv::linemod::ColorGradient::ColorGradient
ColorGradient()
Default constructor. Uses reasonable default parameter values.
cv::AutoBuffer::operator=
AutoBuffer< _Tp, fixed_size > & operator=(const AutoBuffer< _Tp, fixed_size > &buf)
the assignment operator
cv::stereo::StereoMatcher::getNumDisparities
virtual int getNumDisparities() const =0
cv::cnn_3dobj::descriptorExtractor::getDeviceId
int getDeviceId()
Get device ID information for feature extraction.
cv::HOGDescriptor::svmDetector
std::vector< float > svmDetector
Definition: objdetect.hpp:431
cv::ml::SVMSGD::SvmsgdType
SvmsgdType
Definition: ml.hpp:1591
cv::_OutputArray::_OutputArray
_OutputArray(cuda::GpuMat &d_mat)
cv::TLSData::TLSData
TLSData()
Definition: utility.hpp:637
cv::cudev::numeric_limits< uint >::min
__device__ static __forceinline__ uint min()
Definition: limits.hpp:104
cv::viz::WCube::WCube
WCube(const Point3d &min_point=Vec3d::all(-0.5), const Point3d &max_point=Vec3d::all(0.5), bool wire_frame=true, const Color &color=Color::white())
Constructs a WCube.
cv::cudev::blockScanExclusive
__device__ __forceinline__ T blockScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:97
cv::detail::FisheyeProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::UMat::empty
bool empty() const
returns true if matrix data is NULL
tinyxml2::XMLNode::InsertFirstChild
XMLNode * InsertFirstChild(XMLNode *addThis)
cv::viz::REPRESENTATION_POINTS
@ REPRESENTATION_POINTS
Definition: widgets.hpp:76
nppiStDecimate_64f_C1R_host
NCVStatus nppiStDecimate_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
hal_ni_max64f
int hal_ni_max64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:109
cvReleaseSparseMat
void cvReleaseSparseMat(CvSparseMat **mat)
Deallocates sparse array.
tinyxml2::XMLNode::Parent
XMLNode * Parent()
Definition: tinyxml2.h:668
cv::text::ERFilter
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm [Neumann12]....
Definition: erfilter.hpp:119
cv::MONOCHROME_TRANSFER
@ MONOCHROME_TRANSFER
Definition: photo.hpp:81
cv::cudev::GpuMat_::adjustROI
__host__ GpuMat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
cv::cudev::ScharrXPtr::src
SrcPtr src
Definition: deriv.hpp:239
cv::CvLBPEvaluator::sum
Mat sum
Definition: feature.hpp:393
cvThreshHist
void cvThreshHist(CvHistogram *hist, double threshold)
Thresholds the histogram.
cv::_InputArray::step
size_t step(int i=-1) const
cv::CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Number of buffers to commit to low level.
Definition: videoio.hpp:453
cv::videostab::StabilizerBase::log
Ptr< ILog > log() const
Definition: stabilizer.hpp:72
cv::GeneralizedHough::getDp
virtual double getDp() const =0
cvflann::anyimpl::typed_base_any_policy::get_size
virtual ::size_t get_size()
Definition: any.h:57
CV_RGB2HLS_FULL
@ CV_RGB2HLS_FULL
Definition: types_c.h:208
cv::BaseCascadeClassifier::getMaskGenerator
virtual Ptr< MaskGenerator > getMaskGenerator()=0
clAmdFftSetPlanDistance
#define clAmdFftSetPlanDistance
Definition: opencl_clamdfft.hpp:90
cv::cuda::HostMem::getAllocator
static MatAllocator * getAllocator(AllocType alloc_type=PAGE_LOCKED)
cvflann::KDTREE_SINGLE
@ KDTREE_SINGLE
Definition: defines.h:98
cv::cudev::PtrTraitsBase::getCols
static __host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:74
cv::bgsegm::BackgroundSubtractorGMG::getSmoothingRadius
virtual int getSmoothingRadius() const =0
Returns the kernel radius used for morphological operations.
cv::WND_PROP_OPENGL
@ WND_PROP_OPENGL
opengl support.
Definition: highgui.hpp:199
CV_OpenCLApiCallError
@ CV_OpenCLApiCallError
Definition: types_c.h:171
cv::ACCESS_FAST
@ ACCESS_FAST
Definition: mat.hpp:63
cv::VideoCapture::open
virtual bool open(const String &filename, int apiPreference)
Open video file or a capturing device or a IP video stream for video capturing with API Preference.
cv::v_store_high
void v_store_high(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (higher half)
Definition: intrin_cpp.hpp:1242
hal_ni_cvtBGRtoThreePlaneYUV
int hal_ni_cvtBGRtoThreePlaneYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int uIdx)
hal_cvtBGRtoThreePlaneYUV
Definition: hal_replacement.hpp:525
cv::String::operator+=
String & operator+=(const std::string &str)
CV_CAP_PROP_FRAME_WIDTH
@ CV_CAP_PROP_FRAME_WIDTH
Definition: videoio_c.h:169
cv::CAP_PROP_XI_WIDTH
@ CAP_PROP_XI_WIDTH
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:373
cv::TrackerSamplerCSC::TrackerSamplerCSC
TrackerSamplerCSC(const TrackerSamplerCSC::Params &parameters=TrackerSamplerCSC::Params())
Constructor.
cv::stereo::StereoBinaryBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
CV_CAP_FIREWARE
@ CV_CAP_FIREWARE
Definition: videoio_c.h:84
clCreateProgramWithBuiltInKernels
#define clCreateProgramWithBuiltInKernels
Definition: opencl_core_wrappers.hpp:46
cv::Mat::operator=
Mat & operator=(const Mat &m)
assignment operators
cv::GeneralizedHoughGuil::setPosThresh
virtual void setPosThresh(int posThresh)=0
Position votes threshold.
cv::HistogramCostExtractor
Abstract base class for histogram cost algorithms.
Definition: hist_cost.hpp:58
cv::BOWImgDescriptorExtractor::setVocabulary
void setVocabulary(const Mat &vocabulary)
Sets a visual vocabulary.
cv::stereo::CV_CS_CENSUS
@ CV_CS_CENSUS
Definition: descriptor.hpp:59
cv::Mat::Mat
Mat(const Point3_< _Tp > &pt, bool copyData=true)
CV_RGB2Lab
@ CV_RGB2Lab
Definition: types_c.h:168
cv::FileNode::read
static void read(const FileNode &node, schar &value, schar default_value)
Definition: persistence.hpp:1057
cvflann::Index::saveIndex
virtual void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: flann_base.hpp:151
cv::ocl::OCL_VECTOR_MAX
@ OCL_VECTOR_MAX
Definition: ocl.hpp:682
CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_OPTIMAL
@ CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_OPTIMAL
Definition: videoio_c.h:420
CV_CAP_PROP_XI_BUFFERS_QUEUE_SIZE
@ CV_CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Definition: videoio_c.h:387
CV_HAL_ERROR_NOT_IMPLEMENTED
#define CV_HAL_ERROR_NOT_IMPLEMENTED
Definition: interface.h:10
cv::FileNodeIterator::operator->
FileNode operator->() const
accesses the currently observed element methods
cv::ximgproc::SuperpixelLSC::getLabelContourMask
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelLSC object.
cv::videostab::InpainterBase::motionModel_
MotionModel motionModel_
Definition: inpainting.hpp:95
cv::cuda::OpticalFlowDual_TVL1::setNumWarps
virtual void setNumWarps(int warps)=0
cv::text::OCRHMMDecoder::vocabulary
std::string vocabulary
Definition: ocr.hpp:280
cv::ximgproc::segmentation::GraphSegmentation::getK
virtual float getK()=0
cv::face::StandardCollector::threshold
double threshold
Definition: predict_collector.hpp:92
cv::saliency::MotionSaliencyBinWangApr2014::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
cv::Ptr::empty
bool empty() const
cvGetTrackbarPos
int cvGetTrackbarPos(const char *trackbar_name, const char *window_name)
cvCopyMakeBorder
void cvCopyMakeBorder(const CvArr *src, CvArr *dst, CvPoint offset, int bordertype, CvScalar value=cvScalarAll(0))
cv::ximgproc::segmentation::SelectiveSearchSegmentation::clearImages
virtual void clearImages()=0
Clear the list of images to process.
cv::TrackerModel::trajectory
Trajectory trajectory
Definition: tracker.hpp:518
cv::cuda::DisparityBilateralFilter::setEdgeThreshold
virtual void setEdgeThreshold(double edge_threshold)=0
cv::ocl::Program::getPrefix
String getPrefix() const
cvSaveMemStoragePos
void cvSaveMemStoragePos(const CvMemStorage *storage, CvMemStoragePos *pos)
tinyxml2
Definition: tinyxml2.h:130
cv::cudev::ScharrYPtrSz::rows
int rows
Definition: deriv.hpp:302
cv::MatOp::~MatOp
virtual ~MatOp()
cv::datasets::SLAM_tumindoorObj
Definition: slam_tumindoor.hpp:68
cv::Subdiv2D::locate
int locate(Point2f pt, int &edge, int &vertex)
Returns the location of a point within a Delaunay triangulation.
cv::v_max
v_reg< _Tp, n > v_max(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Choose max values for each pair.
Definition: intrin_cpp.hpp:557
cv::videostab::NullFrameSource
Definition: frame_source.hpp:66
cv::CAP_PROP_PVAPI_BINNINGX
@ CAP_PROP_PVAPI_BINNINGX
Horizontal binning factor.
Definition: videoio.hpp:288
block.hpp
CV_COUNTER_CLOCKWISE
@ CV_COUNTER_CLOCKWISE
Definition: types_c.h:513
cv::cuda::HoughLinesDetector::setRho
virtual void setRho(float rho)=0
cv::WImage3_16s
WImageC< short, 3 > WImage3_16s
Definition: wimage.hpp:97
clGetEventInfo
#define clGetEventInfo
Definition: opencl_core_wrappers.hpp:157
cv::reg::MapAffine::getShift
const cv::Vec< double, 2 > & getShift() const
Definition: mapaffine.hpp:92
cv::ft::FT02D_iteration
int FT02D_iteration(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask, OutputArray maskOutput, bool firstStop)
Computes F0-transfrom and inverse F0-transfrom at once and return state.
cv::xobjdetect::WBDetector::write
virtual void write(FileStorage &fs) const =0
Write detector to FileStorage.
cv::CAP_GIGANETIX
@ CAP_GIGANETIX
Smartek Giganetix GigEVisionSDK.
Definition: videoio.hpp:107
cvflann::squareDistance< MinkowskiDistance< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:816
cv::repeat
void repeat(InputArray src, int ny, int nx, OutputArray dst)
Fills the output array with repeated copies of the input array.
cv::cudev::SumExprBody::src
SrcPtr src
Definition: reduction.hpp:66
cv::CvHaarEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const
cv::saliency::MotionSaliencyBinWangApr2014::getImageWidth
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:199
cvSampleLine
int cvSampleLine(const CvArr *image, CvPoint pt1, CvPoint pt2, void *buffer, int connectivity=8)
Fetches pixels that belong to the specified line segment and stores them to the buffer.
cv::CAP_PROP_XI_OFFSET_X
@ CAP_PROP_XI_OFFSET_X
Horizontal offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:328
cvflann::flann_distance_t
flann_distance_t
Definition: defines.h:128
cv::DualTVL1OpticalFlow::setTau
virtual void setTau(double val)=0
Time step of the numerical scheme.
cv::videostab::LogToStdout::print
virtual void print(const char *format,...)
config.h
cv::String::String
String(const char *s, size_t n)
cv::saliency::StaticSaliencySpectralResidual::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
cv::CvHOGEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const
cv::TrackerStateEstimatorSVM::TrackerStateEstimatorSVM
TrackerStateEstimatorSVM()
cv::saliency::MotionSaliencyBinWangApr2014
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:170
cv::viz::WImageOverlay::WImageOverlay
WImageOverlay(InputArray image, const Rect &rect)
Constructs an WImageOverlay.
cv::cudacodec::YUV444
@ YUV444
Definition: cudacodec.hpp:268
tinyxml2::XMLDocument::NewText
XMLText * NewText(const char *text)
cv::Stitcher::featuresMatcher
const Ptr< detail::FeaturesMatcher > featuresMatcher() const
Definition: stitching.hpp:193
cv::MergeExposures
The base class algorithms that can merge exposure sequence to a single image.
Definition: photo.hpp:626
cv::Subdiv2D::deletePoint
void deletePoint(int vtx)
cv::NAryMatIterator::init
void init(const Mat **arrays, Mat *planes, uchar **ptrs, int narrays=-1)
the separate iterator initialization method
cv::FileStorage::write
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:901
cv::rgbd::DepthCleaner::~DepthCleaner
~DepthCleaner()
tinyxml2::XMLUtil::ToStr
static void ToStr(bool v, char *buffer, int bufferSize)
cv::VideoWriter::writer
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:921
cv::Matx41d
Matx< double, 4, 1 > Matx41d
Definition: matx.hpp:209
cv::aruco::DICT_5X5_250
@ DICT_5X5_250
Definition: dictionary.hpp:148
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s, InputArray mask)
sets some of the GpuMat elements to s, according to the mask (Blocking call)
cv::Mat3s
Mat_< Vec3s > Mat3s
Definition: mat.hpp:2200
cv::rgbd::OdometryFrame::release
virtual void release()
cv::cudev::NearestInterPtrSz::rows
int rows
Definition: interpolation.hpp:78
cv::cudev::TransposeBody::src
SrcPtr src
Definition: warping.hpp:154
cv::cudacodec::FormatInfo::width
int width
Definition: cudacodec.hpp:277
cv::cudev::IsBinaryFunction::Yes
char Yes
Definition: functional.hpp:889
cv::cudacodec::SF_UYVY
@ SF_UYVY
Definition: cudacodec.hpp:72
cv::cudev::zipPtr
__host__ ZipPtrSz< tuple< typename PtrTraits< Ptr0 >::ptr_type, typename PtrTraits< Ptr1 >::ptr_type > > zipPtr(const Ptr0 &ptr0, const Ptr1 &ptr1)
Definition: zip.hpp:118
cv::ml::TrainData::getResponseType
virtual int getResponseType() const =0
cv::viz::KeyboardEvent::Action
Action
Definition: types.hpp:228
cv::CAP_PROP_XI_TEST_PATTERN
@ CAP_PROP_XI_TEST_PATTERN
Selects which test pattern type is generated by the selected generator.
Definition: videoio.hpp:361
error
'printToYML:second-argument matrix should have two dimensions' error()
cv::datasets::POS
@ POS
Definition: pd_inria.hpp:62
tinyxml2::XMLUtil::ToStr
static void ToStr(unsigned v, char *buffer, int bufferSize)
cv::datasets::z
@ z
Definition: gr_skig.hpp:67
cv::INTER_NEAREST
@ INTER_NEAREST
Definition: imgproc.hpp:269
cv::BOWTrainer::BOWTrainer
BOWTrainer()
cv::AGAST_7_12d
static void AGAST_7_12d(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:818
cv::v_pack
v_uint8x16 v_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:1651
cv::CvParams::printDefaults
virtual void printDefaults() const
cv::dnn::LayerFactory::registerLayer
static void registerLayer(const String &type, Constuctor constructor)
Registers the layer class with typename type and specified constructor.
hdf5.h
CvConnectedComp::area
double area
Definition: types_c.h:59
cv::videostab::RansacParams::prob
float prob
probability of success
Definition: motion_core.hpp:78
cv::optflow::GPCForest::findCorrespondences
void findCorrespondences(InputArray imgFrom, InputArray imgTo, std::vector< std::pair< Point2i, Point2i > > &corr, const GPCMatchingParams params=GPCMatchingParams()) const
Find correspondences between two images.
Definition: sparse_matching_gpc.hpp:321
cv::rgbd::RgbdOdometry::getMaxRotation
double getMaxRotation() const
Definition: rgbd.hpp:722
cv::Scalar_::conj
Scalar_< _Tp > conj() const
cv::createThinPlateSplineShapeTransformer
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
clCreateImage2D
#define clCreateImage2D
Definition: opencl_core_wrappers.hpp:31
tinyxml2::XMLText::ToText
virtual XMLText * ToText()
Safely cast to Text, or null.
Definition: tinyxml2.h:872
cv::Seq::type
int type() const
returns the type of sequence elements (CV_8UC1 ... CV_64FC(CV_CN_MAX) ...)
Definition: core_c.h:2999
cv::stereo::MCTKernel::operator()
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:115
clEnqueueMarker
#define clEnqueueMarker
Definition: opencl_core_wrappers.hpp:97
cv::stereo::StarKernelCensus::operator()
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:293
cv::cuda::HostMem
Class with reference counting wrapping special memory type allocation functions from CUDA.
Definition: cuda.hpp:354
cv::videostab::StabilizerBase::radius
int radius() const
Definition: stabilizer.hpp:75
cv::dnn::Dict::has
bool has(const String &key) const
Checks a presence of the key in the dictionary.
cv::cuda::BackgroundSubtractorGMG::getDefaultLearningRate
virtual double getDefaultLearningRate() const =0
cv::directx::getTypeFromD3DFORMAT
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
clGetKernelInfo
#define clGetKernelInfo
Definition: opencl_core_wrappers.hpp:175
cv::PCA::project
void project(InputArray vec, OutputArray result) const
cv::Mat::ptr
const _Tp * ptr(int row, int col) const
cv::cuda::COLOR_BayerGR2GRAY_MHT
@ COLOR_BayerGR2GRAY_MHT
Definition: cudaimgproc.hpp:108
CV_RGBA2BGR
@ CV_RGBA2BGR
Definition: types_c.h:112
NcvSize32s::height
Ncv32s height
Rectangle height.
Definition: NCV.hpp:175
cv::ocl::Device::image3DMaxHeight
size_t image3DMaxHeight() const
cv::ClfOnlineStump::_e1
float _e1
Definition: onlineMIL.hpp:97
clCreateSubBuffer
#define clCreateSubBuffer
Definition: opencl_core.hpp:132
tinyxml2::XMLElement::BoolAttribute
bool BoolAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1196
CV_YUV2BGRA_Y422
@ CV_YUV2BGRA_Y422
Definition: types_c.h:292
tinyxml2::XMLNode::ToComment
virtual XMLComment * ToComment()
Safely cast to a Comment, or null.
Definition: tinyxml2.h:612
cv::WINDOW_FREERATIO
@ WINDOW_FREERATIO
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:188
cv::SparseMat::clone
SparseMat clone() const
creates full copy of the matrix
cv::RotatedRect::RotatedRect
RotatedRect(const Point2f &point1, const Point2f &point2, const Point2f &point3)
cv::cudacodec::EncoderParams::DeblockMode
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:94
cv::TrackerSamplerAlgorithm::~TrackerSamplerAlgorithm
virtual ~TrackerSamplerAlgorithm()
Destructor.
NcvSize32u::operator==
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
cv::v_pack_u
v_uint8x16 v_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:1657
cv::StrongClassifierDirectSelection::replaceWeakClassifier
void replaceWeakClassifier(int idx)
cv::detail::createLaplacePyr
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
CvTypeInfo::prev
struct CvTypeInfo * prev
Definition: types_c.h:1829
tinyxml2::XMLNode::InsertEndChild
XMLNode * InsertEndChild(XMLNode *addThis)
cv::COLOR_RGB2GRAY
@ COLOR_RGB2GRAY
Definition: imgproc.hpp:539
cv::cudev::TypeTraits::is_reference
@ is_reference
Definition: type_traits.hpp:139
cv::rgbd::Odometry::compute
bool compute(Ptr< OdometryFrame > &srcFrame, Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt=Mat()) const
cv::Size_::height
_Tp height
Definition: types.hpp:308
clSetKernelArg
#define clSetKernelArg
Definition: opencl_core_wrappers.hpp:256
cv::dnn::Layer::forward
virtual void forward(std::vector< Blob * > &input, std::vector< Blob > &output)=0
Given the input blobs, computes the output blobs.
cv::omnidir::internal::fillFixed
void fillFixed(Mat &G, int flags, int n)
CV_FOURCC_MACRO
#define CV_FOURCC_MACRO(c1, c2, c3, c4)
Macro to construct the fourcc code of the codec. Same as CV_FOURCC()
Definition: videoio_c.h:537
cvflann::MAX_DIST
@ MAX_DIST
Definition: defines.h:147
cv::cuda::ImagePyramid::getLayer
virtual void getLayer(OutputArray outImg, Size outRoi, Stream &stream=Stream::Null()) const =0
cv::cuda::OpticalFlowDual_TVL1::setNumScales
virtual void setNumScales(int nscales)=0
cv::ocl::KernelArg::wscale
int wscale
Definition: ocl.hpp:388
cv::UMat::eye
static UMat eye(int rows, int cols, int type)
cv::cudev::warpReduce
__device__ __forceinline__ void warpReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:62
cv::Detector::getIdxDetections
const std::vector< int > & getIdxDetections() const
Definition: onlineBoosting.hpp:225
cv::bioinspired::TransientAreasSegmentationModule::printSetup
virtual const String printSetup()=0
parameters setup display method
cv::createShapeContextDistanceExtractor
Ptr< ShapeContextDistanceExtractor > createShapeContextDistanceExtractor(int nAngularBins=12, int nRadialBins=4, float innerRadius=0.2f, float outerRadius=2, int iterations=3, const Ptr< HistogramCostExtractor > &comparer=createChiHistogramCostExtractor(), const Ptr< ShapeTransformer > &transformer=createThinPlateSplineShapeTransformer())
cv::cudev::BrdConstant::val
PtrTraits< SrcPtr >::value_type val
Definition: extrapolation.hpp:67
cv::HOGDescriptor::checkDetectorSize
bool checkDetectorSize() const
cvflann::DynamicBitset::size
size_t size() const
Definition: dynamic_bitset.h:135
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_SubOp)
cv::Mat_::forEach
void forEach(const Functor &operation)
template methods for for operation over all matrix elements.
cv::BOWTrainer::cluster
virtual Mat cluster(const Mat &descriptors) const =0
Clusters train descriptors.
cv::cudev::numeric_limits< short >::min
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
CV_BayerRG2RGB_VNG
@ CV_BayerRG2RGB_VNG
Definition: types_c.h:202
cv::COLOR_YUV2RGB_YUY2
@ COLOR_YUV2RGB_YUY2
Definition: imgproc.hpp:688
cv::cuda::HoughLinesDetector::getDoSort
virtual bool getDoSort() const =0
cv::Algorithm::clear
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3030
cv::Mat_::stepT
size_t stepT(int i=0) const
returns step()/sizeof(_Tp)
cv::Mutex::trylock
bool trylock()
cv::TrackerFeature::computeImpl
virtual bool computeImpl(const std::vector< Mat > &images, Mat &response)=0
core.hpp
CvTypeInfo::next
struct CvTypeInfo * next
Definition: types_c.h:1830
cvGetFileNodeByName
CvFileNode * cvGetFileNodeByName(const CvFileStorage *fs, const CvFileNode *map, const char *name)
Finds a node in a map or file storage.
cvNextGraphItem
int cvNextGraphItem(CvGraphScanner *scanner)
cv::ximgproc::HDO_RAW
@ HDO_RAW
Definition: fast_hough_transform.hpp:107
cv::EVENT_FLAG_SHIFTKEY
@ EVENT_FLAG_SHIFTKEY
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:225
cv::line_descriptor::drawLineMatches
void drawLineMatches(const Mat &img1, const std::vector< KeyLine > &keylines1, const Mat &img2, const std::vector< KeyLine > &keylines2, const std::vector< DMatch > &matches1to2, Mat &outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singleLineColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), int flags=DrawLinesMatchesFlags::DEFAULT)
Draws the found matches of keylines from two images.
CV_CUDEV_HSV2RGB_INST
#define CV_CUDEV_HSV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:236
cv::cudev::SobelXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:143
CV_YUV420p2RGB
@ CV_YUV420p2RGB
Definition: types_c.h:256
cv::ogl::Buffer::copyFrom
void copyFrom(InputArray arr, cuda::Stream &stream, Target target=ARRAY_BUFFER, bool autoRelease=false)
cvflann::Datatype< float >::type
static flann_datatype_t type()
Definition: saving.h:61
cv::BOWKMeansTrainer::attempts
int attempts
Definition: features2d.hpp:1278
cv::datasets::PascalPart::ymax
int ymax
Definition: or_pascal.hpp:65
cv::videostab::ConsistentMosaicInpainter::ConsistentMosaicInpainter
ConsistentMosaicInpainter()
cv::BackgroundSubtractorKNN::setDist2Threshold
virtual void setDist2Threshold(double _dist2Threshold)=0
Sets the threshold on the squared distance.
cvflann::KMeansIndex::getType
flann_algorithm_t getType() const
Definition: kmeans_index.h:269
cv::videostab::MM_RIGID
@ MM_RIGID
Definition: motion_core.hpp:64
cv::ml::SVMSGD::setMarginType
virtual void setMarginType(int marginType)=0
Margin type, one of SVMSGD::MarginType.
NCVMatrix::size
NcvSize32u size() const
Definition: NCV.hpp:826
clGetKernelArgInfo
#define clGetKernelArgInfo
Definition: opencl_core_wrappers.hpp:172
cvGetErrStatus
int cvGetErrStatus(void)
cv::datasets::PD_inriaObj::width
int width
Definition: pd_inria.hpp:75
HaarClassifierNode128::getLeftNodeDesc
__host__ __device__ HaarClassifierNodeDescriptor32 getLeftNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:255
cv::freetype::FreeType2::loadFontData
virtual void loadFontData(String fontFileName, int id)=0
Load font data.
cv::cuda::Event::record
void record(Stream &stream=Stream::Null())
records an event
cv::Vec6i
Vec< int, 6 > Vec6i
Definition: matx.hpp:378
cv::AutoBuffer::value_type
_Tp value_type
Definition: utility.hpp:117
cv::dpm::DPMDetector::ObjectDetection::score
float score
Definition: dpm.hpp:110
cv::videostab::MotionInpainter::setOptFlowEstimator
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
cv::videostab::NullFrameSource::nextFrame
virtual Mat nextFrame()
Definition: frame_source.hpp:69
cv::saliency::ObjectnessBING::setBase
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:321
clRetainDevice
#define clRetainDevice
Definition: opencl_core.hpp:252
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4)
Definition: ocl.hpp:440
cv::AutoBuffer::allocate
void allocate(size_t _size)
allocates the new buffer of size _size. if the _size is small enough, stack-allocated buffer is used
cv::LineIterator::minusStep
int minusStep
Definition: imgproc.hpp:4598
cv::cudev::ConstantPtr::value
T value
Definition: constant.hpp:62
cv::aruco::GridBoard::getGridSize
Size getGridSize() const
Definition: aruco.hpp:294
cv::cudev::vsetgt2
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
cv::datasets::OR_sun::paths
std::vector< std::string > paths
Definition: or_sun.hpp:73
cv::detail::MultiBandBlender::MultiBandBlender
MultiBandBlender(int try_gpu=false, int num_bands=5, int weight_type=CV_32F)
cv::WImageBufferC::WImageBufferC
WImageBufferC(int width, int height)
Definition: wimage.hpp:360
cvflann::KMeansIndexParams
Definition: kmeans_index.h:56
cv::cudev::SelectIf
Definition: type_traits.hpp:97
cvMulSpectrums
void cvMulSpectrums(const CvArr *src1, const CvArr *src2, CvArr *dst, int flags)
CvStereoBMState::trySmallerWindows
int trySmallerWindows
Definition: calib3d_c.h:344
cv::imwrite
bool imwrite(const String &filename, InputArray img, const std::vector< int > &params=std::vector< int >())
Saves an image to a specified file.
cv::freetype::FreeType2
Definition: freetype.hpp:75
tinyxml2::MemPool::Alloc
virtual void * Alloc()=0
cv::FlannBasedMatcher::train
virtual void train()
Trains a descriptor matcher.
cv::ocl::Device::imagePitchAlignment
uint imagePitchAlignment() const
cv::MultiTracker
This class is used to track multiple objects using the specified tracker algorithm....
Definition: tracker.hpp:1295
hal_ni_fastAtan32f
int hal_ni_fastAtan32f(const float *y, const float *x, float *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:388
cvSetRemove
void cvSetRemove(CvSet *set_header, int index)
cv::cudev::functional_detail::FloatType
Definition: functional.hpp:448
cv::Stitcher::featuresFinder
Ptr< detail::FeaturesFinder > featuresFinder()
Definition: stitching.hpp:187
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::hcellsTemporalConstant
float hcellsTemporalConstant
Definition: retina.hpp:162
cv::CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Sensor clock frequency in Hz.
Definition: videoio.hpp:433
tinyxml2::XMLVisitor::VisitEnter
virtual bool VisitEnter(const XMLDocument &)
Visit a document.
Definition: tinyxml2.h:448
cv::viz::WCube
This 3D Widget defines a cube.
Definition: widgets.hpp:373
cv::TonemapDurand
This algorithm decomposes image into two layers: base layer and detail layer using bilateral filter a...
Definition: photo.hpp:389
ncvAssertPrintCheck
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
cv::dnn::slice
Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:84
cv::face::BasicFaceRecognizer::getLabels
virtual cv::Mat getLabels() const =0
CvTermCriteria::max_iter
int max_iter
Definition: types_c.h:840
cv::videostab::WobbleSuppressorBase::setMotions2
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
cv::MatConstIterator_::difference_type
ptrdiff_t difference_type
Definition: mat.hpp:2929
cv::Seq::push_back
void push_back(const _Tp &elem)
appends the specified element to the end of the sequence
Definition: core_c.h:3014
cv::IMREAD_ANYDEPTH
@ IMREAD_ANYDEPTH
If set, return 16-bit/32-bit image when the input has the corresponding depth, otherwise convert it t...
Definition: imgcodecs.hpp:68
tinyxml2::XMLAttribute::FloatValue
float FloatValue() const
Query as a float. See IntValue()
Definition: tinyxml2.h:1076
cv::BackgroundSubtractor
Base class for background/foreground segmentation. :
Definition: background_segm.hpp:61
cv::cudev::log2
__device__ __forceinline__ double4 log2(const double4 &a)
Definition: vec_math.hpp:274
cv::ximgproc::segmentation::SelectiveSearchSegmentation::addGraphSegmentation
virtual void addGraphSegmentation(Ptr< GraphSegmentation > g)=0
Add a new graph segmentation in the list of graph segementations to process.
cv::CAP_MODE_RGB
@ CAP_MODE_RGB
RGB24.
Definition: videoio.hpp:171
cv::multicalib::MultiCameraCalibration::edge::cameraVertex
int cameraVertex
Definition: multicalib.hpp:84
cv::ocl::PlatformInfo::vendor
String vendor() const
cv::reg::Map::inverseMap
virtual cv::Ptr< Map > inverseMap(void) const =0
cv::bgsegm::BackgroundSubtractorGMG::getDefaultLearningRate
virtual double getDefaultLearningRate() const =0
Returns the learning rate of the algorithm.
cv::aruco::Dictionary::getDistanceToId
int getDistanceToId(InputArray bits, int id, bool allRotations=true) const
Returns the distance of the input bits to the specific id. If allRotations is true,...
cv::ml::RTrees::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::SparseMat::end
SparseMatConstIterator end() const
returns the read-only sparse matrix iterator at the matrix end
cv::detail::RotationWarper::warpPoint
virtual Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)=0
Projects the image point.
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy::setImage
virtual void setImage(InputArray img, InputArray regions, InputArray sizes, int image_id=-1)=0
Set a initial image, with a segementation.
CV_CAP_PROP_BACKLIGHT
@ CV_CAP_PROP_BACKLIGHT
Definition: videoio_c.h:200
cv::FileNode::SEQ
@ SEQ
sequence
Definition: persistence.hpp:498
cv::MatOp::subtract
virtual void subtract(const Scalar &s, const MatExpr &expr, MatExpr &res) const
cv::cuda::DeviceInfo::freeMemory
size_t freeMemory() const
cv::omnidir::CALIB_FIX_CENTER
@ CALIB_FIX_CENTER
Definition: omnidir.hpp:64
cv::cuda::minMax
void minMax(InputArray src, double *minVal, double *maxVal, InputArray mask=noArray())
Finds global minimum and maximum matrix elements and returns their values.
cv::detail::Blender::feed
virtual void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
cvFindCornerSubPix
void cvFindCornerSubPix(const CvArr *image, CvPoint2D32f *corners, int count, CvSize win, CvSize zero_zone, CvTermCriteria criteria)
Adjust corner position using some sort of gradient search.
cv::flann::SavedIndexParams::SavedIndexParams
SavedIndexParams(const String &filename)
cv::cuda::StereoBeliefPropagation::setMsgType
virtual void setMsgType(int msg_type)=0
CV_BILATERAL
@ CV_BILATERAL
Definition: types_c.h:84
cv::Mat_::Mat_
Mat_(int _ndims, const int *_sizes, const _Tp &value)
n-dim array constructor that sets each matrix element to specified value
cv::cudev::logical_not
Definition: functional.hpp:215
CV_CAP_PROP_GPHOTO2_RELOAD_CONFIG
@ CV_CAP_PROP_GPHOTO2_RELOAD_CONFIG
Definition: videoio_c.h:507
cvflann::LshIndex::veclen
size_t veclen() const
Definition: lsh_index.h:162
VASurfaceID
unsigned int VASurfaceID
Definition: va_intel.hpp:23
cv::cudev::TypeTraits::is_volatile
@ is_volatile
Definition: type_traits.hpp:137
cv::Affine3::float_type
T float_type
Definition: affine.hpp:64
cv::datasets::pat
@ pat
Definition: gr_skig.hpp:71
cv::videostab::MotionEstimatorBase::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
CV_IMWRITE_JPEG_RST_INTERVAL
@ CV_IMWRITE_JPEG_RST_INTERVAL
Definition: imgcodecs_c.h:85
cv::StrongClassifierDirectSelection::eval
float eval(const Mat &response)
cv::GeneralizedHoughGuil::setMaxAngle
virtual void setMaxAngle(double maxAngle)=0
Maximal rotation angle to detect in degrees.
cv::videostab::DeblurerBase
Definition: deblurring.hpp:60
CvFileNode::f
double f
Definition: types_c.h:1793
cv::bridge::Bridge::toPtrStereoSGBM
Ptr_StereoSGBM toPtrStereoSGBM()
Definition: bridge.hpp:438
cv::instr::NodeData::m_threads
int m_threads
Definition: utility.hpp:1134
cv::BufferPoolController
Definition: bufferpool.hpp:17
cv::DIST_HUBER
@ DIST_HUBER
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:316
cv::rgbd::RgbdOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: rgbd.hpp:718
cv::rgbd::ICPOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
cuda_types.hpp
cv::optflow::GPCForest::train
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
Train the forest using one sample set for every tree. Please, consider using the next method instead ...
Definition: sparse_matching_gpc.hpp:245
cv::cudev::SumExprBody
Definition: reduction.hpp:65
cv::cuda::CascadeClassifier::getClassifierSize
virtual Size getClassifierSize() const =0
cv::MultiTracker_Alt::update
bool update(const Mat &image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets.
cv::WImage_f
WImage< float > WImage_f
Definition: wimage.hpp:75
cv::ximgproc::DTF_RF
@ DTF_RF
Definition: edge_filter.hpp:55
cvflann::AutotunedIndex::veclen
virtual size_t veclen() const
Definition: autotuned_index.h:190
cv::stereo::StereoBinaryBM::getUsePrefilter
virtual bool getUsePrefilter() const =0
CV_CUDEV_EXPR_BINARY_FUNC
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
cv::GC_EVAL
@ GC_EVAL
Definition: imgproc.hpp:376
cv::cudev::ResizePtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: resize.hpp:68
cv::ShapeContextDistanceExtractor::setShapeContextWeight
virtual void setShapeContextWeight(float shapeContextWeight)=0
Set the weight of the shape context distance in the final value of the shape distance....
cv::cudev::ConstantPtrSz
Definition: constant.hpp:68
CV_SHAPE_RECT
@ CV_SHAPE_RECT
Definition: types_c.h:378
cvInitImageHeader
IplImage * cvInitImageHeader(IplImage *image, CvSize size, int depth, int channels, int origin=0, int align=4)
Initializes an image header that was previously allocated.
cv::String::find_last_of
size_t find_last_of(const char *s, size_t pos, size_t n) const
CV_L2
#define CV_L2
Definition: core_c.h:1458
cvPow
void cvPow(const CvArr *src, CvArr *dst, double power)
cv::instr::TYPE_WRAPPER
@ TYPE_WRAPPER
Definition: utility.hpp:1094
cv::videostab::GaussianMotionFilter::stdev
float stdev() const
Definition: motion_stabilizing.hpp:104
hal_ni_add64f
int hal_ni_add64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:82
cv::Vec3f
Vec< float, 3 > Vec3f
Definition: matx.hpp:382
cv::fisheye::initUndistortRectifyMap
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray R, InputArray P, const cv::Size &size, int m1type, OutputArray map1, OutputArray map2)
Computes undistortion and rectification maps for image transform by cv::remap(). If D is empty zero d...
CvGraphScanner::edge
CvGraphEdge * edge
Definition: core_c.h:1864
cv::text::ERFilter::setCallback
virtual void setCallback(const Ptr< ERFilter::Callback > &cb)=0
set/get methods to set the algorithm properties,
cv::determinant
static double determinant(const Matx< _Tp, m, m > &a)
cv::cudev::IntegerAreaInterPtr::index_type
float index_type
Definition: interpolation.hpp:237
cv::CLAHE::apply
virtual void apply(InputArray src, OutputArray dst)=0
cv::createTrackbar
int createTrackbar(const String &trackbarname, const String &winname, int *value, int count, TrackbarCallback onChange=0, void *userdata=0)
Creates a trackbar and attaches it to the specified window.
cv::cudev::ThreshBinaryFunc
Definition: functional.hpp:695
cvflann::index_creator< False, VectorSpace, Distance >::create
static NNIndex< Distance > * create(const Matrix< typename Distance::ElementType > &dataset, const IndexParams &params, const Distance &distance)
Definition: all_indices.h:93
cv::aruco::DetectorParameters::polygonalApproxAccuracyRate
double polygonalApproxAccuracyRate
Definition: aruco.hpp:136
cv::INTERSECT_PARTIAL
@ INTERSECT_PARTIAL
There is a partial intersection.
Definition: imgproc.hpp:781
cv::UMatData::userdata
void * userdata
Definition: mat.hpp:504
cv::ORB::setFastThreshold
virtual void setFastThreshold(int fastThreshold)=0
cv::xphoto::InpaintTypes
InpaintTypes
various inpainting algorithms
Definition: inpainting.hpp:63
cv::CAP_PROP_XI_LENS_FOCUS_DISTANCE
@ CAP_PROP_XI_LENS_FOCUS_DISTANCE
Lens focus distance in cm.
Definition: videoio.hpp:424
tinyxml2::XMLElement::FindAttribute
const XMLAttribute * FindAttribute(const char *name) const
Query a specific attribute in the list.
cv
Definition: affine.hpp:52
cv::freetype::createFreeType2
Ptr< FreeType2 > createFreeType2()
Create FreeType2 Instance.
cv::estimateAffinePartial2D
cv::Mat estimateAffinePartial2D(InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets...
cv::optflow::DISOpticalFlow::getVariationalRefinementIterations
virtual int getVariationalRefinementIterations() const =0
Number of fixed point iterations of variational refinement per scale. Set to zero to disable variatio...
cv::line_descriptor::KeyLine::pt
Point2f pt
Definition: descriptor.hpp:118
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsSpatialConstant
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
CV_CAP_PROP_IOS_DEVICE_EXPOSURE
@ CV_CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio_c.h:427
cv::InputOutputArray
const _InputOutputArray & InputOutputArray
Definition: mat.hpp:383
cv::videostab::InpaintingPipeline::setFrames
virtual void setFrames(const std::vector< Mat > &val)
cv::VideoCapture::VideoCapture
VideoCapture(const String &filename)
Open video file or a capturing device or a IP video stream for video capturing.
cv::cuda::BackgroundSubtractorGMG::setDecisionThreshold
virtual void setDecisionThreshold(double thresh)=0
cv::cudev::abs_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, abs_func< typename PtrTraits< SrcPtr >::value_type > > > abs_(const SrcPtr &src)
Definition: unary_func.hpp:68
cv::SparseMat::iterator
SparseMatIterator iterator
Definition: mat.hpp:2512
cv::Moments::mu02
double mu02
Definition: types.hpp:867
cv::Mat::getDefaultAllocator
static MatAllocator * getDefaultAllocator()
cv::StereoSGBM::getP1
virtual int getP1() const =0
cv::ml::TrainData::getVarType
virtual Mat getVarType() const =0
nppiStDecimate_32f_C1R
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::CommandLineParser::getByName
void getByName(const String &name, bool space_delete, int type, void *dst) const
cv::TickMeter::getTimeMilli
double getTimeMilli() const
Definition: utility.hpp:335
CvStereoBMState::numberOfDisparities
int numberOfDisparities
Definition: calib3d_c.h:333
cv::dnn::BlobShape::equal
bool equal(const BlobShape &other) const
Checks equality of two shapes.
cv::FlannBasedMatcher::FlannBasedMatcher
FlannBasedMatcher(const Ptr< flann::IndexParams > &indexParams=makePtr< flann::KDTreeIndexParams >(), const Ptr< flann::SearchParams > &searchParams=makePtr< flann::SearchParams >())
cv::CascadeClassifier::convert
static bool convert(const String &oldcascade, const String &newcascade)
NCV_NOT_IMPLEMENTED
@ NCV_NOT_IMPLEMENTED
Definition: NCV.hpp:350
clAmdBlasTeardown
#define clAmdBlasTeardown
Definition: opencl_clamdblas.hpp:447
tinyxml2::XMLNode::_document
XMLDocument * _document
Definition: tinyxml2.h:837
cv::omnidir::internal::decodeParameters
void decodeParameters(InputArray paramsters, OutputArray K, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray distoration, double &xi)
cv::ml::DTrees::setMaxCategories
virtual void setMaxCategories(int val)=0
cv::ml::KNearest::getDefaultK
virtual int getDefaultK() const =0
cv::IMREAD_REDUCED_COLOR_4
@ IMREAD_REDUCED_COLOR_4
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/4.
Definition: imgcodecs.hpp:74
cv::MatStep::MatStep
MatStep(size_t s)
cv::_OutputArray::fixedSize
bool fixedSize() const
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::RotatedRect &)
Definition: bridge.hpp:344
cv::dnn::BlobShape::operator[]
int operator[](int axis) const
Does the same thing as size(axis).
cv::FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback’s algorithm.
Definition: tracking.hpp:550
cv::KAZE::getNOctaves
virtual int getNOctaves() const =0
cv::dnn::Blob::dims
int dims() const
Returns number of blob dimensions.
cv::cudev::sin
__device__ __forceinline__ float1 sin(const uchar1 &a)
Definition: vec_math.hpp:285
cv::dnn::DictValue::DictValue
DictValue(unsigned p)
Constructs integer scalar.
Definition: dict.hpp:64
cv::videostab::LpMotionStabilizer::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, std::pair< int, int > range, Mat *stabilizationMotions)
assumes that [0, size-1) is in or equals to [range.first, range.second)
cv::detail::RotationWarper::setScale
virtual void setScale(float)
Definition: warpers.hpp:119
cv::viz::WText::WText
WText(const String &text, const Point &pos, int font_size=20, const Color &color=Color::white())
Constructs a WText.
cv::SparseMat
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2510
cv::hdf::HDF5::close
virtual void close()=0
Close and release hdf5 object.
cv::aruco::DICT_4X4_50
@ DICT_4X4_50
Definition: dictionary.hpp:142
cv::CLOSE_CAMERA
@ CLOSE_CAMERA
Definition: cap_winrt.hpp:41
CV_YUV2RGB_NV12
@ CV_YUV2RGB_NV12
Definition: types_c.h:236
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< _Tp > &vec)
hal_ni_cvtBGRtoBGR5x5
int hal_ni_cvtBGRtoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int greenBits)
hal_cvtBGRtoBGR5x5
Definition: hal_replacement.hpp:322
CV_StsKernelStructContentErr
@ CV_StsKernelStructContentErr
Definition: types_c.h:150
cv::detail::FeatherBlender
Simple blender which mixes images at its borders.
Definition: blenders.hpp:100
cv::drawKeypoints
void drawKeypoints(InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), int flags=DrawMatchesFlags::DEFAULT)
Draws keypoints.
cv::cuda::BackgroundSubtractorFGD::getForegroundRegions
virtual void getForegroundRegions(OutputArrayOfArrays foreground_regions)=0
Returns the output foreground regions calculated by findContours.
cvDCT
void cvDCT(const CvArr *src, CvArr *dst, int flags)
cv::cnn_3dobj::icoSphere
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:125
cv::BOWKMeansTrainer::cluster
virtual Mat cluster() const
CvMat::height
int height
Definition: types_c.h:445
cv::Mat::at
_Tp & at(const Vec< int, n > &idx)
cv::CAP_PROP_XI_AEAG_ROI_OFFSET_X
@ CAP_PROP_XI_AEAG_ROI_OFFSET_X
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:365
cv::flann::GenericIndex::veclen
int veclen() const
Definition: flann.hpp:227
cv::getStructuringElement
Mat getStructuringElement(int shape, Size ksize, Point anchor=Point(-1,-1))
Returns a structuring element of the specified size and shape for morphological operations.
cv::Mat::ptr
const _Tp * ptr(const int *idx) const
cv::superres::createSuperResolution_BTVL1
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
cv::ml::TrainData::getNormCatValues
virtual void getNormCatValues(int vi, InputArray sidx, int *values) const =0
clGetImageInfo
#define clGetImageInfo
Definition: opencl_core_wrappers.hpp:169
cv::Error::StsAutoTrace
@ StsAutoTrace
tracing
Definition: base.hpp:77
cv::WImage::Ipl
IplImage * Ipl()
Definition: wimage.hpp:181
cv::CvFeatureEvaluator::featureParams
CvFeatureParams * featureParams
Definition: feature.hpp:194
cv::saliency::ObjectnessBING::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray objectnessBoundingBox)
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
cv::datasets::cross
@ cross
Definition: gr_skig.hpp:68
IplConvKernel::values
int * values
Definition: types_c.h:358
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
cv::hal::sqrt32f
void sqrt32f(const float *src, float *dst, int len)
cv::viz::Widget3D::setPose
void setPose(const Affine3d &pose)
Sets pose of the widget.
cv::CAP_PROP_XI_WB_KB
@ CAP_PROP_XI_WB_KB
White balance blue coefficient.
Definition: videoio.hpp:372
cv::CAP_PROP_XI_DECIMATION_HORIZONTAL
@ CAP_PROP_XI_DECIMATION_HORIZONTAL
Horizontal Decimation - horizontal sub-sampling of the image - reduces the horizontal resolution of t...
Definition: videoio.hpp:358
cv::viz::Widget2D::setColor
void setColor(const Color &color)
Sets the color of the widget.
cv::viz::Viz3d::saveScreenshot
void saveScreenshot(const String &file)
Saves screenshot of the current scene.
cv::detail::FeaturesFinder::collectGarbage
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:99
cvflann::ObjectFactory::subscribe
bool subscribe(UniqueIdType id, ObjectCreator creator)
Definition: object_factory.h:56
cv::rgbd::RgbdOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: rgbd.hpp:670
cv::cuda::meanShiftProc
void meanShiftProc(InputArray src, OutputArray dstr, OutputArray dstsp, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs a mean-shift procedure and stores information about processed points (their colors and posit...
cvWarpPerspective
void cvWarpPerspective(const CvArr *src, CvArr *dst, const CvMat *map_matrix, int flags=CV_INTER_LINEAR+CV_WARP_FILL_OUTLIERS, CvScalar fillval=cvScalarAll(0))
Warps image with perspective (projective) transform.
cv::RotatedRect::boundingRect2f
Rect_< float > boundingRect2f() const
returns the minimal (exact) floating point rectangle containing the rotated rectangle,...
cv::instr::resetTrace
void resetTrace()
cv::StereoSGBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::line_descriptor::BinaryDescriptor::BinaryDescriptor
BinaryDescriptor(const BinaryDescriptor::Params &parameters=BinaryDescriptor::Params())
Constructor.
cv::videostab::InpainterBase::radius_
int radius_
Definition: inpainting.hpp:94
cv::Mat::Mat
Mat(const std::vector< int > &sizes, int type, void *data, const size_t *steps=0)
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, String dslabel, const int *dims_offset, const int *dims_counts) const =0
Write or overwrite a Mat object into specified dataset of hdf5 file.
cv::videostab::KeypointBasedMotionEstimator::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)
cv::cuda::ALPHA_OUT_PREMUL
@ ALPHA_OUT_PREMUL
Definition: cudaimgproc.hpp:159
cv::_OutputArray::release
void release() const
cv::text::createOCRHMMTransitionsTable
void createOCRHMMTransitionsTable(std::string &vocabulary, std::vector< std::string > &lexicon, OutputArray transition_probabilities_table)
Utility function to create a tailored language model transitions table from a given list of words (le...
cvOrS
void cvOrS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
cv::rgbd::ICPOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: rgbd.hpp:821
reduce.hpp
cv::cuda::GpuMat::refcount
int * refcount
Definition: cuda.hpp:296
cv::rgbd::RgbdOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val)
Definition: rgbd.hpp:654
cv::Subdiv2D::initDelaunay
void initDelaunay(Rect rect)
Creates a new empty Delaunay subdivision.
cv::Stitcher::create
static Ptr< Stitcher > create(Mode mode=PANORAMA, bool try_use_gpu=false)
Creates a Stitcher configured in one of the stitching modes.
CV_CAP_PROP_XI_SHARPNESS
@ CV_CAP_PROP_XI_SHARPNESS
Definition: videoio_c.h:331
CV_CAP_OPENNI_GENERATORS_MASK
@ CV_CAP_OPENNI_GENERATORS_MASK
Definition: videoio_c.h:219
cv::cudev::AffineMapPtr::warpMat
const float * warpMat
Definition: warping.hpp:66
cv::rgbd::ICPOdometry::maxRotation
double maxRotation
Definition: rgbd.hpp:873
cv::THRESH_TOZERO_INV
@ THRESH_TOZERO_INV
Definition: imgproc.hpp:333
cvflann::index_creator::create
static NNIndex< Distance > * create(const Matrix< typename Distance::ElementType > &dataset, const IndexParams &params, const Distance &distance)
Definition: all_indices.h:52
cv::AgastFeatureDetector_Impl::setType
void setType(int type_)
Definition: agast.txt:7529
cv::hal::recip64f
void recip64f(const double *, size_t, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
cvflann::Matrix::operator[]
T * operator[](size_t index) const
Definition: matrix.h:80
IplConvKernelFP::anchorY
int anchorY
Definition: types_c.h:368
cv::ORB::getPatchSize
virtual int getPatchSize() const =0
cv::_OutputArray::_OutputArray
_OutputArray(const cuda::HostMem &cuda_mem)
cvflann::L2_Simple
Definition: dist.h:104
cv::findNonZero
void findNonZero(InputArray src, OutputArray idx)
Returns the list of locations of non-zero pixels.
cv::superres::DualTVL1OpticalFlow::setScalesNumber
virtual void setScalesNumber(int val)=0
cv::CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
@ CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Device output data bit depth.
Definition: videoio.hpp:379
cv::ml::TrainData::shuffleTrainTest
virtual void shuffleTrainTest()=0
cv::hal::recip8s
void recip8s(const schar *, size_t, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
cv::rgbd::RgbdNormals::initialize
void initialize() const
cv::cuda::histRange
void histRange(InputArray src, OutputArray hist, InputArray levels, Stream &stream=Stream::Null())
Calculates a histogram with bins determined by the levels array.
cv::ocl::PlatformInfo::version
String version() const
cv::superres::createFrameSource_Camera
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
cv::SparseOpticalFlow
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:403
cv::cuda::DeviceInfo::name
const char * name() const
ASCII string identifying device.
cvflann::FLANN_INDEX_COMPOSITE
@ FLANN_INDEX_COMPOSITE
Definition: defines.h:86
cv::cuda::DescriptorMatcher::getTrainDescriptors
virtual const std::vector< GpuMat > & getTrainDescriptors() const =0
Returns a constant link to the train descriptor collection.
cv::CvFeatureEvaluator::getCls
const Mat & getCls() const
Definition: feature.hpp:180
cv::superres::SuperResolution::setTemporalAreaRadius
virtual void setTemporalAreaRadius(int val)=0
Radius of the temporal search area.
cv::WImageBuffer::BaseType
WImage< T >::BaseType BaseType
Definition: wimage.hpp:298
cvFitLine
void cvFitLine(const CvArr *points, int dist_type, double param, double reps, double aeps, float *line)
Fits a line into set of 2d or 3d points in a robust way (M-estimator technique)
cv::detail::RotationWarperBase::detectResultRoi
virtual void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
cv::Affine3::matrix
Mat4 matrix
Definition: affine.hpp:126
cv::WImageBuffer3_f
WImageBufferC< float, 3 > WImageBuffer3_f
Definition: wimage.hpp:85
cv::phase
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
cv::bgsegm::BackgroundSubtractorGMG::setDefaultLearningRate
virtual void setDefaultLearningRate(double lr)=0
Sets the learning rate of the algorithm.
cv::AKAZE::getDescriptorChannels
virtual int getDescriptorChannels() const =0
cv::cudev::cos
__device__ __forceinline__ double4 cos(const double4 &a)
Definition: vec_math.hpp:301
cv::bridge::Ptr_Stitcher
cv::Ptr< Stitcher > Ptr_Stitcher
Definition: bridge.hpp:92
cv::bilateralFilter
void bilateralFilter(InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
cv::cudev::ScharrXPtrSz::cols
int cols
Definition: deriv.hpp:256
cv::cuda::CornernessCriteria
Base class for Cornerness Criteria computation. :
Definition: cudaimgproc.hpp:511
cvflann::any
Definition: any.h:183
cv::dnn::ConcatLayer::axis
int axis
Definition: all_layers.hpp:311
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
CvStereoBMState::roi2
CvRect roi2
Definition: calib3d_c.h:346
cv::stereo::StereoBinarySGBM::setSpekleRemovalTechnique
virtual void setSpekleRemovalTechnique(int factor)=0
CvSparseMatIterator::curidx
int curidx
Definition: types_c.h:721
cv::linemod::Modality::~Modality
virtual ~Modality()
Definition: linemod.hpp:160
cv::bridge::Bridge::toVectorInt
vector_int toVectorInt()
Definition: bridge.hpp:381
cv::datasets::illuminationType
illuminationType
Definition: gr_skig.hpp:82
cv::ml::LogisticRegression::setMiniBatchSize
virtual void setMiniBatchSize(int val)=0
HaarStage64_Interpret_ShiftRootNodeOffset
#define HaarStage64_Interpret_ShiftRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
cv::String::operator+=
String & operator+=(const String &str)
cv::rgbd::RgbdNormals::RgbdNormals
RgbdNormals(int rows, int cols, int depth, InputArray K, int window_size=5, int method=RGBD_NORMALS_METHOD_FALS)
cv::cudev::RemapPtr2::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapXPtr >::index_type y, typename PtrTraits< MapXPtr >::index_type x) const
Definition: remap.hpp:84
cvAbsDiff
void cvAbsDiff(const CvArr *src1, const CvArr *src2, CvArr *dst)
cv::BufferPoolController::getMaxReservedSize
virtual size_t getMaxReservedSize() const =0
cvflann::AutotunedIndex::AutotunedIndex
AutotunedIndex(const AutotunedIndex &)
cv::ccalib::CustomPattern::findRt
bool findRt(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
cv::UMat::usageFlags
UMatUsageFlags usageFlags
Definition: mat.hpp:2411
cv::CAP_PROP_XI_LENS_FEATURE_SELECTOR
@ CAP_PROP_XI_LENS_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_LENS_FEATURE.
Definition: videoio.hpp:426
cv::ppf_match_3d::PPF3DDetector::clearTrainingModels
void clearTrainingModels()
cv::VideoCaptureModes
VideoCaptureModes
Generic camera output modes identifier.
Definition: videoio.hpp:169
cv::KalmanFilter::temp1
Mat temp1
Definition: tracking.hpp:377
NCVVectorAlloc::~NCVVectorAlloc
~NCVVectorAlloc()
Definition: NCV.hpp:654
cv::IMWRITE_JPEG_LUMA_QUALITY
@ IMWRITE_JPEG_LUMA_QUALITY
Separate luma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:86
matlab::Traits< matlab::InheritType >::ToString
static std::string ToString()
Definition: mxarray.hpp:198
cv::ft::FT02D_inverseFT
void FT02D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse F0-transfrom.
cv::cudev::bit_or::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:236
NcvRect8u::width
Ncv8u width
Definition: NCV.hpp:141
cv::Subdiv2D::getVoronoiFacetList
void getVoronoiFacetList(const std::vector< int > &idx, std::vector< std::vector< Point2f > > &facetList, std::vector< Point2f > &facetCenters)
Returns a list of all Voroni facets.
constant.hpp
cv::Allocator::const_reference
const value_type & const_reference
Definition: cvstd.hpp:134
cv::ml::DTrees::getNodes
virtual const std::vector< Node > & getNodes() const =0
Returns all the nodes.
cv::v_load_expand_q
v_reg< typename V_TypeTraits< _Tp >::q_type, V_SIMD128Traits< _Tp >::nlanes/4 > v_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1069
cv::fastAtan2
float fastAtan2(float y, float x)
Calculates the angle of a 2D vector in degrees.
clSetMemObjectDestructorCallback
#define clSetMemObjectDestructorCallback
Definition: opencl_core_wrappers.hpp:259
cv::TrackerSamplerCSC::Params::Params
Params()
cv::datasets::GR_skig::create
static Ptr< GR_skig > create()
cv::aruco::CharucoBoard::chessboardCorners
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
cv::TrackerTargetState::getTargetPosition
Point2f getTargetPosition() const
Get the position.
CV_CAP_PROP_APERTURE
@ CV_CAP_PROP_APERTURE
Definition: videoio_c.h:512
cv::SparsePyrLKOpticalFlow::setTermCriteria
virtual void setTermCriteria(TermCriteria &crit)=0
cv::cuda::ALPHA_IN
@ ALPHA_IN
Definition: cudaimgproc.hpp:159
hal_ni_div8u
int hal_ni_div8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:257
cv::CommandLineParser::printErrors
void printErrors() const
Print list of errors occured.
cv::CvFeatureParams::write
virtual void write(FileStorage &fs) const
cv::text::loadOCRHMMClassifierNM
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
cv::viz::Widget::setRenderingProperty
void setRenderingProperty(int property, double value)
Sets rendering property of the widget.
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const Mat &m)
cv::TLSDataContainer::createDataInstance
virtual void * createDataInstance() const =0
cvflann::CompositeIndex::loadIndex
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: composite_index.h:158
hal_ni_cmp32s
int hal_ni_cmp32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:213
tinyxml2::XMLAttribute::IntValue
int IntValue() const
Definition: tinyxml2.h:1052
cv::line_descriptor::BinaryDescriptor::descriptorType
int descriptorType() const
Return data type.
cv::sfm::libmv_ReconstructionOptions::keyframe2
int keyframe2
Definition: simple_pipeline.hpp:148
cv::cuda::DisparityBilateralFilter::setRadius
virtual void setRadius(int radius)=0
cv::bgsegm::BackgroundSubtractorGMG::getMaxFeatures
virtual int getMaxFeatures() const =0
Returns total number of distinct colors to maintain in histogram.
cv::cudev::affineMap
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
cv::videostab::StabilizerBase::stabilizeFrame
void stabilizeFrame()
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(Mat_< _Tp > &m)
cv::_InputArray::rows
int rows(int i=-1) const
cv::SparseMat::size
int size(int i) const
returns the size of i-th matrix dimension (or 0)
cv::stereo::StereoBinaryBM::getPreFilterSize
virtual int getPreFilterSize() const =0
cv::CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
@ CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
The alpha channel of RGB32 output image format.
Definition: videoio.hpp:430
hal_ni_exp32f
int hal_ni_exp32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:473
cv::MatConstIterator_::operator=
MatConstIterator_ & operator=(const MatConstIterator_ &it)
copy operator
CvLevMarq::err
cv::Ptr< CvMat > err
Definition: calib3d_c.h:409
cv::COLOR_BayerGB2RGB_EA
@ COLOR_BayerGB2RGB_EA
Definition: imgproc.hpp:768
CvMoments::mu20
double mu20
Definition: types_c.h:400
cv::ConnectedComponentsTypes
ConnectedComponentsTypes
connected components algorithm output formats
Definition: imgproc.hpp:405
onlineBoosting.hpp
cv::ppf_match_3d::Pose3D::appendPose
void appendPose(double IncrementalPose[16])
Left multiplies the existing pose in order to update the transformation.
cv::bridge::Ptr_AlignMTB
cv::Ptr< AlignMTB > Ptr_AlignMTB
Definition: bridge.hpp:84
cv::cudev::gridTransformBinary
__host__ void gridTransformBinary(const SrcPtr1 &src1, const SrcPtr2 &src2, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:447
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, String dslabel) const =0
aruco.hpp
cv::datasets::TRACK_vot::frameCounter
int frameCounter
Definition: track_vot.hpp:88
cv::ml::ANN_MLP::setRpropDWMax
virtual void setRpropDWMax(double val)=0
cv::COLOR_YCrCb2BGR
@ COLOR_YCrCb2BGR
Definition: imgproc.hpp:578
hal_ni_add32s
int hal_ni_add32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:80
cv::optflow::OpticalFlowPCAFlow::prior
const Ptr< const PCAPrior > prior
Definition: pcaflow.hpp:97
cv::HOUGH_PROBABILISTIC
@ HOUGH_PROBABILISTIC
Definition: imgproc.hpp:469
cvflann::FLANN_FLOAT64
@ FLANN_FLOAT64
Definition: defines.h:166
CV_ITERATIVE
@ CV_ITERATIVE
Definition: calib3d_c.h:96
cvflann::HierarchicalClusteringIndex::getParameters
IndexParams getParameters() const
Definition: hierarchical_clustering_index.h:572
cv::BFMatcher::knnMatchImpl
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)
cv::cudev::DefaultHistogramPolicy::block_size_y
@ block_size_y
Definition: histogram.hpp:104
CV_DIST_WELSCH
@ CV_DIST_WELSCH
Definition: types_c.h:563
tinyxml2::XMLElement::QueryFloatText
XMLError QueryFloatText(float *fval) const
See QueryIntText()
cv::detail::AffineWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
cv::RNG::RNG
RNG()
constructor
cvGetNumThreads
int cvGetNumThreads(void)
cv::detail::DisjointSets::DisjointSets
DisjointSets(int elem_count=0)
Definition: util.hpp:58
cvflann::HELLINGER
@ HELLINGER
Definition: defines.h:149
cvflann::anyimpl::base_any_policy::clone
virtual void clone(void *const *src, void **dest)=0
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
cv::xphoto::SimpleWB::setInputMin
virtual void setInputMin(float val)=0
Input image range minimum value.
cv::saturate_cast< unsigned >
unsigned saturate_cast< unsigned >(float v)
Definition: saturate.hpp:143
Cv32suf::f
float f
Definition: cvdef.h:332
cv::CommandLineParser::printMessage
void printMessage() const
Print help message.
cv::saliency::StaticSaliencySpectralResidual::StaticSaliencySpectralResidual
StaticSaliencySpectralResidual()
cvAbsDiffS
void cvAbsDiffS(const CvArr *src, CvArr *dst, CvScalar value)
cv::detail::leaveBiggestComponent
std::vector< int > leaveBiggestComponent(std::vector< ImageFeatures > &features, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
cvflann::lsh::LshStats::size_histogram_
std::vector< std::vector< unsigned int > > size_histogram_
Definition: lsh_table.h:93
cv::KeyPoint::KeyPoint
KeyPoint()
the default constructor
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategySize
Ptr< SelectiveSearchSegmentationStrategySize > createSelectiveSearchSegmentationStrategySize()
Create a new size-based strategy.
cv::ml::DTrees::Node::Node
Node()
cv::GeneralizedHoughGuil::setMinScale
virtual void setMinScale(double minScale)=0
Minimal scale to detect.
cv::omnidir::CALIB_USE_GUESS
@ CALIB_USE_GUESS
Definition: omnidir.hpp:56
cv::NORMAL_CLONE
@ NORMAL_CLONE
Definition: photo.hpp:79
cv::stereo::Matching::setScallingFactor
void setScallingFactor(int val)
a number by which the disparity will be multiplied for better display
Definition: matching.hpp:388
cv::MercatorWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:155
cv::flann::Index::save
virtual void save(const String &filename) const
CV_CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
@ CV_CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Definition: videoio_c.h:367
cv::TonemapDurand::setSigmaColor
virtual void setSigmaColor(float sigma_color)=0
cv::SeqIterator::operator+=
SeqIterator & operator+=(int)
moves iterator forward by the specified offset (possibly negative)
Definition: core_c.h:3140
cv::CvFeatureEvaluator::winSize
Size winSize
Definition: feature.hpp:193
cv::sfm::SFM_REFINE_FOCAL_LENGTH
@ SFM_REFINE_FOCAL_LENGTH
Definition: simple_pipeline.hpp:120
cv::cudev::GlobPtr::row
__device__ __forceinline__ const T * row(int y) const
Definition: glob.hpp:73
cv::FileNodeIterator::SeqReader::seq
void * seq
Definition: persistence.hpp:672
cv::sfm::applyTransformationToPoints
void applyTransformationToPoints(InputArray points, InputArray T, OutputArray transformed_points)
Apply Transformation to points.
cv::datasets::IR_affineObj::mat
Matx33d mat
Definition: ir_affine.hpp:64
cv::videostab::DeblurerBase::radius
virtual int radius() const
Definition: deblurring.hpp:67
cv::FileStorage::write
static void write(FileStorage &fs, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:932
cv::cuda::Event::CreateFlags
CreateFlags
Definition: cuda.hpp:525
CvMemStorage
Definition: types_c.h:1190
cv::dnn::PoolingLayer::createGlobal
static Ptr< PoolingLayer > createGlobal(int type=PoolingLayer::MAX)
CV_CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
@ CV_CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Definition: videoio_c.h:317
cv::ThinPlateSplineShapeTransformer::setRegularizationParameter
virtual void setRegularizationParameter(double beta)=0
Set the regularization parameter for relaxing the exact interpolation requirements of the TPS algorit...
CV_BLUR_NO_SCALE
@ CV_BLUR_NO_SCALE
Definition: types_c.h:73
cv::viz::Viz3d::setGlobalWarnings
void setGlobalWarnings(bool enabled=false)
cv::detail::CompressedRectilinearProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::dnn::Blob::fromImages
static Blob fromImages(InputArray image, int dstCn=-1)
Constructs 4-dimensional blob (so-called batch) from image or array of images.
cv::viz::Viz3d::setWidgetPose
void setWidgetPose(const String &id, const Affine3d &pose)
Sets pose of a widget in the window.
cv::CAP_PROP_XI_HDR_KNEEPOINT_COUNT
@ CAP_PROP_XI_HDR_KNEEPOINT_COUNT
The number of kneepoints in the PWLR.
Definition: videoio.hpp:460
CvHaarFeature::weight
float weight
Definition: objdetect_c.h:79
cv::ClfMilBoost
Definition: onlineMIL.hpp:60
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::width
int width
Definition: histogramphaseunwrapping.hpp:81
cv::String::operator==
static bool operator==(const String &lhs, const String &rhs)
Definition: cvstd.hpp:1025
cv::_InputArray::_InputArray
_InputArray(const Matx< _Tp, m, n > &matx)
cv::ximgproc::amFilter
void amFilter(InputArray joint, InputArray src, OutputArray dst, double sigma_s, double sigma_r, bool adjust_outliers=false)
Simple one-line Adaptive Manifold Filter call.
cv::viz::IMMEDIATE_RENDERING
@ IMMEDIATE_RENDERING
Definition: widgets.hpp:68
CV_YUV2GRAY_420
@ CV_YUV2GRAY_420
Definition: types_c.h:268
cv::CvLBPEvaluator::Feature::write
void write(FileStorage &fs) const
cv::datasets::PascalPart::xmin
int xmin
Definition: or_pascal.hpp:62
cv::TrackerStateEstimatorAdaBoosting
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracker.hpp:668
cv::CAP_PROP_XI_IMAGE_IS_COLOR
@ CAP_PROP_XI_IMAGE_IS_COLOR
Returns 1 for color cameras.
Definition: videoio.hpp:392
cv::ml::ParamGrid::ParamGrid
ParamGrid(double _minVal, double _maxVal, double _logStep)
Constructor with parameters.
HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:122
CV_HAAR_FEATURE_MAX
#define CV_HAAR_FEATURE_MAX
Definition: objdetect_c.h:71
cv::cuda::DeviceInfo::maxGridSize
Vec3i maxGridSize() const
maximum size of each dimension of a grid
cv::linemod::Detector::LinearMemoryPyramid
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:429
cv::rgbd::Odometry::RIGID_BODY_MOTION
@ RIGID_BODY_MOTION
Definition: rgbd.hpp:534
cv::v_cvt_f64
v_reg< double, n > v_cvt_f64(const v_reg< int, n *2 > &a)
Convert to double.
Definition: intrin_cpp.hpp:1464
cv::HausdorffDistanceExtractor::setRankProportion
virtual void setRankProportion(float rankProportion)=0
This method sets the rank proportion (or fractional value) that establish the Kth ranked value of the...
tinyxml2::XML_NO_ERROR
@ XML_NO_ERROR
Definition: tinyxml2.h:1000
cv::superres::DualTVL1OpticalFlow::setTau
virtual void setTau(double val)=0
cv::cudev::vavrg2
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
cv::saliency::ObjectnessBING::read
void read()
cv::datasets::HPE_parse
Definition: hpe_parse.hpp:66
CV_CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
@ CV_CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Definition: videoio_c.h:254
CV_CAP_ANDROID_BACK
@ CV_CAP_ANDROID_BACK
Definition: videoio_c.h:110
cvflann::UniqueResultSet::copy
virtual void copy(int *indices, DistanceType *dist, int n_neighbors=-1) const
Definition: result_set.h:327
cv::cuda::DeviceInfo
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:649
cv::ml::SVM::setCoef0
virtual void setCoef0(double val)=0
cv::LineSegmentDetector
Line segment detector class.
Definition: imgproc.hpp:1178
cv::aruco::Board::objPoints
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:240
cv::IMWRITE_PNG_STRATEGY_FIXED
@ IMWRITE_PNG_STRATEGY_FIXED
Using this value prevents the use of dynamic Huffman codes, allowing for a simpler decoder for specia...
Definition: imgcodecs.hpp:109
cv::linemod::QuantizedPyramid::selectScatteredFeatures
static void selectScatteredFeatures(const std::vector< Candidate > &candidates, std::vector< Feature > &features, size_t num_features, float distance)
Choose candidate features so that they are not bunched together.
cv::CAP_OPENNI_BGR_IMAGE
@ CAP_OPENNI_BGR_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:254
cv::aruco::DetectorParameters::minCornerDistanceRate
double minCornerDistanceRate
Definition: aruco.hpp:137
cv::DescriptorMatcher::DescriptorCollection::size
int size() const
cvStartReadRawData
void cvStartReadRawData(const CvFileStorage *fs, const CvFileNode *src, CvSeqReader *reader)
Initializes the file node sequence reader.
CV_YUV2RGB_YUY2
@ CV_YUV2RGB_YUY2
Definition: types_c.h:296
cv::bridge::Bridge::toPtrTonemapDurand
Ptr_TonemapDurand toPtrTonemapDurand()
Definition: bridge.hpp:513
cv::bridge::Ptr_TonemapReinhard
cv::Ptr< TonemapReinhard > Ptr_TonemapReinhard
Definition: bridge.hpp:97
tinyxml2::XMLUtil::IsUTF8Continuation
static int IsUTF8Continuation(const char p)
Definition: tinyxml2.h:537
cv::flann::HierarchicalClusteringIndexParams
Definition: miniflann.hpp:102
cv::cudev::constantPtr
__host__ ConstantPtr< T > constantPtr(T value)
Definition: constant.hpp:73
cv::cuda::Feature2DAsync::detectAsync
virtual void detectAsync(InputArray image, OutputArray keypoints, InputArray mask=noArray(), Stream &stream=Stream::Null())
Detects keypoints in an image.
cv::viz::Color::olive
static Color olive()
cv::CALIB_FIX_FOCAL_LENGTH
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:258
cv::StrongClassifierDirectSelection::getNumBaseClassifier
int getNumBaseClassifier()
cv::videostab::WobbleSuppressorBase::motions
virtual const std::vector< Mat > & motions() const
Definition: wobble_suppression.hpp:79
cv::ml::Boost::getWeakCount
virtual int getWeakCount() const =0
cv::stereo::StereoBinaryBM::create
static Ptr< cv::stereo::StereoBinaryBM > create(int numDisparities=0, int blockSize=9)
Creates StereoBM object.
matlab::MxArrayVector
std::vector< MxArray > MxArrayVector
Definition: mxarray.hpp:86
cv::cuda::DensePyrLKOpticalFlow::create
static Ptr< DensePyrLKOpticalFlow > create(Size winSize=Size(13, 13), int maxLevel=3, int iters=30, bool useInitialFlow=false)
cv::cudev::VecTraits< schar >::make
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
cv::CALIB_FIX_ASPECT_RATIO
@ CALIB_FIX_ASPECT_RATIO
Definition: calib3d.hpp:255
cvGoodFeaturesToTrack
void cvGoodFeaturesToTrack(const CvArr *image, CvArr *eig_image, CvArr *temp_image, CvPoint2D32f *corners, int *corner_count, double quality_level, double min_distance, const CvArr *mask=NULL, int block_size=3, int use_harris=0, double k=0.04)
Finds a sparse set of points within the selected region that seem to be easy to track.
cv::destroyAllWindows
void destroyAllWindows()
Destroys all of the HighGUI windows.
CvBox2D
Definition: types_c.h:1062
cv::redirectError
ErrorCallback redirectError(ErrorCallback errCallback, void *userdata=0, void **prevUserdata=0)
Sets the new error handler and the optional user data.
cv::ml::EM::trainEM
virtual bool trainEM(InputArray samples, OutputArray logLikelihoods=noArray(), OutputArray labels=noArray(), OutputArray probs=noArray())=0
Estimate the Gaussian mixture parameters from a samples set.
clEnqueueWriteBuffer
#define clEnqueueWriteBuffer
Definition: opencl_core_wrappers.hpp:130
cv::saliency::Saliency::className
String className
Definition: saliencyBaseClasses.hpp:92
tinyxml2::XMLText::ToText
virtual const XMLText * ToText() const
Definition: tinyxml2.h:875
cv::CascadeClassifier::cc
Ptr< BaseCascadeClassifier > cc
Definition: objdetect.hpp:319
cv::hal::cvtRGBAtoMultipliedRGBA
void cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
CvSetElem::next_free
struct CvSetElem * next_free
Definition: types_c.h:1286
cv::TrackerSamplerPF::TrackerSamplerPF
TrackerSamplerPF(const Mat &chosenRect, const TrackerSamplerPF::Params &parameters=TrackerSamplerPF::Params())
Constructor.
cv::rgbd::DepthCleaner::depth_
int depth_
Definition: rgbd.hpp:287
cv::saturate_cast< ushort >
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:122
cv::DualTVL1OpticalFlow::setTheta
virtual void setTheta(double val)=0
Weight parameter for (u - v)^2, tightness parameter.
cv::flann::IndexParams::setString
void setString(const String &key, const String &value)
cvflann::anyimpl::SinglePolicy::get_policy
static base_any_policy * get_policy()
This function will return a different policy for each type.
Definition: any.h:178
clCreateSubDevices
#define clCreateSubDevices
Definition: opencl_core_wrappers.hpp:58
cvSetImageROI
void cvSetImageROI(IplImage *image, CvRect rect)
Sets an image Region Of Interest (ROI) for a given rectangle.
cv::ppf_match_3d::PPF3DDetector::sampling_step_relative
double sampling_step_relative
Definition: ppf_match_3d.hpp:149
cv::rgbd::RgbdOdometry::getMinDepth
double getMinDepth() const
Definition: rgbd.hpp:658
cv::ximgproc::AdaptiveManifoldFilter::getTreeHeight
virtual int getTreeHeight() const =0
cv::HOGDescriptor::detectMultiScale
virtual void detectMultiScale(InputArray img, std::vector< Rect > &foundLocations, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), double scale=1.05, double finalThreshold=2.0, bool useMeanshiftGrouping=false) const
without found weights output
cv::ml::DTrees::Split::next
int next
Index of the next split in the list of splits for the node.
Definition: ml.hpp:1075
cvflann::KMeansIndex::chooseCentersRandom
void chooseCentersRandom(int k, int *indices, int indices_length, int *centers, int &centers_length)
Definition: kmeans_index.h:107
cv::Seq::seq
CvSeq * seq
Definition: core_c.h:2915
cv::cudacodec::Codec
Codec
Video codecs supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:244
cv::optflow::GPC_DESCRIPTOR_WHT
@ GPC_DESCRIPTOR_WHT
Worse quality but much faster.
Definition: sparse_matching_gpc.hpp:94
cv::COLOR_YUV2BGR_I420
@ COLOR_YUV2BGR_I420
Definition: imgproc.hpp:647
cv::ROISelector::select
Rect2d select(const cv::String &windowName, Mat img, bool showCrossair=true, bool fromCenter=true)
cv::reg::MapShift::inverseMap
cv::Ptr< Map > inverseMap(void) const
cv::ogl::Buffer::Buffer
Buffer()
The constructors.
CvKalman::PosterState
float * PosterState
Definition: tracking_c.h:171
cv::TrackerModel::modelUpdateImpl
virtual void modelUpdateImpl()=0
CvHaarClassifierCascade::count
int count
Definition: objdetect_c.h:109
tinyxml2::XMLHandle::NextSiblingElement
XMLHandle NextSiblingElement(const char *_value=0)
Get the next sibling element of this handle.
Definition: tinyxml2.h:1812
cv::DualTVL1OpticalFlow::getInnerIterations
virtual int getInnerIterations() const =0
Inner iterations (between outlier filtering) used in the numerical scheme.
CV_YUV2GRAY_YV12
@ CV_YUV2GRAY_YV12
Definition: types_c.h:271
cv::Mat1w
Mat_< ushort > Mat1w
Definition: mat.hpp:2203
tinyxml2::StrPair::TEXT_ELEMENT
@ TEXT_ELEMENT
Definition: tinyxml2.h:154
cv::ccalib::CustomPattern::findRt
bool findRt(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
CvHaarClassifierCascade
Definition: objdetect_c.h:107
cv::COLOR_YUV2RGBA_YVYU
@ COLOR_YUV2RGBA_YVYU
Definition: imgproc.hpp:699
K_LOG2_WARP_SIZE
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
CPU_AVX_512CD
@ CPU_AVX_512CD
Definition: cvdef.h:153
cvflann::RadiusUniqueResultSet::worstDist
DistanceType worstDist() const
Definition: result_set.h:489
matlab::Traits< float >::ToString
static std::string ToString()
Definition: mxarray.hpp:181
cv::datasets::GR_chalearn::load
virtual void load(const std::string &path)=0
clGetExtensionFunctionAddressForPlatform
#define clGetExtensionFunctionAddressForPlatform
Definition: opencl_core_wrappers.hpp:166
CV_RGB2YUV_I420
@ CV_RGB2YUV_I420
Definition: types_c.h:327
cv::MultiTracker_Alt::addTarget
bool addTarget(const Mat &image, const Rect2d &boundingBox, String tracker_algorithm_name)
Add a new target to a tracking-list and initialize the tracker with a know bounding box that surround...
CV_RETR_LIST
@ CV_RETR_LIST
Definition: types_c.h:447
cv::CAP_PROP_XI_BPC
@ CAP_PROP_XI_BPC
Correction of bad pixels.
Definition: videoio.hpp:369
cv::linemod::ColorGradient::num_features
size_t num_features
Definition: linemod.hpp:227
cv::aruco::_drawPlanarBoardImpl
void _drawPlanarBoardImpl(Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Implementation of drawPlanarBoard that accepts a raw Board pointer.
HaarClassifierNode128::setRightNodeDesc
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:239
cv::calcCovarMatrix
void calcCovarMatrix(const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F)
Calculates the covariance matrix of a set of vectors.
cv::videostab::StabilizerBase::deblurrer
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:84
cv::Moments::m10
double m10
Definition: types.hpp:862
MAX
#define MAX(a, b)
Definition: cvdef.h:414
cv::SparseMat_::const_iterator
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2791
cv::text::erGrouping
void erGrouping(InputArray img, InputArrayOfArrays channels, std::vector< std::vector< ERStat > > &regions, std::vector< std::vector< Vec2i > > &groups, std::vector< Rect > &groups_rects, int method=ERGROUPING_ORIENTATION_HORIZ, const std::string &filename=std::string(), float minProbablity=0.5)
Find groups of Extremal Regions that are organized as text blocks.
cv::INTER_TAB_SIZE2
@ INTER_TAB_SIZE2
Definition: imgproc.hpp:298
cv::reg::MapperPyramid::MapperPyramid
MapperPyramid(const Mapper &baseMapper)
cv::cudev::NormL1::result_type
uint result_type
Definition: vec_distance.hpp:64
cv::dct
void dct(InputArray src, OutputArray dst, int flags=0)
Performs a forward or inverse discrete Cosine transform of 1D or 2D array.
tinyxml2::XMLPrinter::SealElement
void SealElement()
cv::videostab::ISparseOptFlowEstimator::~ISparseOptFlowEstimator
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
cv::dnn::SoftmaxLayer
Definition: all_layers.hpp:273
hal_ni_min8u
int hal_ni_min8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:111
cvRNG
CvRNG cvRNG(int64 seed=-1)
Initializes a random number generator state.
Definition: types_c.h:215
HaarClassifierNodeDescriptor32
Definition: NCVHaarObjectDetection.hpp:178
cv::FileNode::isNamed
bool isNamed() const
returns true if the node has a name
cvMul
void cvMul(const CvArr *src1, const CvArr *src2, CvArr *dst, double scale=1)
cv::CAP_PROP_XI_FREE_FFS_SIZE
@ CAP_PROP_XI_FREE_FFS_SIZE
Size of free camera FFS.
Definition: videoio.hpp:471
cv::_InputArray::cols
int cols(int i=-1) const
CV_PUSH_BUTTON
@ CV_PUSH_BUTTON
Definition: highgui_c.h:96
cvflann::UniqueResultSet::DistIndex
Definition: result_set.h:291
cv::Ptr::operator=
Ptr & operator=(const Ptr &o)
cvMakeSeqHeaderForArray
CvSeq * cvMakeSeqHeaderForArray(int seq_type, int header_size, int elem_size, void *elements, int total, CvSeq *seq, CvSeqBlock *block)
cv::ocl::Device::preferredVectorWidthChar
int preferredVectorWidthChar() const
cv::sfm::SFM_REFINE_RADIAL_DISTORTION_K2
@ SFM_REFINE_RADIAL_DISTORTION_K2
Definition: simple_pipeline.hpp:123
CV_CAP_PROP_XI_DEVICE_SN
@ CV_CAP_PROP_XI_DEVICE_SN
Definition: videoio_c.h:364
cv::MatConstIterator::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:2867
cv::GeneralizedHough::detect
virtual void detect(InputArray image, OutputArray positions, OutputArray votes=noArray())=0
find template on image
NCVMemStackAllocator::isCounting
virtual NcvBool isCounting(void) const
cv::TrackerMIL::Params::featureSetNumFeatures
int featureSetNumFeatures
Definition: tracker.hpp:1099
cv::ogl::Buffer::Target
Target
The target defines how you intend to use the buffer object.
Definition: opengl.hpp:85
CV_PI
#define CV_PI
Definition: cvdef.h:302
CV_EVENT_FLAG_CTRLKEY
@ CV_EVENT_FLAG_CTRLKEY
Definition: highgui_c.h:197
cv::hal::addWeighted16u
void addWeighted16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scalars)
cv::KeyPoint::KeyPoint
KeyPoint(Point2f _pt, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
cv::ml::TrainData::getTestSampleIdx
virtual Mat getTestSampleIdx() const =0
hal_ni_integral
int hal_ni_integral(int depth, int sdepth, int sqdepth, const uchar *src_data, size_t src_step, uchar *sum_data, size_t sum_step, uchar *sqsum_data, size_t sqsum_step, uchar *tilted_data, size_t tilted_step, int width, int height, int cn)
Calculate integral image.
Definition: hal_replacement.hpp:612
cv::Allocator::value_type
_Tp value_type
Definition: cvstd.hpp:130
cv::FileNode::read
static void read(const FileNode &node, Point_< _Tp > &value, const Point_< _Tp > &default_value)
Definition: persistence.hpp:722
cv::v_int32x4
v_reg< int, 4 > v_int32x4
Four 32-bit signed integer values.
Definition: intrin_cpp.hpp:364
CV_THRESH_TRUNC
@ CV_THRESH_TRUNC
Definition: types_c.h:573
cvCalcCovarMatrix
void cvCalcCovarMatrix(const CvArr **vects, int count, CvArr *cov_mat, CvArr *avg, int flags)
cv::AlignMTB::getCut
virtual bool getCut() const =0
cv::Error::StsVecLengthErr
@ StsVecLengthErr
incorrect vector length
Definition: base.hpp:97
cv::WImageC::View
WImageViewC< T, C > View(int c, int r, int width, int height)
Definition: wimage.hpp:593
CvStereoBMState::preFilteredImg0
CvMat * preFilteredImg0
Definition: calib3d_c.h:350
cv::BaseClassifier::getIdxOfNewWeakClassifier
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:125
cv::detail::TransverseMercatorWarper::TransverseMercatorWarper
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:431
CvScalar::CvScalar
CvScalar(double d0, double d1=0, double d2=0, double d3=0)
Definition: types_c.h:1130
cv::ximgproc::createRFFeatureGetter
Ptr< RFFeatureGetter > createRFFeatureGetter()
cv::winrt_startMessageLoop
void winrt_startMessageLoop(std::function< void(Args...)> &&callback, Args... args)
cv::calcOpticalFlowPyrLK
void calcOpticalFlowPyrLK(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Size winSize=Size(21, 21), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyra...
cv::mean
Scalar mean(InputArray src, InputArray mask=noArray())
Calculates an average (mean) of array elements.
cv::linemod::Template::pyramid_level
int pyramid_level
Definition: linemod.hpp:82
cv::UMat::UMat
UMat(const UMat &m, const Range *ranges)
cv::Mat1d
Mat_< double > Mat1d
Definition: mat.hpp:2218
cv::_InputArray::isSubmatrix
bool isSubmatrix(int i=-1) const
cv::linemod::Feature
Discriminant feature described by its location and label.
Definition: linemod.hpp:64
cv::COLOR_YUV2BGR_Y422
@ COLOR_YUV2BGR_Y422
Definition: imgproc.hpp:675
cv::WINDOW_AUTOSIZE
@ WINDOW_AUTOSIZE
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:184
CvHaarStageClassifier::classifier
CvHaarClassifier * classifier
Definition: objdetect_c.h:97
cv::ml::EM::create
static Ptr< EM > create()
cv::hdf::HDF5::~HDF5
virtual ~HDF5()
Definition: hdf5.hpp:65
cv::Point3_::Point3_
Point3_()
cv::rgbd::RgbdNormals::RGBD_NORMALS_METHOD_LINEMOD
@ RGBD_NORMALS_METHOD_LINEMOD
Definition: rgbd.hpp:112
cv::detail::Timelapser::~Timelapser
virtual ~Timelapser()
Definition: timelapsers.hpp:63
cv::linemod::Detector::getModalities
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:382
cv::ximgproc::DisparityWLSFilter::setDepthDiscontinuityRadius
virtual void setDepthDiscontinuityRadius(int _disc_radius)=0
tinyxml2::XMLNode::ToDocument
virtual XMLDocument * ToDocument()
Safely cast to a Document, or null.
Definition: tinyxml2.h:616
cv::MatIterator_::operator-=
MatIterator_ & operator-=(ptrdiff_t ofs)
shifts the iterator backward by the specified number of elements
CV_CAP_PROP_SAR_DEN
@ CV_CAP_PROP_SAR_DEN
Definition: videoio_c.h:209
cvCornerEigenValsAndVecs
void cvCornerEigenValsAndVecs(const CvArr *image, CvArr *eigenvv, int block_size, int aperture_size=3)
Calculates eigen values and vectors of 2x2 gradient covariation matrix at every image pixel.
cv::rgbd::rescaleDepth
void rescaleDepth(InputArray in, int depth, OutputArray out)
tinyxml2::XML_ERROR_IDENTIFYING_TAG
@ XML_ERROR_IDENTIFYING_TAG
Definition: tinyxml2.h:1012
cv::cuda::DensePyrLKOpticalFlow::getWinSize
virtual Size getWinSize() const =0
cv::Mat::ones
static MatExpr ones(int rows, int cols, int type)
Returns an array of all 1's of the specified size and type.
cv::cudev::numeric_limits< float >::epsilon
__device__ static __forceinline__ float epsilon()
Definition: limits.hpp:113
cv::normInf
static _AccTp normInf(const _Tp *a, int n)
Definition: base.hpp:490
cv::Mat::create
void create(int rows, int cols, int type)
Allocates new array data if needed.
cv::ogl::Buffer::unmapHost
void unmapHost()
Unmaps OpenGL buffer.
cv::UMat::inv
UMat inv(int method=DECOMP_LU) const
matrix inversion by means of matrix expressions
Cv32suf::_fp32Format::sign
unsigned int sign
Definition: cvdef.h:337
cv::ml::ROW_SAMPLE
@ ROW_SAMPLE
each training sample is a row of samples
Definition: ml.hpp:98
cvflann::compute_ground_truth
void compute_ground_truth(const Matrix< typename Distance::ElementType > &dataset, const Matrix< typename Distance::ElementType > &testset, Matrix< int > &matches, int skip=0, Distance d=Distance())
Definition: ground_truth.h:83
cv::ocl::Context::ptr
void * ptr() const
cv::cudev::MakeVec< schar, 1 >::type
schar type
Definition: vec_traits.hpp:76
cv::cuda::createBackgroundSubtractorFGD
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams &params=FGDParams())
Creates FGD Background Subtractor.
cv::hal::QR32f
int QR32f(float *A, size_t astep, int m, int n, int k, float *b, size_t bstep, float *hFactors)
cv::EVENT_LBUTTONUP
@ EVENT_LBUTTONUP
indicates that left mouse button is released.
Definition: highgui.hpp:209
cv::videostab::WobbleSuppressorBase::motionEstimator_
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
cv::ogl::Buffer::Access
Access
Definition: opengl.hpp:93
cv::insertChannel
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
cv::cuda::CascadeClassifier::setMinNeighbors
virtual void setMinNeighbors(int minNeighbors)=0
cv::UMat::copyTo
void copyTo(OutputArray m) const
copies the matrix content to "m".
cv::RNG::fill
void fill(InputOutputArray mat, int distType, InputArray a, InputArray b, bool saturateRange=false)
Fills arrays with random numbers.
cv::CAP_PROP_AUTOFOCUS
@ CAP_PROP_AUTOFOCUS
Definition: videoio.hpp:162
cv::detail::matchesGraphAsString
String matchesGraphAsString(std::vector< String > &pathes, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
OPENCV_HAL_IMPL_C_RSHIFTR
#define OPENCV_HAL_IMPL_C_RSHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:1608
cv::dnn::LRNLayer::create
static Ptr< LRNLayer > create(int type=LRNLayer::CHANNEL_NRM, int size=5, double alpha=1, double beta=0.75, double bias=1, bool normBySize=true)
cv::flann::Index::~Index
virtual ~Index()
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_StereoBM &)
Definition: bridge.hpp:432
cv::bridge::Ptr_CalibrateDebevec
cv::Ptr< CalibrateDebevec > Ptr_CalibrateDebevec
Definition: bridge.hpp:85
cvflann::ChiSquareDistance::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:641
cv::KeyPoint::size
float size
diameter of the meaningful keypoint neighborhood
Definition: types.hpp:702
cv::datasets::OR_sun::create
static Ptr< OR_sun > create()
CV_WARP_FILL_OUTLIERS
@ CV_WARP_FILL_OUTLIERS
Definition: types_c.h:369
CvSparseMat::hashtable
void ** hashtable
Definition: types_c.h:685
cv::sfm::reconstruct
void reconstruct(InputArrayOfArrays points2d, OutputArray Ps, OutputArray points3d, InputOutputArray K, bool is_projective=false)
Reconstruct 3d points from 2d correspondences while performing autocalibration.
cv::dnn::Blob::Blob
Blob(const BlobShape &shape, int type=CV_32F, int allocFlags=ALLOC_MAT)
Constructs blob with specified shape and type.
cv::cudev::saturate_cast_fp16_func
Definition: functional.hpp:672
cv::cudev::DynamicSharedMem
Definition: dynamic_smem.hpp:57
cv::winrt_onVisibilityChanged
void winrt_onVisibilityChanged(bool visible)
cv::detail::SurfFeaturesFinder
SURF features finder.
Definition: matchers.hpp:127
cv::ogl::Texture2D::copyFrom
void copyFrom(InputArray arr, bool autoRelease=false)
Copies from host/device memory to OpenGL texture.
cv::MatExpr::operator()
MatExpr operator()(const Rect &roi) const
cvReadRealByName
double cvReadRealByName(const CvFileStorage *fs, const CvFileNode *map, const char *name, double default_value=0.)
Finds a file node and returns its value.
Definition: core_c.h:2394
tinyxml2::XMLElement::ParseDeep
char * ParseDeep(char *p, StrPair *endTag)
cv::ogl::Buffer::elemSize1
int elemSize1() const
cv::text::ERFilter::setMinProbability
virtual void setMinProbability(float minProbability)=0
cv::THRESH_TRUNC
@ THRESH_TRUNC
Definition: imgproc.hpp:331
CV_CAP_PROP_XI_SHUTTER_TYPE
@ CV_CAP_PROP_XI_SHUTTER_TYPE
Definition: videoio_c.h:298
cv::cuda::HostMem::rows
int rows
Definition: cuda.hpp:416
cv::ximgproc::THINNING_ZHANGSUEN
@ THINNING_ZHANGSUEN
Definition: ximgproc.hpp:78
cv::line_descriptor::KeyLine::sPointInOctaveY
float sPointInOctaveY
Definition: descriptor.hpp:136
cvHaveImageWriter
int cvHaveImageWriter(const char *filename)
NCVPipeObjDet_FindLargestObject
@ NCVPipeObjDet_FindLargestObject
Definition: NCVHaarObjectDetection.hpp:355
cv::tracking::UkfSystemModel
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:99
cv::linemod::ColorGradient::ColorGradient
ColorGradient(float weak_threshold, size_t num_features, float strong_threshold)
Constructor.
cv::bioinspired::RETINA_COLOR_RANDOM
@ RETINA_COLOR_RANDOM
each pixel position is either R, G or B in a random choice
Definition: retina.hpp:84
cv::bioinspired::Retina::getParvoRAW
virtual const Mat getParvoRAW() const =0
cv::createLineSegmentDetector
Ptr< LineSegmentDetector > createLineSegmentDetector(int _refine=LSD_REFINE_STD, double _scale=0.8, double _sigma_scale=0.6, double _quant=2.0, double _ang_th=22.5, double _log_eps=0, double _density_th=0.7, int _n_bins=1024)
Creates a smart pointer to a LineSegmentDetector object and initializes it.
cv::COLOR_YUV2GRAY_NV21
@ COLOR_YUV2GRAY_NV21
Definition: imgproc.hpp:661
cv::line_descriptor::BinaryDescriptor::Params::ksize_
int ksize_
Definition: descriptor.hpp:205
cvflann::L2_Simple::ElementType
T ElementType
Definition: dist.h:108
cvIncRefData
int cvIncRefData(CvArr *arr)
Increments array data reference counter.
Definition: core_c.h:324
cv::datasets::Dataset::load
virtual void load(const std::string &path)=0
cv::OPTFLOW_LK_GET_MIN_EIGENVALS
@ OPTFLOW_LK_GET_MIN_EIGENVALS
Definition: tracking.hpp:57
cv::cudev::IsUnaryFunction::Yes
char Yes
Definition: functional.hpp:876
CV_LBGR2Lab
@ CV_LBGR2Lab
Definition: types_c.h:215
cv::cudev::bit_lshift::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:262
cv::cudev::DefaultSplitMergePolicy
Definition: split_merge.hpp:494
hal_ni_SVD64f
int hal_ni_SVD64f(double *src, size_t src_step, double *w, double *u, size_t u_step, double *vt, size_t vt_step, int m, int n, int flags)
Definition: hal_replacement.hpp:634
cl_profiling_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_device_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_profiling_info
Definition: opencl_core.hpp:329
cv::text::ERStat::parent
ERStat * parent
pointers preserving the tree structure of the component tree
Definition: erfilter.hpp:103
cv::operator==
bool operator==(const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
Definition: core_c.h:3166
cv::UMat::total
size_t total() const
returns the total number of matrix elements
cv::videostab::IDenseOptFlowEstimator
Definition: optical_flow.hpp:71
cv::Mat::Mat
Mat(const MatCommaInitializer_< _Tp > &commaInitializer)
cvflann::lsh::LshTable::LshTable
LshTable()
Definition: lsh_table.h:147
cv::cudev::unary_function::argument_type
_Arg argument_type
Definition: functional.hpp:64
tinyxml2::XMLNode::~XMLNode
virtual ~XMLNode()
cv::aruco::Board::ids
std::vector< int > ids
Definition: aruco.hpp:247
cvflann::Matrix
Definition: matrix.h:47
cv::cuda::ALPHA_IN_PREMUL
@ ALPHA_IN_PREMUL
Definition: cudaimgproc.hpp:159
CvMemBlock
Definition: types_c.h:1181
cv::flann::Index_::getIndexParameters
const ::cvflann::IndexParams * getIndexParameters()
Definition: flann.hpp:457
cv::WImageView3_16u
WImageViewC< ushort, 3 > WImageView3_16u
Definition: wimage.hpp:110
cv::FileNode::read
void read(const FileNode &node, std::vector< KeyPoint > &keypoints)
cvflann::SAVED
@ SAVED
Definition: defines.h:99
cv::Affine3::Affine3
Affine3(const Mat4 &affine)
Augmented affine matrix.
cv::StereoSGBM::getMode
virtual int getMode() const =0
cv::MatAllocator::deallocate
virtual void deallocate(UMatData *data) const =0
cv::optflow::DISOpticalFlow::getUseSpatialPropagation
virtual bool getUseSpatialPropagation() const =0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
cv::cuda::DisparityBilateralFilter::getEdgeThreshold
virtual double getEdgeThreshold() const =0
truncation of data continuity
cv::superres::FarnebackOpticalFlow::getPolySigma
virtual double getPolySigma() const =0
AVCaptureVideoDataOutputSampleBufferDelegate-p
cv::fisheye::CALIB_RECOMPUTE_EXTRINSIC
@ CALIB_RECOMPUTE_EXTRINSIC
Definition: calib3d.hpp:1886
CV_CLOCKWISE
@ CV_CLOCKWISE
Definition: types_c.h:512
cv::sfm::motionFromEssentialChooseSolution
int motionFromEssentialChooseSolution(InputArrayOfArrays Rs, InputArrayOfArrays ts, InputArray K1, InputArray x1, InputArray K2, InputArray x2)
cvflann::Heap::insert
void insert(T value)
Definition: heap.h:125
hal_ni_absdiff32f
int hal_ni_absdiff32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:135
CV_CAP_PROP_XI_IMAGE_DATA_FORMAT
@ CV_CAP_PROP_XI_IMAGE_DATA_FORMAT
Definition: videoio_c.h:297
cv::Error::OpenCLInitError
@ OpenCLInitError
Definition: base.hpp:122
cvflann::Datatype< double >::type
static flann_datatype_t type()
Definition: saving.h:63
CvMat::i
int * i
Definition: types_c.h:436
cv::operator&
v_reg< _Tp, n > operator&(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise AND.
Definition: intrin_cpp.hpp:439
cv::motempl::segmentMotion
void segmentMotion(InputArray mhi, OutputArray segmask, std::vector< Rect > &boundingRects, double timestamp, double segThresh)
Splits a motion history image into a few parts corresponding to separate independent motions (for exa...
cv::eigen
bool eigen(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
Calculates eigenvalues and eigenvectors of a symmetric matrix.
Ncv16s
short Ncv16s
Definition: NCV.hpp:129
cv::ocl::PlatformInfo::PlatformInfo
PlatformInfo(void *id)
CV_CALIB_CB_NORMALIZE_IMAGE
#define CV_CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d_c.h:209
matlab::error
static void error(const std::string &str)
raise an error
Definition: mxarray.hpp:105
cv::videostab::NullDeblurer::deblur
virtual void deblur(int, Mat &)
Definition: deblurring.hpp:93
tinyxml2::DynArray
Definition: tinyxml2.h:211
cv::CAP_PROP_XI_CHIP_TEMP
@ CAP_PROP_XI_CHIP_TEMP
Camera sensor temperature.
Definition: videoio.hpp:386
cv::detail::BestOf2NearestRangeMatcher::range_width_
int range_width_
Definition: matchers.hpp:312
cv::ocl::Platform::p
Impl * p
Definition: ocl.hpp:275
cv::videostab::NullLog::print
virtual void print(const char *,...)
Definition: log.hpp:66
cv::CAP_PROP_XI_BINNING_HORIZONTAL
@ CAP_PROP_XI_BINNING_HORIZONTAL
Horizontal Binning - number of horizontal photo-sensitive cells to combine together.
Definition: videoio.hpp:354
cvflann::AutotunedIndex::saveIndex
virtual void saveIndex(FILE *stream)
Definition: autotuned_index.h:124
cvflann::any::~any
~any()
Destructor.
Definition: any.h:218
cv::Subdiv2D::QuadEdge
Definition: imgproc.hpp:1140
cv::BOWImgDescriptorExtractor::vocabulary
Mat vocabulary
Definition: features2d.hpp:1354
cv::ml::TEST_ERROR
@ TEST_ERROR
Definition: ml.hpp:91
cv::rgbd::RgbdOdometry::setMinGradientMagnitudes
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: rgbd.hpp:694
cv::omnidir::undistortImage
void undistortImage(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray xi, int flags, InputArray Knew=cv::noArray(), const Size &new_size=Size(), InputArray R=Mat::eye(3, 3, CV_64F))
Undistort omnidirectional images to perspective images.
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, float value)
cv::MatxCommaInitializer
Comma-separated Matrix Initializer.
Definition: matx.hpp:255
cv::Mat_::operator()
Mat_ operator()(const Range *ranges) const
cv::BufferPoolController::setMaxReservedSize
virtual void setMaxReservedSize(size_t size)=0
cv::videostab::IOutlierRejector::process
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)=0
cv::cuda::DeviceInfo::maxSurfaceCubemapLayered
Vec2i maxSurfaceCubemapLayered() const
maximum Cubemap layered surface dimensions
cv::cudev::GlobPtr::row
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
CvMat::ptr
uchar * ptr
Definition: types_c.h:434
cv::BaseClassifier::replaceClassifierStatistic
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
CV_YUV2BGRA_NV12
@ CV_YUV2BGRA_NV12
Definition: types_c.h:244
CV_CAP_OPENNI_VGA_30HZ
@ CV_CAP_OPENNI_VGA_30HZ
Definition: videoio_c.h:485
cv::spatialGradient
void spatialGradient(InputArray src, OutputArray dx, OutputArray dy, int ksize=3, int borderType=BORDER_DEFAULT)
Calculates the first order image derivative in both x and y using a Sobel operator.
tinyxml2::XML_ERROR_MISMATCHED_ELEMENT
@ XML_ERROR_MISMATCHED_ELEMENT
Definition: tinyxml2.h:1019
CvVideoCameraDelegate-p
Definition: cap_ios.h:90
cv::cudev::thresh_to_zero_inv_func
__host__ __device__ ThreshToZeroInvFunc< T > thresh_to_zero_inv_func(T thresh)
Definition: functional.hpp:782
CvScalar::val
double val[4]
Definition: types_c.h:1126
cv::findChessboardCorners
bool findChessboardCorners(InputArray image, Size patternSize, OutputArray corners, int flags=CALIB_CB_ADAPTIVE_THRESH+CALIB_CB_NORMALIZE_IMAGE)
Finds the positions of internal corners of the chessboard.
cv::superres::SuperResolution::initImpl
virtual void initImpl(Ptr< FrameSource > &frameSource)=0
cvflann::KDTreeSingleIndex::operator=
KDTreeSingleIndex & operator=(const KDTreeSingleIndex &)
cvInitUndistortRectifyMap
void cvInitUndistortRectifyMap(const CvMat *camera_matrix, const CvMat *dist_coeffs, const CvMat *R, const CvMat *new_camera_matrix, CvArr *mapx, CvArr *mapy)
Computes undistortion+rectification map for a head of stereo camera.
CV_CUDEV_IMPLEMENT_SCALAR_BINARY_FUNC
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_FUNC(func_name, func, input_type, scalar_type, output_type)
Definition: vec_math.hpp:825
cv::detail::CameraParams
Describes camera parameters.
Definition: camera.hpp:59
cv::AKAZE::getDescriptorType
virtual int getDescriptorType() const =0
detection_based_tracker.hpp
CvSparseMatIterator
Definition: types_c.h:718
CV_WINDOW_OPENGL
@ CV_WINDOW_OPENGL
Definition: highgui_c.h:119
cv::hal::resize
void resize(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, double inv_scale_x, double inv_scale_y, int interpolation)
hal_ni_warpPerspectve
int hal_ni_warpPerspectve(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[9], int interpolation, int borderType, const double borderValue[4])
hal_warpPerspectve
Definition: hal_replacement.hpp:290
cv::UMat::offset
size_t offset
Definition: mat.hpp:2419
tinyxml2::XMLText::ShallowEqual
virtual bool ShallowEqual(const XMLNode *compare) const
cvflann::Hamming::is_kdtree_distance
False is_kdtree_distance
Definition: dist.h:417
cv::dnn::BlobShape::BlobShape
BlobShape(int ndims, const int *sizes)
Creates n-dim shape from the sizes array; if sizes is NULL then shape will contain unspecified data.
cv::videostab::ConsistentMosaicInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)
NCVVector::ptr
T * ptr() const
Definition: NCV.hpp:613
cv::Point_::Point_
Point_(const Vec< _Tp, 2 > &v)
cv::v_setzero_s8
v_int8x16 v_setzero_s8()
Definition: intrin_cpp.hpp:1519
cv::cuda::DeviceInfo::majorVersion
int majorVersion() const
major compute capability
cv::cuda::HostMem::type
int type() const
cv::optflow::GPCTree
Class for individual tree.
Definition: sparse_matching_gpc.hpp:163
cv::ACCESS_RW
@ ACCESS_RW
Definition: mat.hpp:63
cv::cuda::HostMem::swap
void swap(HostMem &b)
swaps with other smart pointer
cv::ml::TrainData::getVarIdx
virtual Mat getVarIdx() const =0
cv::ogl::Buffer::setAutoRelease
void setAutoRelease(bool flag)
Sets auto release mode.
cv::ximgproc::WMF_EXP
@ WMF_EXP
Definition: weighted_median_filter.hpp:66
cv::ccalib::CustomPattern::getFeatureDetector
Ptr< FeatureDetector > getFeatureDetector()
cv::cudacodec::H264_MVC
@ H264_MVC
Definition: cudacodec.hpp:252
cv::detail::CameraParams::ppx
double ppx
Definition: camera.hpp:67
cv::getRectSubPix
void getRectSubPix(InputArray image, Size patchSize, Point2f center, OutputArray patch, int patchType=-1)
Retrieves a pixel rectangle from an image with sub-pixel accuracy.
cv::WImage::SetZero
void SetZero()
Definition: wimage.hpp:228
cv::TonemapReinhard::getLightAdaptation
virtual float getLightAdaptation() const =0
cvflann::RadiusUniqueResultSet::full
bool full() const
Definition: result_set.h:480
cv::ml::TrainData::create
static Ptr< TrainData > create(InputArray samples, int layout, InputArray responses, InputArray varIdx=noArray(), InputArray sampleIdx=noArray(), InputArray sampleWeights=noArray(), InputArray varType=noArray())
Creates training data from in-memory arrays.
cvflann::IndexHeader::index_type
flann_algorithm_t index_type
Definition: saving.h:74
cv::minMaxIdx
void minMaxIdx(InputArray src, double *minVal, double *maxVal=0, int *minIdx=0, int *maxIdx=0, InputArray mask=noArray())
Finds the global minimum and maximum in an array.
cv::detail::ProjectorBase::scale
float scale
Definition: warpers.hpp:130
cv::String::find_first_of
size_t find_first_of(char c, size_t pos=0) const
cv::datasets::GR_chalearnObj::name
std::string name
Definition: gr_chalearn.hpp:77
cvReadRawDataSlice
void cvReadRawDataSlice(const CvFileStorage *fs, CvSeqReader *reader, int count, void *dst, const char *dt)
Initializes file node sequence reader.
cv::CAP_PROP_XI_AEAG_ROI_OFFSET_Y
@ CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:366
fuzzy_image.hpp
cv::datasets::getDirList
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
cv::NORM_INF
@ NORM_INF
Definition: base.hpp:188
cv::OAST_9_16
static void OAST_9_16(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:5347
cv::cudev::NormHamming::result_type
int result_type
Definition: vec_distance.hpp:158
cv::flann::Index_::veclen
int veclen() const
Definition: flann.hpp:438
cv::ORB::getNLevels
virtual int getNLevels() const =0
cv::UMat
Definition: mat.hpp:2225
cv::rgbd::ICPOdometry::getMinDepth
double getMinDepth() const
Definition: rgbd.hpp:785
cv::multicalib::MultiCameraCalibration::optimizeExtrinsics
double optimizeExtrinsics()
cv::CAP_UNICAP
@ CAP_UNICAP
Unicap drivers.
Definition: videoio.hpp:99
cv::detail::FisheyeWarper::FisheyeWarper
FisheyeWarper(float scale)
Definition: warpers.hpp:304
shape_distance.hpp
cv::cuda::StreamAccessor
Class that enables getting cudaStream_t from cuda::Stream.
Definition: cuda_stream_accessor.hpp:68
cv::aruco::DICT_7X7_250
@ DICT_7X7_250
Definition: dictionary.hpp:156
CV_CAP_PROP_IOS_DEVICE_FOCUS
@ CV_CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio_c.h:426
cv::aruco::Dictionary::get
static Ptr< Dictionary > get(int dict)
cv::TrackbarCallback
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:266
cv::UMat::clone
UMat clone() const
returns deep copy of the matrix, i.e. the data is copied
cv::DualTVL1OpticalFlow::setWarpingsNumber
virtual void setWarpingsNumber(int val)=0
Number of warpings per scale.
cv::AdaptiveThresholdTypes
AdaptiveThresholdTypes
Definition: imgproc.hpp:341
cv::ClfMilBoost::sigmoid
float sigmoid(float x)
Definition: onlineMIL.hpp:76
cv::FileStorage::write
void write(const String &name, double val)
Simplified writing API to use with bindings.
cv::datasets::Dataset::getNumSplits
int getNumSplits() const
cv::cudev::FindMinMaxValExprBody::src
SrcPtr src
Definition: reduction.hpp:132
cv::FarnebackOpticalFlow::getFlags
virtual int getFlags() const =0
cv::WImageC::~WImageC
virtual ~WImageC()=0
Definition: wimage.hpp:511
cv::WImageBuffer1_16s
WImageBufferC< short, 1 > WImageBuffer1_16s
Definition: wimage.hpp:95
CvSparseMat::idxoffset
int idxoffset
Definition: types_c.h:688
cv::PCA::operator()
PCA & operator()(InputArray data, InputArray mean, int flags, double retainedVariance)
cv::operator*
static Affine3< T > operator*(const Affine3< T > &affine1, const Affine3< T > &affine2)
cv::cuda::COLOR_BayerGR2BGR_MHT
@ COLOR_BayerGR2BGR_MHT
Definition: cudaimgproc.hpp:98
cv::rgbd::RgbdPlane::setSensorErrorB
void setSensorErrorB(double val)
Definition: rgbd.hpp:440
cv::Matx::Matx
Matx(_Tp v0, _Tp v1)
1x2 or 2x1 matrix
cv::linemod::QuantizedPyramid::extractTemplate
virtual bool extractTemplate(Template &templ) const =0
Extract most discriminant features at current pyramid level to form a new template.
cv::fillConvexPoly
void fillConvexPoly(Mat &img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
cv::WImage::ImageData
const T * ImageData() const
Definition: wimage.hpp:184
cv::datasets::FR_adienceObj::x
int x
Definition: fr_adience.hpp:74
cv::TrackerStateEstimatorSVM::~TrackerStateEstimatorSVM
~TrackerStateEstimatorSVM()
cv::sfm::BaseSFM
base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenari...
Definition: simple_pipeline.hpp:158
cvv::impl::CallMetaData::file
const char * file
Definition: call_meta_data.hpp:46
cv::viz::Widget::getRenderingProperty
double getRenderingProperty(int property) const
Returns rendering property of the widget.
cv::sfm::SFMLibmvEuclideanReconstruction::getIntrinsics
virtual cv::Mat getIntrinsics() const =0
Returns the refined camera calibration matrix.
cv::datasets::OR_imagenetObj::image
std::string image
Definition: or_imagenet.hpp:63
CV_TM_CCOEFF_NORMED
@ CV_TM_CCOEFF_NORMED
Definition: types_c.h:438
cv::Feature2D::detect
virtual void detect(InputArray image, std::vector< KeyPoint > &keypoints, InputArray mask=noArray())
Detects keypoints in an image (first variant) or image set (second variant).
CvLevMarq::param
cv::Ptr< CvMat > param
Definition: calib3d_c.h:407
cv::CAP_PROP_IMAGES_BASE
@ CAP_PROP_IMAGES_BASE
Definition: videoio.hpp:567
NCVDebugOutputHandler
void NCVDebugOutputHandler(const cv::String &msg)
Definition: NCV.hpp:250
cv::DescriptorMatcher::train
virtual void train()
Trains a descriptor matcher.
cv::imencode
bool imencode(const String &ext, InputArray img, std::vector< uchar > &buf, const std::vector< int > &params=std::vector< int >())
Encodes an image into a memory buffer.
cv::line_descriptor::KeyLine::octave
int octave
Definition: descriptor.hpp:115
Ncv16u
unsigned short Ncv16u
Definition: NCV.hpp:130
CV_RETR_TREE
@ CV_RETR_TREE
Definition: types_c.h:449
matx.hpp
cv::Mat::diag
Mat diag(int d=0) const
Extracts a diagonal from a matrix.
cv::String::String
String(const std::string &str)
cv::datasets::PD_inria
Definition: pd_inria.hpp:84
cv::ClfOnlineStump::_e0
float _e0
Definition: onlineMIL.hpp:97
cv::aruco::DetectorParameters::markerBorderBits
int markerBorderBits
Definition: aruco.hpp:144
cv::AKAZE::setDescriptorSize
virtual void setDescriptorSize(int dsize)=0
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1011
cvCartToPolar
void cvCartToPolar(const CvArr *x, const CvArr *y, CvArr *magnitude, CvArr *angle=NULL, int angle_in_degrees=0)
cvGetRawData
void cvGetRawData(const CvArr *arr, uchar **data, int *step=NULL, CvSize *roi_size=NULL)
Retrieves low-level information about the array.
cv::rgbd::RgbdICPOdometry::normalsComputer
Ptr< RgbdNormals > normalsComputer
Definition: rgbd.hpp:1013
cvflann::LinearIndex::saveIndex
void saveIndex(FILE *)
Saves the index to a stream.
Definition: linear_index.h:93
cv::cnn_3dobj::icoSphere::writeBinaryfile
static void writeBinaryfile(String filenameImg, const char *binaryPath, const char *headerPath, int num_item, int label_class, int x, int y, int z, int isrgb)
Write binary files used for training in other open source project including Caffe.
cv::SparseMat_::ref
_Tp & ref(const int *idx, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(idx, hashval)
cv::Rect2i
Rect_< int > Rect2i
Definition: types.hpp:413
cv::datasets::tag::y
int y
Definition: tr_svt.hpp:63
CV_EXPORTS_W_SIMPLE
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:374
cv::CAP_PROP_MONOCHROME
@ CAP_PROP_MONOCHROME
Definition: videoio.hpp:143
cv::WImageBuffer1_f
WImageBufferC< float, 1 > WImageBuffer1_f
Definition: wimage.hpp:81
cv::ocl::Kernel::set
int set(int i, const void *value, size_t sz)
cv::BOWTrainer::add
void add(const Mat &descriptors)
Adds descriptors to a training set.
cv::DIST_MASK_5
@ DIST_MASK_5
mask=5
Definition: imgproc.hpp:322
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Size asize, Scalar val, Allocator *allocator=defaultAllocator())
cv::hal::Cholesky64f
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
CV_WRAP_AS
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:382
cv::PaniniPortraitWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:149
cv::Matx::solve
Matx< _Tp, n, l > solve(const Matx< _Tp, m, l > &rhs, int flags=DECOMP_LU) const
solve linear system
cv::optflow::VariationalRefinement::calcUV
virtual void calcUV(InputArray I0, InputArray I1, InputOutputArray flow_u, InputOutputArray flow_v)=0
calc function overload to handle separate horizontal (u) and vertical (v) flow components (to avoid e...
cv::cuda::BroxOpticalFlow
Class computing the optical flow for two images using Brox et al Optical Flow algorithm ().
Definition: cudaoptflow.hpp:113
CvMoments::m11
double m11
Definition: types_c.h:399
cv::xphoto::BM3D_STEPALL
@ BM3D_STEPALL
Definition: bm3d_image_denoising.hpp:71
tinyxml2::XMLNode::NextSiblingElement
const XMLElement * NextSiblingElement(const char *value=0) const
Get the next (right) sibling element of this node, with an optionally supplied name.
cv::aruco::estimatePoseBoard
int estimatePoseBoard(InputArrayOfArrays corners, InputArray ids, const Ptr< Board > &board, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec)
Pose estimation for a board of markers.
cv::detail::estimateFocal
void estimateFocal(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< double > &focals)
Estimates focal lengths for each given camera.
cv::cudacodec::EncoderCallBack
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:129
cv::bitwise_not
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray())
Inverts every bit of an array.
cv::cudev::UnaryTupleAdapter::result_type
Op::result_type result_type
Definition: tuple_adapter.hpp:59
clReleaseContext
#define clReleaseContext
Definition: opencl_core.hpp:234
cv::TermCriteria::epsilon
double epsilon
Definition: types.hpp:804
cv::VideoCaptureProperties
VideoCaptureProperties
VideoCapture generic properties identifier.
Definition: videoio.hpp:123
clEnqueueMarkerWithWaitList
#define clEnqueueMarkerWithWaitList
Definition: opencl_core.hpp:162
cv::face::PredictCollector::init
virtual void init(size_t size)
Interface method called by face recognizer before results processing.
Definition: predict_collector.hpp:69
cv::rotatedRectangleIntersection
int rotatedRectangleIntersection(const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion)
Finds out if there is any intersection between two rotated rectangles.
cv::cudev::vsetge4
__device__ __forceinline__ uint vsetge4(uint a, uint b)
Definition: simd_functions.hpp:728
cv::cudev::smem_tuple
__device__ __forceinline__ tuple< volatile T0 *, volatile T1 *, volatile T2 *, volatile T3 *, volatile T4 *, volatile T5 *, volatile T6 *, volatile T7 *, volatile T8 *, volatile T9 * > smem_tuple(T0 *t0, T1 *t1, T2 *t2, T3 *t3, T4 *t4, T5 *t5, T6 *t6, T7 *t7, T8 *t8, T9 *t9)
Definition: reduce.hpp:202
cvLoad
void * cvLoad(const char *filename, CvMemStorage *memstorage=NULL, const char *name=NULL, const char **real_name=NULL)
Loads an object from a file.
cv::viz::writePose
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
cv::Error::StsNullPtr
@ StsNullPtr
null pointer
Definition: base.hpp:96
cv::ml::DTrees
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:946
cv::dnn::DictValue::ps
AutoBuffer< String, 1 > * ps
Definition: dict.hpp:99
CV_CAP_PROP_AUTO_EXPOSURE
@ CV_CAP_PROP_AUTO_EXPOSURE
Definition: videoio_c.h:187
cv::detail::MultiBandBlender::numBands
int numBands() const
Definition: blenders.hpp:131
cvflann::KDTreeIndex::size
size_t size() const
Definition: kdtree_index.h:168
cv::CAP_IEEE1394
@ CAP_IEEE1394
Same as CAP_FIREWIRE.
Definition: videoio.hpp:95
cv::cudev::interNearest
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
cv::Mat::resize
void resize(size_t sz, const Scalar &s)
NCV_INCONSISTENT_INPUT
@ NCV_INCONSISTENT_INPUT
Definition: NCV.hpp:324
NcvRect32u::x
Ncv32u x
x-coordinate of upper left corner.
Definition: NCV.hpp:162
cv::cuda::ALPHA_XOR
@ ALPHA_XOR
Definition: cudaimgproc.hpp:159
cv::datasets::PD_caltechObj::imageNames
std::vector< std::string > imageNames
Definition: pd_caltech.hpp:65
cvv::impl::CallMetaData::isKnown
const bool isKnown
Whether *this holds actual data.
Definition: call_meta_data.hpp:53
cv::_InputArray::type
int type(int i=-1) const
cv::rgbd::RgbdOdometry::minDepth
double minDepth
Definition: rgbd.hpp:741
cv::datasets::FR_lfw
Definition: fr_lfw.hpp:67
cvflann::AutotunedIndexParams
Definition: autotuned_index.h:53
randpattern.hpp
cv::COLOR_GRAY2BGR
@ COLOR_GRAY2BGR
Definition: imgproc.hpp:540
cv::stereo::StereoBinaryBM::setAgregationWindowSize
virtual void setAgregationWindowSize(int value)=0
cv::datasets::OR_sun::load
virtual void load(const std::string &path)=0
hal_ni_sub8u
int hal_ni_sub8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:84
cv::face::FaceRecognizer::update
virtual void update(InputArrayOfArrays src, InputArray labels)
Updates a FaceRecognizer with given data and associated labels.
cv::rgbd::ICPOdometry::transformType
int transformType
Definition: rgbd.hpp:871
cv::line_descriptor::KeyLine::getEndPoint
Point2f getEndPoint() const
Definition: descriptor.hpp:153
cv::HOGDescriptor::compute
virtual void compute(InputArray img, std::vector< float > &descriptors, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &locations=std::vector< Point >()) const
cv::cudev::sinh
__device__ __forceinline__ double4 sinh(const double4 &a)
Definition: vec_math.hpp:346
cv::cuda::LookUpTable
Base class for transform using lookup table.
Definition: cudaarithm.hpp:485
cv::ppf_match_3d::loadPLYSimple
Mat loadPLYSimple(const char *fileName, int withNormals)
Load a PLY file.
cv::cuda::GpuMat::upload
void upload(InputArray arr, Stream &stream)
pefroms upload data to GpuMat (Non-Blocking call)
cvCompareHist
double cvCompareHist(const CvHistogram *hist1, const CvHistogram *hist2, int method)
cv::FileNode::read
void read(const FileNode &node, std::vector< DMatch > &matches)
clEnqueueNDRangeKernel
#define clEnqueueNDRangeKernel
Definition: opencl_core.hpp:166
cv::cuda::DeviceInfo::maxTexture2DMipmap
Vec2i maxTexture2DMipmap() const
maximum 2D mipmapped texture dimensions
NCVBroxOpticalFlowDescriptor::alpha
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
CV_BadCOI
@ CV_BadCOI
Definition: types_c.h:144
cv::detail::SphericalWarper::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
cv::CAP_PROP_GIGA_FRAME_SENS_WIDTH
@ CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio.hpp:503
cv::multicalib::MultiCameraCalibration::edge::photoVertex
int photoVertex
Definition: multicalib.hpp:85
cv::detail::PlanePortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cvflann::Logger::log
static int log(int level, const char *fmt,...)
Definition: logger.h:99
CV_DbgAssert
#define CV_DbgAssert(expr)
Definition: base.hpp:424
cv::cudev::gridTransformUnary
__host__ void gridTransformUnary(const SrcPtr &src, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:423
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< cuda::GpuMat > &d_mat)
cv::ximgproc::DTFilter::filter
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Produce domain transform filtering operation on source image.
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::Size &)
Definition: bridge.hpp:324
cv::DescriptorMatcher::radiusMatchImpl
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
cv::ogl::Arrays::setColorArray
void setColorArray(InputArray color)
Sets an array of vertex colors.
cv::_InputArray
This is the proxy class for passing read-only input arrays into OpenCV functions.
Definition: mat.hpp:147
cv::adaptiveThreshold
void adaptiveThreshold(InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
Applies an adaptive threshold to an array.
cv::cudev::PerspectiveMapPtrSz
Definition: warping.hpp:126
clCreateUserEvent
#define clCreateUserEvent
Definition: opencl_core_wrappers.hpp:61
retina.hpp
cv::cudev::LinearInterPtrSz::rows
int rows
Definition: interpolation.hpp:136
cvflann::ObjectFactory::unregister
bool unregister(UniqueIdType id)
Definition: object_factory.h:64
CvHuMoments
Definition: types_c.h:425
cv::v_zip
void v_zip(const v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1)
Interleave two vectors.
Definition: intrin_cpp.hpp:976
cv::QT_FONT_BOLD
@ QT_FONT_BOLD
Weight of 75.
Definition: highgui.hpp:234
cv::ORB
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:263
cv::cuda::StereoConstantSpaceBP::setUseLocalInitDataCost
virtual void setUseLocalInitDataCost(bool use_local_init_data_cost)=0
cv::cudev::bit_or
Definition: functional.hpp:235
cv::dnn::Blob::elemSize
int elemSize() const
Returns size of single element in bytes.
cv::WindowFlags
WindowFlags
Flags for cv::namedWindow.
Definition: highgui.hpp:182
cv::MatOp::augAssignXor
virtual void augAssignXor(const MatExpr &expr, Mat &m) const
cv::sfm::motionFromEssential
void motionFromEssential(InputArray E, OutputArrayOfArrays Rs, OutputArrayOfArrays ts)
cv::videostab::TwoPassStabilizer::estimateStabilizationMotion
virtual Mat estimateStabilizationMotion()
cv::convertMaps
void convertMaps(InputArray map1, InputArray map2, OutputArray dstmap1, OutputArray dstmap2, int dstmap1type, bool nninterpolation=false)
Converts image transformation maps from one representation to another.
cv::videostab::InpainterBase::stabilizationMotions_
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
cv::Mat::Mat
Mat(const std::vector< int > &sizes, int type, const Scalar &s)
cv::hal::absdiff32f
void absdiff32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::TrackerSamplerCSC::~TrackerSamplerCSC
~TrackerSamplerCSC()
matlab::Traits::ToString
static std::string ToString()
Definition: mxarray.hpp:121
cv::QtFont::cyrillic
const int * cyrillic
Definition: highgui.hpp:639
cv::dnn::LayerParams
This class provides all data needed to initialize layer.
Definition: dnn.hpp:70
CV_CAP_PROP_XI_HDR_T2
@ CV_CAP_PROP_XI_HDR_T2
Definition: videoio_c.h:397
cv::reg::MapProjec::compose
void compose(const Map &map)
cv::MergeMertens::getSaturationWeight
virtual float getSaturationWeight() const =0
cv::operator-=
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:401
cv::WND_PROP_FULLSCREEN
@ WND_PROP_FULLSCREEN
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:196
cv::text::ERFilter::setThresholdDelta
virtual void setThresholdDelta(int thresholdDelta)=0
cvflann::lsh::FeatureIndex
uint32_t FeatureIndex
Definition: lsh_table.h:69
CV_CAP_PROP_XI_CC_MATRIX_10
@ CV_CAP_PROP_XI_CC_MATRIX_10
Definition: videoio_c.h:336
CV_CAP_PROP_XI_BINNING_SELECTOR
@ CV_CAP_PROP_XI_BINNING_SELECTOR
Definition: videoio_c.h:287
cvGraphAddEdge
int cvGraphAddEdge(CvGraph *graph, int start_idx, int end_idx, const CvGraphEdge *edge=NULL, CvGraphEdge **inserted_edge=NULL)
cv::ximgproc::SuperpixelSLIC::getLabels
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
cvAcc
void cvAcc(const CvArr *image, CvArr *sum, const CvArr *mask=NULL)
Adds image to accumulator.
intrin_sse.hpp
cvEigenVV
void cvEigenVV(CvArr *mat, CvArr *evects, CvArr *evals, double eps=0, int lowindex=-1, int highindex=-1)
cv::ximgproc::FHT_AVE
@ FHT_AVE
Definition: fast_hough_transform.hpp:96
cv::ppf_match_3d::hashtablePrint
void hashtablePrint(hashtable_int *hashtbl)
cv::EVENT_FLAG_MBUTTON
@ EVENT_FLAG_MBUTTON
indicates that the middle mouse button is down.
Definition: highgui.hpp:223
cvflann::DynamicBitset::clear
void clear()
Definition: dynamic_bitset.h:77
cvGraphVtxDegree
int cvGraphVtxDegree(const CvGraph *graph, int vtx_idx)
cv::rgbd::RgbdOdometry
Definition: rgbd.hpp:628
tinyxml2::XMLDocument::DeleteNode
void DeleteNode(XMLNode *node)
Definition: tinyxml2.h:1650
cv::BORDER_TRANSPARENT
@ BORDER_TRANSPARENT
uvwxyz|absdefgh|ijklmno
Definition: base.hpp:259
cvflann::UniqueRandom
Definition: random.h:82
cv::String::String
String(const FileNode &fn)
tinyxml2::XMLUtil::IsNameChar
static bool IsNameChar(unsigned char ch)
Definition: tinyxml2.h:514
cv::datasets::MSM_middlebury::create
static Ptr< MSM_middlebury > create()
cvflann::MaxDistance::operator()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:336
OPENCV_HAL_1ST
#define OPENCV_HAL_1ST(a, b)
Definition: intrin.hpp:56
cv::viz::REPRESENTATION
@ REPRESENTATION
Definition: widgets.hpp:67
CV_CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
@ CV_CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Definition: videoio_c.h:366
ocl.hpp
cv::cudev::DefaultTransformPolicy::shift
@ shift
Definition: transform.hpp:418
cv::MSER::detectRegions
virtual void detectRegions(InputArray image, std::vector< std::vector< Point > > &msers, std::vector< Rect > &bboxes)=0
Detect MSER regions.
cv::MatConstIterator::seek
void seek(ptrdiff_t ofs, bool relative=false)
cv::ADAPTIVE_THRESH_GAUSSIAN_C
@ ADAPTIVE_THRESH_GAUSSIAN_C
Definition: imgproc.hpp:349
cv::stereo::StereoBinaryBM::setBinaryKernelType
virtual void setBinaryKernelType(int value)=0
exposure_compensate.hpp
cv::ximgproc::ARO_45_90
@ ARO_45_90
Definition: fast_hough_transform.hpp:67
cv::viz::Widget::cast
_W cast()
Casts a widget to another.
cv::operator>>
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:846
cv::cudev::ThreshToZeroInvFunc
Definition: functional.hpp:772
cv::ocl::Device::errorCorrectionSupport
bool errorCorrectionSupport() const
cv::cuda::TemplateMatching
Base class for Template Matching. :
Definition: cudaimgproc.hpp:649
cvStopLoop
void cvStopLoop(void)
cv::Mat::channels
int channels() const
Returns the number of matrix channels.
mxarray.hpp
cvflann::Logger::info
static int info(const char *fmt,...)
Definition: logger.h:121
cv::SeqIterator::tell
size_t tell() const
reports the current iterator position
Definition: core_c.h:3101
cv::rgbd::RgbdICPOdometry::transformType
int transformType
Definition: rgbd.hpp:1009
cv::cuda::createHoughLinesDetector
Ptr< HoughLinesDetector > createHoughLinesDetector(float rho, float theta, int threshold, bool doSort=false, int maxLines=4096)
Creates implementation for cuda::HoughLinesDetector .
cv::videostab::StabilizerBase::motions_
std::vector< Mat > motions_
Definition: stabilizer.hpp:131
CV_HLS2BGR
@ CV_HLS2BGR
Definition: types_c.h:192
cv::cudev::exp10
__device__ __forceinline__ double4 exp10(const double4 &a)
Definition: vec_math.hpp:256
cv::DataType::work_type
value_type work_type
Definition: traits.hpp:110
cv::ml::DTrees::Split::c
float c
Definition: ml.hpp:1076
cvflann::Hamming
Definition: dist.h:416
cv::cuda::FEATURE_SET_COMPUTE_30
@ FEATURE_SET_COMPUTE_30
Definition: cuda.hpp:600
cv::ppf_match_3d::ICP::ICP_SAMPLING_TYPE
ICP_SAMPLING_TYPE
Definition: icp.hpp:85
cv::CAP_PROP_XI_FFS_ACCESS_KEY
@ CAP_PROP_XI_FFS_ACCESS_KEY
Setting of key enables file operations on some cameras.
Definition: videoio.hpp:473
CV_CAP_PROP_SETTINGS
@ CV_CAP_PROP_SETTINGS
Definition: videoio_c.h:205
cvConvexityDefects
CvSeq * cvConvexityDefects(const CvArr *contour, const CvArr *convexhull, CvMemStorage *storage=NULL)
Finds convexity defects for the contour.
cvflann::KL_Divergence::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:698
cv::cuda::GpuMat::Allocator
Definition: cuda.hpp:100
cv::imdecode
Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
cv::ximgproc::createGuidedFilter
Ptr< GuidedFilter > createGuidedFilter(InputArray guide, int radius, double eps)
Factory method, create instance of GuidedFilter and produce initialization routines.
cv::CLAHE::setClipLimit
virtual void setClipLimit(double clipLimit)=0
cv::KAZE::DIFF_PM_G2
@ DIFF_PM_G2
Definition: features2d.hpp:605
cv::multicalib::MultiCameraCalibration::edge::edge
edge(int cv, int pv, int pi, Mat trans)
Definition: multicalib.hpp:89
cv::DualTVL1OpticalFlow::create
static Ptr< DualTVL1OpticalFlow > create(double tau=0.25, double lambda=0.15, double theta=0.3, int nscales=5, int warps=5, double epsilon=0.01, int innnerIterations=30, int outerIterations=10, double scaleStep=0.8, double gamma=0.0, int medianFiltering=5, bool useInitialFlow=false)
Creates instance of cv::DualTVL1OpticalFlow.
cv::bridge::Bridge::toSize
cv::Size toSize() const
Definition: bridge.hpp:325
cv::optflow::calcOpticalFlowSF
void calcOpticalFlowSF(InputArray from, InputArray to, OutputArray flow, int layers, int averaging_block_size, int max_flow)
cv::cuda::split
void split(InputArray src, GpuMat *dst, Stream &stream=Stream::Null())
Copies each plane of a multi-channel matrix into an array.
cl_mem_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_mem_info
Definition: opencl_core.hpp:336
cv::Mat::AUTO_STEP
@ AUTO_STEP
Definition: mat.hpp:1946
cv::CalibrateDebevec::getLambda
virtual float getLambda() const =0
cv::rgbd::OdometryFrame::OdometryFrame
OdometryFrame(const Mat &image, const Mat &depth, const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
cv::bioinspired::Retina::printSetup
virtual const String printSetup()=0
Outputs a string showing the used parameters setup.
cv::ShapeContextDistanceExtractor::setAngularBins
virtual void setAngularBins(int nAngularBins)=0
Establish the number of angular bins for the Shape Context Descriptor used in the shape matching pipe...
cv::dnn::BlobShape::BlobShape
BlobShape(int s0)
Creates 1-dim shape [s0].
cv::cuda::HoughLinesDetector::setMaxLines
virtual void setMaxLines(int maxLines)=0
cv::reg::MapperPyramid::numLev_
unsigned numLev_
Definition: mapperpyramid.hpp:66
cv::flann::GenericIndex::~GenericIndex
~GenericIndex()
cv::cudev::IsPowerOf2::value
@ value
Definition: type_traits.hpp:91
cvSetReal3D
void cvSetReal3D(CvArr *arr, int idx0, int idx1, int idx2, double value)
cv::CAP_PROP_XI_TRG_DELAY
@ CAP_PROP_XI_TRG_DELAY
Specifies the delay in microseconds (us) to apply after the trigger reception before activating it.
Definition: videoio.hpp:445
cv::ximgproc::EdgeAwareInterpolator::setFGSSigma
virtual void setFGSSigma(float _sigma)=0
photo_c.h
cv::ogl::ocl::initializeContextFromGL
Context & initializeContextFromGL()
Creates OpenCL context from GL.
cvGet3D
CvScalar cvGet3D(const CvArr *arr, int idx0, int idx1, int idx2)
cv::tracking::UkfSystemModel::stateConversionFunction
virtual void stateConversionFunction(const Mat &x_k, const Mat &u_k, const Mat &v_k, Mat &x_kplus1)=0
nppiStIntegral_8u32u_C1R
NCVStatus nppiStIntegral_8u32u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::linemod::Template::read
void read(const FileNode &fn)
cv::xphoto::GrayworldWB::getSaturationThreshold
virtual float getSaturationThreshold() const =0
Maximum saturation for a pixel to be included in the gray-world assumption.
cv::TrackerSampler::sampling
void sampling(const Mat &image, Rect boundingBox)
Computes the regions starting from a position in an image.
cv::saliency::StaticSaliencySpectralResidual::getImageHeight
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:100
cv::FileNodeIterator::readRaw
FileNodeIterator & readRaw(const String &fmt, uchar *vec, size_t maxCount=(size_t) INT_MAX)
Reads node elements to the buffer with the specified format.
cv::dnn::LayerFactory::unregisterLayer
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name.
cv::datasets::TRACK_alovObj::imagePath
std::string imagePath
Definition: track_alov.hpp:64
cv::moments
Moments moments(InputArray array, bool binaryImage=false)
Calculates all of the moments up to the third order of a polygon or rasterized shape.
hal_ni_cvtOnePlaneYUVtoBGR
int hal_ni_cvtOnePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int uIdx, int ycn)
hal_cvtOnePlaneYUVtoBGR
Definition: hal_replacement.hpp:539
cv::multicalib::MultiCameraCalibration::vertex::vertex
vertex()
Definition: multicalib.hpp:111
cv::cvEndWriteRawData_Base64
void cvEndWriteRawData_Base64(::CvFileStorage *fs)
cv::Mutex::Mutex
Mutex()
cvflann::Hamming2::is_kdtree_distance
False is_kdtree_distance
Definition: dist.h:477
cv::detail::PairwiseSeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
cv::UMat::zeros
static UMat zeros(Size size, int type)
cv::bgsegm::BackgroundSubtractorMOG::getNoiseSigma
virtual double getNoiseSigma() const =0
cv::cudev::DefaultSplitMergePolicy::block_size_x
@ block_size_x
Definition: split_merge.hpp:496
cv::stereo::StereoBinaryBM
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:128
cv::datasets::tag
Definition: tr_svt.hpp:61
cv::COLOR_GRAY2BGR565
@ COLOR_GRAY2BGR565
convert between grayscale to BGR565 (16-bit images)
Definition: imgproc.hpp:556
cv::MSER::setMaxArea
virtual void setMaxArea(int maxArea)=0
types_c.h
outlier_rejection.hpp
cvAddS
void cvAddS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
cv::cudev::transformPtr
__host__ UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Op > transformPtr(const SrcPtr &src, const Op &op)
Definition: transform.hpp:88
kdtree_index.h
cv::cuda::HoughCirclesDetector::setMaxCircles
virtual void setMaxCircles(int maxCircles)=0
cv::cuda::lshift
void lshift(InputArray src, Scalar_< int > val, OutputArray dst, Stream &stream=Stream::Null())
Performs pixel by pixel right left of an image by a constant value.
cv::Matx66d
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:231
cv::SparseMat_::ref
_Tp & ref(int i0, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(i0, hashval)
cv::decolor
void decolor(InputArray src, OutputArray grayscale, OutputArray color_boost)
Transforms a color image to a grayscale image. It is a basic tool in digital printing,...
clGetEventInfo
#define clGetEventInfo
Definition: opencl_core.hpp:200
cvGetMat
CvMat * cvGetMat(const CvArr *arr, CvMat *header, int *coi=NULL, int allowND=0)
Returns matrix header for arbitrary array.
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::height
int height
Definition: histogramphaseunwrapping.hpp:82
cvflann::KMeansIndex::KMeansIndex
KMeansIndex(const Matrix< ElementType > &inputData, const IndexParams &params=KMeansIndexParams(), Distance d=Distance())
Definition: kmeans_index.h:346
cv::datasets::HPE_humanevaObj::person
char person
Definition: hpe_humaneva.hpp:62
cv::videostab::OnePassStabilizer::motionFilter_
Ptr< MotionFilterBase > motionFilter_
Definition: stabilizer.hpp:156
cv::detail::SphericalWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
cv::GeneralizedHough::detect
virtual void detect(InputArray edges, InputArray dx, InputArray dy, OutputArray positions, OutputArray votes=noArray())=0
cvError
void cvError(int status, const char *func_name, const char *err_msg, const char *file_name, int line)
cv::rectify3Collinear
float rectify3Collinear(InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, InputArray cameraMatrix3, InputArray distCoeffs3, InputArrayOfArrays imgpt1, InputArrayOfArrays imgpt3, Size imageSize, InputArray R12, InputArray T12, InputArray R13, InputArray T13, OutputArray R1, OutputArray R2, OutputArray R3, OutputArray P1, OutputArray P2, OutputArray P3, OutputArray Q, double alpha, Size newImgSize, Rect *roi1, Rect *roi2, int flags)
computes the rectification transformations for 3-head camera, where all the heads are on the same lin...
cv::dnn::Blob::sync
void sync() const
Updates Mat and UMat of Blob.
cv::cuda::HoughLinesDetector::getTheta
virtual float getTheta() const =0
cv::Mat::forEach_impl
void forEach_impl(const Functor &operation)
Definition: utility.hpp:482
CV_CAP_PROP_GAMMA
@ CV_CAP_PROP_GAMMA
Definition: videoio_c.h:190
cvflann::anyimpl::small_any_policy::copy_from_value
virtual void copy_from_value(void const *src, void **dest)
Definition: any.h:66
cv::cuda::DescriptorMatcher::radiusMatch
virtual void radiusMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), bool compactResult=false)=0
cv::videostab::TwoPassStabilizer::mustEstimateTrimaRatio
bool mustEstimateTrimaRatio() const
Definition: stabilizer.hpp:171
cv::WImageBuffer::CloneFrom
void CloneFrom(const WImage< T > &src)
Definition: wimage.hpp:322
cv::videostab::MotionFilterBase::~MotionFilterBase
virtual ~MotionFilterBase()
Definition: motion_stabilizing.hpp:87
cv::findTransformECC
double findTransformECC(InputArray templateImage, InputArray inputImage, InputOutputArray warpMatrix, int motionType=MOTION_AFFINE, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 50, 0.001), InputArray inputMask=noArray())
Finds the geometric transform (warp) between two images in terms of the ECC criterion .
cv::cudev::threshBinaryInv_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshBinaryInvFunc< typename PtrTraits< SrcPtr >::value_type > > > threshBinaryInv_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh, typename PtrTraits< SrcPtr >::value_type maxVal)
Definition: per_element_func.hpp:89
cv::viz::WCoordinateSystem
Compond widgets.
Definition: widgets.hpp:514
CV_CAP_PROP_GIGA_FRAME_WIDTH_MAX
@ CV_CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio_c.h:436
CV_CUDEV_RGB5x52RGB_INST
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
cv::cudev::VecTraits< char3 >::elem_type
schar elem_type
Definition: vec_traits.hpp:168
cv::cudev::saturate_cast< uint >
__device__ __forceinline__ uint saturate_cast< uint >(double v)
Definition: saturate_cast.hpp:264
cv::SOLVEPNP_ITERATIVE
@ SOLVEPNP_ITERATIVE
Definition: calib3d.hpp:235
cv::CAP_PROP_XI_EXP_PRIORITY
@ CAP_PROP_XI_EXP_PRIORITY
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:342
cv::cudev::CubicInterPtr
Definition: interpolation.hpp:156
cv::ppf_match_3d::Pose3D::numVotes
unsigned int numVotes
Definition: pose_3d.hpp:129
cv::datasets::OR_sunObj
Definition: or_sun.hpp:61
cv::detail::TimelapserCrop
Definition: timelapsers.hpp:81
cv::DMatch::DMatch
DMatch(int _queryIdx, int _trainIdx, float _distance)
cv::COLOR_BGRA2YUV_YV12
@ COLOR_BGRA2YUV_YV12
Definition: imgproc.hpp:732
cv::cudev::lut_
__host__ Expr< LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > > lut_(const SrcPtr &src, const TablePtr &tbl)
Definition: per_element_func.hpp:128
cv::bioinspired::RetinaParameters::IplMagnoParameters::amacrinCellsTemporalCutFrequency
float amacrinCellsTemporalCutFrequency
Definition: retina.hpp:176
cvInitTreeNodeIterator
void cvInitTreeNodeIterator(CvTreeNodeIterator *tree_iterator, const void *first, int max_level)
motempl.hpp
cv::dnn::Blob::DataState
DataState
Definition: blob.hpp:320
cv::FloodFillFlags
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:389
CV_BGR5652BGR
@ CV_BGR5652BGR
Definition: types_c.h:132
cv::cudev::vmax2
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
cv::cudev::remapPtr
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > remapPtr(const SrcPtr &src, const MapPtr &map)
Definition: remap.hpp:116
NcvSize32s
Definition: NCV.hpp:173
hal_ni_split8u
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
cv::TrackerStateEstimatorAdaBoosting::boostClassifier
Ptr< StrongClassifierDirectSelection > boostClassifier
Definition: tracker.hpp:759
cv::CvHaarEvaluator::features
std::vector< FeatureHaar > features
Definition: feature.hpp:288
cv::videostab::StabilizerBase::borderMode
int borderMode() const
Definition: stabilizer.hpp:93
cv::cuda::findMinMaxLoc
void findMinMaxLoc(InputArray src, OutputArray minMaxVals, OutputArray loc, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::SparseMat::removeNode
void removeNode(size_t hidx, size_t nidx, size_t previdx)
cv::ParamType< Algorithm >::const_param_type
const Ptr< Algorithm > & const_param_type
Definition: core.hpp:3172
CvLevMarq::completeSymmFlag
bool completeSymmFlag
Definition: calib3d_c.h:420
shuffle.hpp
cv::videostab::LogToStdout
Definition: log.hpp:70
CvKalman::process_noise_cov
CvMat * process_noise_cov
Definition: tracking_c.h:192
cv::datasets::TRACK_vot::activeDatasetID
int activeDatasetID
Definition: track_vot.hpp:87
cv::cuda::DeviceInfo::supports
bool supports(FeatureSet feature_set) const
Provides information on CUDA feature support.
CV_StsUnsupportedFormat
@ CV_StsUnsupportedFormat
Definition: types_c.h:161
cv::cudev::NormL1< float >::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:99
cv::cudev::greater_equal::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:175
cvhalDFT
Dummy structure storing DFT/DCT context.
Definition: hal_replacement.hpp:500
cv::_InputArray::empty
bool empty() const
cv::COLOR_RGB2HLS
@ COLOR_RGB2HLS
Definition: imgproc.hpp:590
cvflann::get_param
T get_param(const IndexParams &params, cv::String name, const T &default_value)
Definition: params.h:59
cv::VideoWriter::iwriter
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:922
cvInitLineIterator
int cvInitLineIterator(const CvArr *image, CvPoint pt1, CvPoint pt2, CvLineIterator *line_iterator, int connectivity=8, int left_to_right=0)
Initializes line iterator.
cv::flann::CvType< char >::type
static int type()
Definition: flann.hpp:77
cv::datasets::flat
@ flat
Definition: gr_skig.hpp:78
cv::KAZE::create
static Ptr< KAZE > create(bool extended=false, bool upright=false, float threshold=0.001f, int nOctaves=4, int nOctaveLayers=4, int diffusivity=KAZE::DIFF_PM_G2)
The KAZE constructor.
NcvRect32u::height
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
cv::cudev::warpTransform
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:997
cv::_InputArray::obj
void * obj
Definition: mat.hpp:234
cv::viz::Viz3d::getWindowName
String getWindowName() const
Returns the name of the window which has been set in the constructor.
cv::viz::Viz3d::Color
cv::viz::Color Color
Definition: viz3d.hpp:70
cv::IMWRITE_WEBP_QUALITY
@ IMWRITE_WEBP_QUALITY
For WEBP, it can be a quality from 1 to 100 (the higher is the better). By default (without any param...
Definition: imgcodecs.hpp:92
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Size asize, Allocator *allocator=defaultAllocator())
cv::Range::size
int size() const
cl_mem
CL_RUNTIME_EXPORT const cl_event cl_event *CL_RUNTIME_EXPORT cl_mem
Definition: opencl_core.hpp:299
cv::cuda::DeviceInfo::computeMode
ComputeMode computeMode() const
compute mode
cv::ximgproc::SLIC
SLIC
Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels.
Definition: slic.hpp:155
cv::AlignMTB::getExcludeRange
virtual int getExcludeRange() const =0
cv::cudev::LaplacianPtrSz
Definition: deriv.hpp:370
CV_YUV2RGBA_YUY2
@ CV_YUV2RGBA_YUY2
Definition: types_c.h:305
cv::cudev::RemapPtr2Sz::rows
int rows
Definition: remap.hpp:105
CV_CAP_OPENNI_IR_GENERATOR
@ CV_CAP_OPENNI_IR_GENERATOR
Definition: videoio_c.h:218
cv::ORB::getMaxFeatures
virtual int getMaxFeatures() const =0
cv::cuda::DeviceInfo::ComputeMode
ComputeMode
Definition: cuda.hpp:725
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Vec2d &fov, InputArray image, double scale=1.0, const Color &color=Color::white())
Display image on the far plane of the viewing frustum.
cv::Mat::ptr
uchar * ptr(int row, int col)
cv::COLOR_YUV2RGB
@ COLOR_YUV2RGB
Definition: imgproc.hpp:625
cv::ocl::Context::ndevices
size_t ndevices() const
cvflann::MaxDistance::ResultType
Accumulator< T >::Type ResultType
Definition: dist.h:328
cv::FileNode::end
FileNodeIterator end() const
returns iterator pointing to the element following the last node element
cv::Matx16d
Matx< double, 1, 6 > Matx16d
Definition: matx.hpp:202
cv::cudev::min
__device__ __forceinline__ uchar1 min(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:794
cv::optflow::GPCPatchSample::neg
GPCPatchDescriptor neg
Definition: sparse_matching_gpc.hpp:82
cv::CAP_INTELPERC_UVDEPTH_MAP
@ CAP_INTELPERC_UVDEPTH_MAP
Each pixel contains two 32-bit floating point values in the range of 0-1, representing the mapping of...
Definition: videoio.hpp:528
cv::cudev::minMaxVal_
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
cv::hal::recip16s
void recip16s(const short *, size_t, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
cv::BFMatcher::create
static Ptr< BFMatcher > create(int normType=NORM_L2, bool crossCheck=false)
cv::cudev::Binder2nd::operator()
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::first_argument_type >::parameter_type a) const
Definition: functional.hpp:856
cv::multiply
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Calculates the per-element scaled product of two arrays.
cv::ocl::Context::initializeContextFromHandle
friend void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
cv::PCA::backProject
void backProject(InputArray vec, OutputArray result) const
cv::COLOR_HLS2BGR
@ COLOR_HLS2BGR
Definition: imgproc.hpp:599
cv::UMat::UMat
UMat(const Vec< _Tp, n > &vec, bool copyData=true)
builds matrix from cv::Vec; the data is copied by default
cv::cudev::vsetne4
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
CvSparseNode::hashval
unsigned hashval
Definition: types_c.h:712
CvScalar
Definition: types_c.h:1125
cv::WImageViewC::WImageViewC
WImageViewC(IplImage *img)
Definition: wimage.hpp:464
cv::PCA::write
void write(FileStorage &fs) const
write PCA objects
CvMoments::m21
double m21
Definition: types_c.h:399
cv::Mat::datastart
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:1964
cv::CAP_PROP_XI_WB_KG
@ CAP_PROP_XI_WB_KG
White balance green coefficient.
Definition: videoio.hpp:371
hal_ni_cvtRGBAtoMultipliedRGBA
int hal_ni_cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
hal_cvtRGBAtoMultipliedRGBA
Definition: hal_replacement.hpp:550
cv::ogl::Arrays::resetColorArray
void resetColorArray()
Resets vertex colors.
cv::ml::SVMSGD::SGD
@ SGD
Stochastic Gradient Descent.
Definition: ml.hpp:1592
cv::aruco::DetectorParameters::minMarkerDistanceRate
double minMarkerDistanceRate
Definition: aruco.hpp:139
cvflann::FLANN_DIST_L2
@ FLANN_DIST_L2
Definition: defines.h:130
cv::cuda::HoughCirclesDetector::setMinRadius
virtual void setMinRadius(int minRadius)=0
cv::ClfOnlineStump::_q
float _q
Definition: onlineMIL.hpp:94
NCVMemNativeAllocator::isCounting
virtual NcvBool isCounting(void) const
cv::Seq::elemSize
size_t elemSize() const
returns the size of each sequence element
Definition: core_c.h:3008
CvChain
Definition: types_c.h:1382
cv::stereo::Matching
Definition: matching.hpp:58
cv::Matx::ones
static Matx ones()
cv::SparseMat::clear
void clear()
sets all the sparse matrix elements to 0, which means clearing the hash table.
cv::face::StandardCollector::StandardCollector
StandardCollector(double threshold_=DBL_MAX)
Constructor.
cv::detail::AffineBestOf2NearestMatcher
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:325
cv::bioinspired::SegmentationParameters::thresholdON
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
cv::winrt_setFrameContainer
void winrt_setFrameContainer(::Windows::UI::Xaml::Controls::Image^ image)
cv::ocl::Device::addressBits
int addressBits() const
cv::BaseClassifier::m_wCorrect
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:145
cv::hdf::HDF5::kpcreate
virtual void kpcreate(const int size, String kplabel, const int compresslevel=H5_NONE, const int chunks=H5_NONE) const =0
Create and allocate special storage for cv::KeyPoint dataset.
cv::detail::GainCompensator::gains
std::vector< double > gains() const
cv::flann::IndexParams::setFloat
void setFloat(const String &key, float value)
cv::ocl::PlatformInfo::deviceNumber
int deviceNumber() const
cv::text::OCRBeamSearchDecoder::run
String run(InputArray image, int min_confidence, int component_level=0)
cv::v_float64x2
v_reg< double, 2 > v_float64x2
Two 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:368
cv::instr::FLAGS_NONE
@ FLAGS_NONE
Definition: utility.hpp:1155
cv::rgbd::RgbdOdometry::maxPointsPart
double maxPointsPart
Definition: rgbd.hpp:746
cv::Mat_< float >
cvflann::CENTERS_RANDOM
@ CENTERS_RANDOM
Definition: defines.h:113
cv::cudev::interArea
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
hal_ni_sepFilterFree
int hal_ni_sepFilterFree(cvhalFilter2D *context)
hal_sepFilterFree
Definition: hal_replacement.hpp:174
cv::TrackerKCF::Params::resize
bool resize
activate the resize feature to improve the processing speed
Definition: tracker.hpp:1242
CV_CAP_PROP_ANDROID_FOCUS_MODE
@ CV_CAP_PROP_ANDROID_FOCUS_MODE
Definition: videoio_c.h:415
cv::CHAIN_APPROX_SIMPLE
@ CHAIN_APPROX_SIMPLE
Definition: imgproc.hpp:448
cv::Error::BadTileSize
@ BadTileSize
Definition: base.hpp:92
cv::sfm::meanAndVarianceAlongRows
void meanAndVarianceAlongRows(InputArray A, OutputArray mean, OutputArray variance)
Computes the mean and variance of a given matrix along its rows.
cv::cudev::DerivXPtrSz
Definition: deriv.hpp:75
cv::MatExpr::abs
MatExpr abs(const MatExpr &e)
cv::datasets::SLAM_kittiObj::velodyne
std::vector< std::string > velodyne
Definition: slam_kitti.hpp:69
cv::UMat::checkVector
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...
cv::ximgproc::ARO_CTR_VER
@ ARO_CTR_VER
Definition: fast_hough_transform.hpp:75
cv::videostab::MotionEstimatorRansacL2
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:132
cv::superres::SuperResolution::getLabmda
virtual double getLabmda() const =0
Weight parameter to balance data term and smoothness term.
opencl_clamdblas.hpp
cv::Vec4w
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:373
cv::CALIB_SAME_FOCAL_LENGTH
@ CALIB_SAME_FOCAL_LENGTH
Definition: calib3d.hpp:273
cv::cudev::DefaultSplitMergePolicy::block_size_y
@ block_size_y
Definition: split_merge.hpp:497
cv::cudev::atomicMin
static __device__ double atomicMin(double *address, double val)
Definition: atomic.hpp:132
cv::dnn::Importer::populateNet
virtual void populateNet(Net net)=0
Adds loaded layers into the net and sets connections between them.
cv::ClfMilBoost::init
void init(const ClfMilBoost::Params &parameters=ClfMilBoost::Params())
cv::detail::RotationWarper::warpRoi
virtual Rect warpRoi(Size src_size, InputArray K, InputArray R)=0
cv::ximgproc::createDisparityWLSFilter
Ptr< DisparityWLSFilter > createDisparityWLSFilter(Ptr< StereoMatcher > matcher_left)
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevan...
matlab::MxArray::imag
const Scalar * imag() const
Definition: mxarray.hpp:410
cv::aruco::CharucoBoard::draw
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco board.
CV_CAP_OPENNI_IMAGE_GENERATOR_PRESENT
@ CV_CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio_c.h:239
cv::pointPolygonTest
double pointPolygonTest(InputArray contour, Point2f pt, bool measureDist)
Performs a point-in-contour test.
cv::Mat::zeros
static MatExpr zeros(Size size, int type)
tinyxml2::XMLNode::XMLNode
XMLNode(const XMLNode &)
ncvSetDebugOutputHandler
void ncvSetDebugOutputHandler(NCVDebugOutputHandler *func)
cv::ximgproc::SuperpixelSEEDS::getLabels
virtual void getLabels(OutputArray labels_out)=0
Returns the segmentation labeling of the image.
tinyxml2::XMLText::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *document) const
cv::Stitcher::estimateTransform
Status estimateTransform(InputArrayOfArrays images, const std::vector< std::vector< Rect > > &rois)
These functions try to match the given images and to estimate rotations of each camera.
cv::WImageBuffer1_16u
WImageBufferC< ushort, 1 > WImageBuffer1_16u
Definition: wimage.hpp:107
clCreateImage
#define clCreateImage
Definition: opencl_core.hpp:114
cv::cuda::graphcut
void graphcut(GpuMat &terminals, GpuMat &leftTransp, GpuMat &rightTransp, GpuMat &top, GpuMat &bottom, GpuMat &labels, GpuMat &buf, Stream &stream=Stream::Null())
performs labeling via graph cuts of a 2D regular 4-connected graph.
cv::viz::Viz3d
The Viz3d class represents a 3D visualizer window. This class is implicitly shared....
Definition: viz3d.hpp:68
cv::DescriptorMatcher::DescriptorCollection::DescriptorCollection
DescriptorCollection(const DescriptorCollection &collection)
cv::cudev::integral_
__host__ Expr< IntegralBody< SrcPtr > > integral_(const SrcPtr &src)
Definition: reduction.hpp:253
cv::videostab::DeblurerBase::~DeblurerBase
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
CV_CAP_PROP_WHITE_BALANCE_RED_V
@ CV_CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio_c.h:194
NcvSize32s::width
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
CvTreeNodeIterator::max_level
int max_level
Definition: core_c.h:1898
cv::videostab::InpainterBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
cv::fastNlMeansDenoisingColored
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for colored images.
cv::viz::WImage3D::setImage
void setImage(InputArray image)
Sets the image content of the widget.
CvHaarClassifier::left
int * left
Definition: objdetect_c.h:88
cv::MatOp::multiply
virtual void multiply(const MatExpr &expr1, double s, MatExpr &res) const
cv::superres::createOptFlow_PyrLK_CUDA
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
cv::detail::PaniniWarper::PaniniWarper
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:376
cv::MergeMertens::process
virtual void process(InputArrayOfArrays src, OutputArray dst)=0
Short version of process, that doesn't take extra arguments.
NCVPipeObjDet_UseFairImageScaling
@ NCVPipeObjDet_UseFairImageScaling
Definition: NCVHaarObjectDetection.hpp:354
cvflann::KMeansIndex::chooseCentersKMeanspp
void chooseCentersKMeanspp(int k, int *indices, int indices_length, int *centers, int &centers_length)
Definition: kmeans_index.h:199
cv::stereo::ModifiedCsCensus::ModifiedCsCensus
ModifiedCsCensus()
Definition: descriptor.hpp:147
cv::setIdentity
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
cv::cudev::LinearInterPtr::src
SrcPtr src
Definition: interpolation.hpp:102
cv::ImwriteFlags
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:81
cv::cuda::DescriptorMatcher::knnMatchAsync
virtual void knnMatchAsync(InputArray queryDescriptors, InputArray trainDescriptors, OutputArray matches, int k, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Finds the k best matches for each descriptor from a query set (asynchronous version).
hal_ni_recip16u
int hal_ni_recip16u(const ushort *src_data, size_t src_step, ushort *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:277
cv::reg::MapAffine::inverseWarp
void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const
clEnqueueReadBufferRect
#define clEnqueueReadBufferRect
Definition: opencl_core_wrappers.hpp:115
cv::ml::TrainData::getSampleWeights
virtual Mat getSampleWeights() const =0
clGetImageInfo
#define clGetImageInfo
Definition: opencl_core.hpp:208
cv::rgbd::Odometry::DEFAULT_MAX_ROTATION
static float DEFAULT_MAX_ROTATION()
Definition: rgbd.hpp:563
cv::reduce
void reduce(InputArray src, OutputArray dst, int dim, int rtype, int dtype=-1)
Reduces a matrix to a vector.
unary_func.hpp
cv::datasets::split
void split(const std::string &s, std::vector< std::string > &elems, char delim)
cv::detail::BundleAdjusterAffine::BundleAdjusterAffine
BundleAdjusterAffine()
Definition: motion_estimators.hpp:286
cv::randpattern::RandomPatternCornerFinder::RandomPatternCornerFinder
RandomPatternCornerFinder(float patternWidth, float patternHeight, int nminiMatch=20, int depth=CV_32F, int verbose=0, int showExtraction=0, Ptr< FeatureDetector > detector=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.005f), Ptr< DescriptorExtractor > descriptor=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.005f), Ptr< DescriptorMatcher > matcher=DescriptorMatcher::create("BruteForce-L1"))
CvKalman::PriorErrorCovariance
float * PriorErrorCovariance
Definition: tracking_c.h:178
cv::cudev::DefaultTransposePolicy
Definition: transpose.hpp:85
cv::Seq::push_front
void push_front(const _Tp &elem)
appends the specified element to the front of the sequence
Definition: core_c.h:3017
cv::TLSData::get
T * get() const
Definition: utility.hpp:639
CV_CAP_PROP_XI_GPI_LEVEL
@ CV_CAP_PROP_XI_GPI_LEVEL
Definition: videoio_c.h:269
CvMat::refcount
int * refcount
Definition: types_c.h:429
cv::dnn::InnerProductLayer::create
static Ptr< InnerProductLayer > create(int axis=1)
tinyxml2::XMLNode::PreviousSibling
const XMLNode * PreviousSibling() const
Get the previous (left) sibling node of this node.
Definition: tinyxml2.h:714
OPENCV_HAL_IMPL_ADD_SUB_OP
#define OPENCV_HAL_IMPL_ADD_SUB_OP(func, bin_op, cast_op, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:635
CV_CAP_ANDROID_FRONT
@ CV_CAP_ANDROID_FRONT
Definition: videoio_c.h:111
CV_BGRA2YUV_IYUV
@ CV_BGRA2YUV_IYUV
Definition: types_c.h:335
CvKalman::DP
int DP
Definition: tracking_c.h:166
cv::cudev::IntegerAreaInterPtr::area_height
int area_height
Definition: interpolation.hpp:240
cvSubS
void cvSubS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
Definition: core_c.h:1062
clEnqueueNativeKernel
#define clEnqueueNativeKernel
Definition: opencl_core.hpp:168
cv::cudev::IntegralBody::src
SrcPtr src
Definition: reduction.hpp:242
cv::UMat::convertTo
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
converts matrix to another datatype with optional scalng. See cvConvertScale.
cv::COLOR_BGR5552BGR
@ COLOR_BGR5552BGR
Definition: imgproc.hpp:561
cv::ppf_match_3d::hashtable_int_clone
hashtable_int * hashtable_int_clone(hashtable_int *hashtbl)
nppiStFilterColumnBorder_32f_C1R
NCVStatus nppiStFilterColumnBorder_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u oROI, NppStBorderType borderType, const Ncv32f *pKernel, Ncv32s nKernelSize, Ncv32s nAnchor, Ncv32f multiplier)
cv::rgbd::Odometry::DEFAULT_MAX_TRANSLATION
static float DEFAULT_MAX_TRANSLATION()
Definition: rgbd.hpp:558
CV_CAP_PROP_GAIN
@ CV_CAP_PROP_GAIN
Definition: videoio_c.h:180
cv::cudev::reshape_
__host__ GpuMat_< typename MakeVec< typename VecTraits< T >::elem_type, cn >::type > reshape_(const GpuMat_< T > &mat, int rows=0)
Definition: gpumat.hpp:150
cv::FileNode::read
static void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:760
cvRealScalar
CvScalar cvRealScalar(double val0)
Definition: types_c.h:1156
CvGraphScanner::dst
CvGraphVtx * dst
Definition: core_c.h:1863
cv::xobjdetect::WBDetector
WaldBoost detector.
Definition: xobjdetect.hpp:62
cv::text::loadOCRBeamSearchClassifierCNN
Ptr< OCRBeamSearchDecoder::ClassifierCallback > loadOCRBeamSearchClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRBeamSearchDecoder objec...
cv::rgbd::Odometry::checkParams
virtual void checkParams() const =0
CV_CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
@ CV_CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio_c.h:446
cv::rgbd::RgbdNormals::rgbd_normals_impl_
void * rgbd_normals_impl_
Definition: rgbd.hpp:210
cv::createTonemapReinhard
Ptr< TonemapReinhard > createTonemapReinhard(float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f)
Creates TonemapReinhard object.
CvMoments::mu02
double mu02
Definition: types_c.h:400
cv::cudev::bit_rshift::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:271
cv::CAP_PROP_XI_KNEEPOINT1
@ CAP_PROP_XI_KNEEPOINT1
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:463
hal_ni_mul8u
int hal_ni_mul8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:238
clEnqueueMapImage
#define clEnqueueMapImage
Definition: opencl_core.hpp:158
cv::structured_light::SinusoidalPattern::findProCamMatches
virtual void findProCamMatches(InputArray projUnwrappedPhaseMap, InputArray camUnwrappedPhaseMap, OutputArrayOfArrays matches)=0
Find correspondences between the two devices thanks to unwrapped phase maps.
tinyxml2::XMLConstHandle::PreviousSiblingElement
const XMLConstHandle PreviousSiblingElement(const char *_value=0) const
Definition: tinyxml2.h:1879
tinyxml2::XMLComment::ParseDeep
char * ParseDeep(char *, StrPair *endTag)
tinyxml2::DynArray::Pop
T Pop()
Definition: tinyxml2.h:241
cv::videostab::TwoPassStabilizer::setUp
virtual void setUp(const Mat &firstFrame)
cv::cuda::FEATURE_SET_COMPUTE_13
@ FEATURE_SET_COMPUTE_13
Definition: cuda.hpp:597
cv::Node::m_pParent
Node< OBJECT > * m_pParent
Definition: utility.hpp:1080
cv::CommandLineParser::getPathToApplication
String getPathToApplication() const
Returns application path.
cv::cudev::LinearInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:104
CvMemStoragePos::free_space
int free_space
Definition: types_c.h:1208
cv::cuda::sum
Scalar sum(InputArray src, InputArray mask=noArray())
Returns the sum of matrix elements.
cv::FM_RANSAC
@ FM_RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:283
cv::CAP_OPENNI_GENERATORS_MASK
@ CAP_OPENNI_GENERATORS_MASK
Definition: videoio.hpp:215
cv::FileNodeIterator::SeqReader::block_min
schar * block_min
Definition: persistence.hpp:675
cv::ocl::Kernel::args
Kernel & args(const _Tp0 &a0, const _Tp1 &a1)
Definition: ocl.hpp:422
cv::cudev::vsetgt4
__device__ __forceinline__ uint vsetgt4(uint a, uint b)
Definition: simd_functions.hpp:765
CvStereoBMState::SADWindowSize
int SADWindowSize
Definition: calib3d_c.h:331
cv::superres::FarnebackOpticalFlow::setFlags
virtual void setFlags(int val)=0
cv::detail::MatchesInfo::matches
std::vector< DMatch > matches
Definition: matchers.hpp:213
cvflann::AutotunedIndex::DistanceType
Distance::ResultType DistanceType
Definition: autotuned_index.h:74
cv::dnn::DictValue::DictValue
DictValue(const char *s)
This is an overloaded member function, provided for convenience. It differs from the above function o...
Definition: dict.hpp:67
tinyxml2::XMLDocument::ShallowEqual
virtual bool ShallowEqual(const XMLNode *) const
Definition: tinyxml2.h:1684
cv::stereo::StereoBinaryBM::PREFILTER_XSOBEL
@ PREFILTER_XSOBEL
Definition: stereo.hpp:131
CV_BadModelOrChSeq
@ CV_BadModelOrChSeq
Definition: types_c.h:134
cv::viz::WText3D::setText
void setText(const String &text)
Sets the text content of the widget.
cv::GeneralizedHoughBallard::getLevels
virtual int getLevels() const =0
cv::dnn::DictValue::arrayInt
static DictValue arrayInt(TypeIter begin, int size)
Constructs integer array.
cv::datasets::TR_svt::create
static Ptr< TR_svt > create()
hal_ni_dftFree2D
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
clReleaseMemObject
#define clReleaseMemObject
Definition: opencl_core.hpp:242
cv::String
Definition: cvstd.hpp:478
cv::videostab::KeypointBasedMotionEstimator
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:222
cv::hal::LU32f
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::cuda::StereoBeliefPropagation::getMaxDataTerm
virtual double getMaxDataTerm() const =0
truncation of data cost
cv::cudev::ZipPtrSz::ZipPtrSz
__host__ __device__ __forceinline__ ZipPtrSz()
Definition: zip.hpp:112
tinyxml2::XML_NO_ATTRIBUTE
@ XML_NO_ATTRIBUTE
Definition: tinyxml2.h:1003
cv::COLOR_YUV2BGR_UYNV
@ COLOR_YUV2BGR_UYNV
Definition: imgproc.hpp:677
CvMemStorage::block_size
int block_size
Definition: types_c.h:1195
cv::CAP_PROP_XI_SENSOR_TAPS
@ CAP_PROP_XI_SENSOR_TAPS
Number of taps.
Definition: videoio.hpp:364
cv::CalibrateCRF
The base class for camera response calibration algorithms.
Definition: photo.hpp:559
cv::reg::MapperGradSimilar::calculate
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
CV_CAP_PROP_SHARPNESS
@ CV_CAP_PROP_SHARPNESS
Definition: videoio_c.h:186
cv::flann::AutotunedIndexParams
Definition: miniflann.hpp:96
cv::USAGE_ALLOCATE_HOST_MEMORY
@ USAGE_ALLOCATE_HOST_MEMORY
Definition: mat.hpp:396
cv::ximgproc::segmentation::SelectiveSearchSegmentation::addImage
virtual void addImage(InputArray img)=0
Add a new image in the list of images to process.
cv::stereo::StereoMatcher::setSpeckleRange
virtual void setSpeckleRange(int speckleRange)=0
cv::stereo::censusTransform
void censusTransform(const cv::Mat &image1, const cv::Mat &image2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type)
cv::ml::KNearest::setIsClassifier
virtual void setIsClassifier(bool val)=0
cvflann::KDTreeSingleIndex::KDTreeSingleIndex
KDTreeSingleIndex(const KDTreeSingleIndex &)
cvflann::RadiusUniqueResultSet::addPoint
void addPoint(DistanceType dist, int index)
Definition: result_set.h:464
CV_YUV2BGR_I420
@ CV_YUV2BGR_I420
Definition: types_c.h:255
cv::cudev::log10
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
cv::Algorithm::getDefaultName
virtual String getDefaultName() const
cv::ClfMilBoost::Params::_numFeat
int _numFeat
Definition: onlineMIL.hpp:66
cv::datasets::HPE_humaneva::create
static Ptr< HPE_humaneva > create(int num=humaneva_1)
cv::divide
void divide(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Performs per-element division of two arrays or a scalar by an array.
tinyxml2::XMLNode::ToUnknown
virtual const XMLUnknown * ToUnknown() const
Definition: tinyxml2.h:643
cv::cuda::OpticalFlowDual_TVL1::setGamma
virtual void setGamma(double gamma)=0
cv::ParamType< float >::member_type
float member_type
Definition: core.hpp:3181
TIXML2_PATCH_VERSION
static const int TIXML2_PATCH_VERSION
Definition: tinyxml2.h:127
cv::Matx31d
Matx< double, 3, 1 > Matx31d
Definition: matx.hpp:207
cv::cuda::FGDParams::N1c
int N1c
Number of color vectors used to model normal background color variation at a given pixel.
Definition: cudalegacy.hpp:157
CV_HLS2RGB_FULL
@ CV_HLS2RGB_FULL
Definition: types_c.h:213
cv::hal::exp32f
void exp32f(const float *src, float *dst, int n)
cv::ximgproc::SuperpixelSLIC::getNumberOfSuperpixels
virtual int getNumberOfSuperpixels() const =0
Calculates the actual amount of superpixels on a given segmentation computed and stored in Superpixel...
cv::TrackerStateEstimatorAdaBoosting::computeSelectedWeakClassifier
std::vector< int > computeSelectedWeakClassifier()
Get the list of the selected weak classifiers for the classification step.
cv::rgbd::RgbdFrame::~RgbdFrame
virtual ~RgbdFrame()
CV_CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
@ CV_CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Definition: videoio_c.h:314
cv::cuda::HOG::setL2HysThreshold
virtual void setL2HysThreshold(double threshold_L2hys)=0
L2-Hys normalization method shrinkage.
cv::BaseClassifier::computeReplaceWeakestClassifier
int computeReplaceWeakestClassifier(const std::vector< float > &errors)
cv::datasets::paperWithCharacters
@ paperWithCharacters
Definition: gr_skig.hpp:91
NppStInterpolationState
Definition: NPP_staging.hpp:115
cv::linemod::Detector::Detector
Detector()
Empty constructor, initialize with read().
cv::optflow::createOptFlow_SparseToDense
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
cvflann::any::has_type
bool has_type()
Returns if the type is compatible with the policy.
Definition: any.h:303
cv::cudev::ScharrXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
cv::videostab::PyrLkOptFlowEstimatorBase::setMaxLevel
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
cv::GeneralizedHough
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:787
cv::selectROI
Rect2d selectROI(Mat img, bool fromCenter=true)
cv::SparseMat_::operator()
_Tp operator()(const int *idx, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(idx, hashval)
NppStBorderType
NppStBorderType
Definition: NPP_staging.hpp:89
cvflann::Index::radiusSearch
int radiusSearch(const Matrix< ElementType > &query, Matrix< int > &indices, Matrix< DistanceType > &dists, float radius, const SearchParams &params)
Perform radius search.
Definition: flann_base.hpp:228
cv::MatConstIterator_::operator--
MatConstIterator_ & operator--()
decrements the iterator
cv::getWindowProperty
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
cv::flann::Index_::~Index_
~Index_()
Definition: flann.hpp:371
cv::ocl::Device::globalMemCacheLineSize
int globalMemCacheLineSize() const
CvHaarStageClassifier
Definition: objdetect_c.h:94
cv::CAP_PROP_XI_COOLING
@ CAP_PROP_XI_COOLING
Start camera cooling.
Definition: videoio.hpp:384
cv::cudev::acosh
__device__ __forceinline__ float1 acosh(const uchar1 &a)
Definition: vec_math.hpp:375
cv::rgbd::DepthCleaner::method_
int method_
Definition: rgbd.hpp:289
cv::cuda::DescriptorMatcher::match
virtual void match(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< DMatch > &matches, InputArray mask=noArray())=0
Finds the best match for each descriptor from a query set (blocking version).
cv::TrackerFeatureHOG::~TrackerFeatureHOG
~TrackerFeatureHOG()
cv::CalibrateDebevec
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:577
cv::hal::gemm32fc
void gemm32fc(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::BORDER_REFLECT101
@ BORDER_REFLECT101
same as BORDER_REFLECT_101
Definition: base.hpp:261
cvflann::WORDSIZE
const size_t WORDSIZE
Definition: allocator.h:71
cv::text::ERStat::rect
Rect rect
Definition: erfilter.hpp:82
cv::stereo::StereoBinaryBM::PREFILTER_NORMALIZED_RESPONSE
@ PREFILTER_NORMALIZED_RESPONSE
Definition: stereo.hpp:130
tinyxml2::XMLVisitor::Visit
virtual bool Visit(const XMLDeclaration &)
Visit a declaration.
Definition: tinyxml2.h:466
FLANN_VERSION_
#define FLANN_VERSION_
Definition: config.h:36
cv::WImage::ImageData
T * ImageData()
Definition: wimage.hpp:183
cv::viz::Camera
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:155
cv::reg::MapperGradShift
Definition: mappergradshift.hpp:53
cvGetElemType
int cvGetElemType(const CvArr *arr)
Returns type of array elements.
CvTypeInfo::is_instance
CvIsInstanceFunc is_instance
Definition: types_c.h:1832
cv::ximgproc::EdgeAwareInterpolator::getFGSLambda
virtual float getFGSLambda()=0
cv::CvHaarEvaluator::generateFeatures
virtual void generateFeatures()
cv::createMergeDebevec
Ptr< MergeDebevec > createMergeDebevec()
Creates MergeDebevec object.
cvflann::FLANN_DIST_HELLINGER
@ FLANN_DIST_HELLINGER
Definition: defines.h:136
cv::detail::resultTl
Point resultTl(const std::vector< Point > &corners)
cv::cuda::OpticalFlowDual_TVL1::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
IplImage::ID
int ID
Definition: types_c.h:303
CV_CAP_PROP_XI_BINNING_VERTICAL
@ CV_CAP_PROP_XI_BINNING_VERTICAL
Definition: videoio_c.h:288
cv::NAryMatIterator::NAryMatIterator
NAryMatIterator(const Mat **arrays, uchar **ptrs, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
cv::hal::Morph::apply
virtual void apply(uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int roi_width, int roi_height, int roi_x, int roi_y, int roi_width2, int roi_height2, int roi_x2, int roi_y2)=0
cv::CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
@ CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Automatic bandwidth calculation.
Definition: videoio.hpp:468
cv::Subdiv2D::getLeadingEdgeList
void getLeadingEdgeList(std::vector< int > &leadingEdgeList) const
Returns a list of the leading edge ID connected to each triangle.
cv::CAP_PROP_XI_DEVICE_MODEL_ID
@ CAP_PROP_XI_DEVICE_MODEL_ID
Returns device model id.
Definition: videoio.hpp:428
cv::Matx34d
Matx< double, 3, 4 > Matx34d
Definition: matx.hpp:224
cv::text::OCR_LEVEL_TEXTLINE
@ OCR_LEVEL_TEXTLINE
Definition: ocr.hpp:61
cv::findContours
void findContours(InputOutputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
tinyxml2::XMLNode::ToDeclaration
virtual const XMLDeclaration * ToDeclaration() const
Definition: tinyxml2.h:640
gemt
void gemt(const char major, const size_t M, const size_t N, const InputScalar *a, size_t lda, OutputScalar *b, size_t ldb)
Definition: transpose.hpp:82
cv::Mat::ones
static MatExpr ones(int ndims, const int *sz, int type)
cv::TrackerSamplerCSC::setMode
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCSC.
cvGetCols
CvMat * cvGetCols(const CvArr *arr, CvMat *submat, int start_col, int end_col)
Returns one of more array columns.
cv::validateDisparity
void validateDisparity(InputOutputArray disparity, InputArray cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1)
validates disparity using the left-right check. The matrix "cost" should be computed by the stereo co...
cv::CvHaarEvaluator::_ii_img
Mat _ii_img
Definition: feature.hpp:280
tinyxml2::XMLNode::GetDocument
XMLDocument * GetDocument()
Get the XMLDocument that owns this XMLNode.
Definition: tinyxml2.h:599
cv::MatSize::MatSize
MatSize(int *_p)
cv::SortFlags
SortFlags
Definition: core.hpp:148
cv::fisheye::CALIB_FIX_K4
@ CALIB_FIX_K4
Definition: calib3d.hpp:1892
cv::OPTFLOW_USE_INITIAL_FLOW
@ OPTFLOW_USE_INITIAL_FLOW
Definition: tracking.hpp:56
cv::cudev::minus::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:88
cv::createCalibrateRobertson
Ptr< CalibrateRobertson > createCalibrateRobertson(int max_iter=30, float threshold=0.01f)
Creates CalibrateRobertson object.
cv::Feature2D::compute
virtual void compute(InputArrayOfArrays images, std::vector< std::vector< KeyPoint > > &keypoints, OutputArrayOfArrays descriptors)
cv::linemod::Detector
Object detector using the LINE template matching algorithm with any set of modalities.
Definition: linemod.hpp:322
cv::ximgproc::segmentation::SelectiveSearchSegmentation
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
cv::UMat::~UMat
~UMat()
destructor - calls release()
CV_TYZX_Z
@ CV_TYZX_Z
Definition: videoio_c.h:95
cv::optflow::DISOpticalFlow::setVariationalRefinementGamma
virtual void setVariationalRefinementGamma(float val)=0
Weight of the gradient constancy term.
cvflann::squareDistance
Definition: dist.h:791
cv::ORB::setScaleFactor
virtual void setScaleFactor(double scaleFactor)=0
cv::MorphTypes
MorphTypes
type of morphological operation
Definition: imgproc.hpp:235
cv::VideoCapture::open
virtual bool open(int index)
Open a camera for video capturing.
cv::MinProblemSolver
Basic interface for all solvers.
Definition: optim.hpp:59
cv::cudev::identity::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
cv::reg::MapShift
Definition: mapshift.hpp:54
matlab::Traits::Real
static const mxComplexity Real
Definition: mxarray.hpp:120
cv::cudev::warpReduceKeyVal
__device__ __forceinline__ void warpReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:84
cv::superres::SuperResolution::nextFrame
void nextFrame(OutputArray frame)
Process next frame from input and return output result.
cv::cudev::ThreshToZeroFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:757
cv::cuda::CascadeClassifier::getMaxObjectSize
virtual Size getMaxObjectSize() const =0
cv::cuda::meanShiftFiltering
void meanShiftFiltering(InputArray src, OutputArray dst, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs mean-shift filtering for each point of the source image.
cv::videostab::PyrLkOptFlowEstimatorBase
Definition: optical_flow.hpp:80
cv::xphoto::GrayworldWB
Gray-world white balance algorithm.
Definition: white_balance.hpp:140
cv::ParamType< double >::member_type
double member_type
Definition: core.hpp:3141
cv::COLOR_YUV420p2BGRA
@ COLOR_YUV420p2BGRA
Definition: imgproc.hpp:658
cv::videostab::InpainterBase::~InpainterBase
virtual ~InpainterBase()
Definition: inpainting.hpp:68
cv::v_rshr_pack_u_store
void v_rshr_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:1746
warping.hpp
NCVMatrix::height
Ncv32u height() const
Definition: NCV.hpp:825
cv::saliency::Objectness
Definition: saliencyBaseClasses.hpp:132
cvflann::KL_Divergence::is_vector_space_distance
True is_vector_space_distance
Definition: dist.h:695
cv::RotatedRect::boundingRect
Rect boundingRect() const
returns the minimal up-right integer rectangle containing the rotated rectangle
cv::RETR_TREE
@ RETR_TREE
Definition: imgproc.hpp:436
cv::LDA::save
void save(FileStorage &fs) const
cv::hal::min32f
void min32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::detail::NoExposureCompensator
Stub exposure compensator which does nothing.
Definition: exposure_compensate.hpp:92
cvflann::operator<<
std::ostream & operator<<(std::ostream &out, const any &any_val)
Definition: any.h:316
cv::cuda::HOG::getWinStride
virtual Size getWinStride() const =0
hal_ni_dftFree1D
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
cv::AKAZE::create
static Ptr< AKAZE > create(int descriptor_type=AKAZE::DESCRIPTOR_MLDB, int descriptor_size=0, int descriptor_channels=3, float threshold=0.001f, int nOctaves=4, int nOctaveLayers=4, int diffusivity=KAZE::DIFF_PM_G2)
The AKAZE constructor.
cv::FileStorage::write
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:923
cv::line_descriptor::BinaryDescriptorMatcher::match
void match(const Mat &queryDescriptors, std::vector< DMatch > &matches, const std::vector< Mat > &masks=std::vector< Mat >())
cv::QtFontWeights
QtFontWeights
Qt font weight.
Definition: highgui.hpp:230
cv::cudev::ReduceToRowBody::src
SrcPtr src
Definition: reduction.hpp:176
cv::CvHaarEvaluator::FeatureHaar
Definition: feature.hpp:220
cv::dnn::Blob::batchFromImages
void batchFromImages(InputArray image, int dstCn=-1)
Works like Blob::fromImages() but in-place.
cv::cuda::BackgroundSubtractorGMG::getMinVal
virtual double getMinVal() const =0
cv::cudacodec::EncoderParams::save
void save(const String &configFile) const
Saves parameters to config file.
cv::LDA::lda
void lda(InputArrayOfArrays src, InputArray labels)
CV_CAP_PROP_XI_IS_COOLED
@ CV_CAP_PROP_XI_IS_COOLED
Definition: videoio_c.h:318
cvflann::AutotunedIndex::getType
virtual flann_algorithm_t getType() const
Definition: autotuned_index.h:206
cv::ml::DTrees::getRegressionAccuracy
virtual float getRegressionAccuracy() const =0
NCVMatrix::_pitch
Ncv32u _pitch
Definition: NCV.hpp:835
objdetect.hpp
cv::ml::KNearest::getIsClassifier
virtual bool getIsClassifier() const =0
cvflann::KDTreeSingleIndex::DistanceType
Distance::ResultType DistanceType
Definition: kdtree_single_index.h:74
Ncv8u
unsigned char Ncv8u
Definition: NCV.hpp:132
cv::decomposeProjectionMatrix
void decomposeProjectionMatrix(InputArray projMatrix, OutputArray cameraMatrix, OutputArray rotMatrix, OutputArray transVect, OutputArray rotMatrixX=noArray(), OutputArray rotMatrixY=noArray(), OutputArray rotMatrixZ=noArray(), OutputArray eulerAngles=noArray())
Decomposes a projection matrix into a rotation matrix and a camera matrix.
cv::dnn::Dict::set
const T & set(const String &key, const T &value)
Sets new value for the key, or adds new key-value pair into the dictionary.
cv::rgbd::registerDepth
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
1x7 or 7x1 matrix
cv::cudev::numeric_limits< uchar >::min
__device__ static __forceinline__ uchar min()
Definition: limits.hpp:76
cv::dnn::DictValue::DictValue
DictValue(int i)
Constructs integer scalar.
Definition: dict.hpp:63
cv::AgastFeatureDetector_Impl::get
double get(int prop) const
Definition: agast.txt:7513
cv::FileStorage::structs
std::vector< char > structs
the stack of written structures
Definition: persistence.hpp:467
cv::normalize
static Vec< _Tp, cn > normalize(const Vec< _Tp, cn > &v)
cv::hdf::HDF5::hlexists
virtual bool hlexists(String label) const =0
Check if label exists or not.
cv::Mat::pop_back
void pop_back(size_t nelems=1)
Removes elements from the bottom of the matrix.
cv::CvLBPEvaluator::Feature
Definition: feature.hpp:381
cv::COLORMAP_JET
@ COLORMAP_JET
Definition: imgproc.hpp:4082
cvPointFrom32f
CvPoint cvPointFrom32f(CvPoint2D32f point)
Definition: types_c.h:926
cvCreateSparseMat
CvSparseMat * cvCreateSparseMat(const cv::SparseMat &m)
cv::cudev::TexturePtr::operator()
__device__ __forceinline__ T operator()(float y, float x) const
Definition: texture.hpp:192
cv::viz::Color::Color
Color(double blue, double green, double red)
cv::face::FaceRecognizer::getLabelsByString
virtual std::vector< int > getLabelsByString(const String &str) const
Gets vector of labels by string.
cv::cuda::FarnebackOpticalFlow::setFlags
virtual void setFlags(int flags)=0
cv::xphoto::LearningBasedWB::getHistBinNum
virtual int getHistBinNum() const =0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
cv::INTER_TAB_SIZE
@ INTER_TAB_SIZE
Definition: imgproc.hpp:297
cv::flann::Index_::size
int size() const
Definition: flann.hpp:444
cv::rgbd::ICPOdometry::minDepth
double minDepth
Definition: rgbd.hpp:864
cv::aruco::DICT_6X6_100
@ DICT_6X6_100
Definition: dictionary.hpp:151
cv::ocl::Platform::~Platform
~Platform()
IPL_DEPTH_8U
#define IPL_DEPTH_8U
Definition: types_c.h:261
cv::cudev::gridTranspose_
__host__ void gridTranspose_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:61
cv::String::operator=
String & operator=(const char *s)
cudaoptflow.hpp
cv::detail::BundleAdjusterAffinePartial::BundleAdjusterAffinePartial
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:310
HaarClassifierNodeDescriptor32::create
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:181
a13
end function a13
Definition: modelConvert.m:45
cv::ccalib::CustomPattern::isInitialized
bool isInitialized()
cv::v_abs
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_abs(const v_reg< _Tp, n > &a)
Absolute value of elements.
Definition: intrin_cpp.hpp:491
cv::CAP_PROP_XI_REGION_MODE
@ CAP_PROP_XI_REGION_MODE
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:376
ShapeMatchModes
ShapeMatchModes
Shape matching methods.
Definition: types_c.h:503
cv::seamlessClone
void seamlessClone(InputArray src, InputArray dst, InputArray mask, Point p, OutputArray blend, int flags)
Image editing tasks concern either global changes (color/intensity corrections, filters,...
CV_INTER_LINEAR
@ CV_INTER_LINEAR
Definition: types_c.h:360
cv::detail::Timelapser::getDst
virtual const UMat & getDst()
Definition: timelapsers.hpp:69
CV_CONTOURS_MATCH_I3
@ CV_CONTOURS_MATCH_I3
Definition: types_c.h:506
cv::RNG::uniform
double uniform(double a, double b)
cvflann::False
Definition: dist.h:92
cv::viz::Viz3d::removeAllLights
void removeAllLights()
Remove all lights from the current scene.
cv::cudev::ResizePtr::src
SrcPtr src
Definition: resize.hpp:65
cv::Node::addChild
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1050
cv::structured_light::GrayCodePattern::create
static Ptr< GrayCodePattern > create(int width, int height)
cv::dnn::PoolingLayer::stride
Size stride
Definition: all_layers.hpp:262
cv::cudacodec::EncoderParams::load
void load(const String &configFile)
Reads parameters from config file.
CvMoments::m00
double m00
Definition: types_c.h:399
cv::LSD_REFINE_STD
@ LSD_REFINE_STD
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:480
N_BINS
#define N_BINS
Definition: feature.hpp:79
cv::Mat::depth
int depth() const
Returns the depth of a matrix element.
reduce_to_vec.hpp
cv::randpattern::RandomPatternGenerator::generatePattern
void generatePattern()
cv::cudev::LaplacianPtr< 1, SrcPtr >::src
SrcPtr src
Definition: deriv.hpp:334
cv::DownhillSolver::setInitStep
virtual void setInitStep(InputArray step)=0
Sets the initial step that will be used in downhill simplex algorithm.
cv::datasets::IR_affineObj::imageName
std::string imageName
Definition: ir_affine.hpp:63
tinyxml2::XMLPrinter::PushHeader
void PushHeader(bool writeBOM, bool writeDeclaration)
cv::v_setzero_u64
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:1526
cv::Error::StsBadMemBlock
@ StsBadMemBlock
an allocated block has been corrupted
Definition: base.hpp:114
cv::FarnebackOpticalFlow::getPolyN
virtual int getPolyN() const =0
cv::detail::RotationWarperBase
Base class for rotation-based warper using a detail::ProjectorBase_ derived class.
Definition: warpers.hpp:142
cv::viz::WSphere::WSphere
WSphere(const cv::Point3d &center, double radius, int sphere_resolution=10, const Color &color=Color::white())
Constructs a WSphere.
cv::cudev::resize_
__host__ Expr< ResizePtrSz< typename PtrTraits< SrcPtr >::ptr_type > > resize_(const SrcPtr &src, float fx, float fy)
Definition: warping.hpp:67
CV_CAP_PROP_XI_HW_REVISION
@ CV_CAP_PROP_XI_HW_REVISION
Definition: videoio_c.h:401
CvKalman::MP
int MP
Definition: tracking_c.h:165
cv::Stitcher::bundleAdjuster
const Ptr< detail::BundleAdjusterBase > bundleAdjuster() const
Definition: stitching.hpp:205
cv::initWideAngleProjMap
float initWideAngleProjMap(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, int projType=PROJ_SPHERICAL_EQRECT, double alpha=0)
initializes maps for cv::remap() for wide-angle
cv::rgbd::DepthCleaner
Definition: rgbd.hpp:216
cv::detailEnhance
void detailEnhance(InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f)
This filter enhances the details of a particular image.
NcvSize32u::NcvSize32u
__host__ __device__ NcvSize32u()
Definition: NCV.hpp:185
cv::detail::CylindricalPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::ml::KNearest::setEmax
virtual void setEmax(int val)=0
cv::cudev::RemapPtr1::src
SrcPtr src
Definition: remap.hpp:65
cv::reg::MapShift::MapShift
MapShift(void)
cv::AlignMTB::setExcludeRange
virtual void setExcludeRange(int exclude_range)=0
cvflann::DynamicBitset::reset
void reset()
Definition: dynamic_bitset.h:92
hal_ni_max32f
int hal_ni_max32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:108
cv::datasets::PascalObj::pose
std::string pose
Definition: or_pascal.hpp:70
cv::stereo::CV_STAR_KERNEL
@ CV_STAR_KERNEL
Definition: descriptor.hpp:60
cv::cudev::SobelYPtrSz
Definition: deriv.hpp:208
CV_CAP_PROP_XI_CC_MATRIX_33
@ CV_CAP_PROP_XI_CC_MATRIX_33
Definition: videoio_c.h:347
cv::GeneralizedHoughGuil::setXi
virtual void setXi(double xi)=0
Angle difference in degrees between two points in feature.
cv::ogl::Buffer::Buffer
Buffer(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::MatExpr::inv
MatExpr inv(int method=DECOMP_LU) const
cv::dnn::Blob::cols
int cols() const
Returns size of the fourth axis blob.
cv::omnidir::internal::encodeParameters
void encodeParameters(InputArray K, InputArrayOfArrays omAll, InputArrayOfArrays tAll, InputArray distoaration, double xi, OutputArray parameters)
cv::videostab::LpMotionStabilizer::weight4
float weight4() const
Definition: motion_stabilizing.hpp:141
cv::ShapeContextDistanceExtractor::setImages
virtual void setImages(InputArray image1, InputArray image2)=0
Set the images that correspond to each shape. This images are used in the calculation of the Image Ap...
cvSet3D
void cvSet3D(CvArr *arr, int idx0, int idx1, int idx2, CvScalar value)
cv::ogl::Texture2D::texId
unsigned int texId() const
get OpenGL opject id
pcaflow.hpp
Implementation of the PCAFlow algorithm from the following paper: http://files.is....
CV_CAP_VFW
@ CV_CAP_VFW
Definition: videoio_c.h:80
cv::HOGDescriptor::L2HysThreshold
double L2HysThreshold
Definition: objdetect.hpp:429
CV_CUDEV_MINMAX_INST
#define CV_CUDEV_MINMAX_INST(type, maxop, minop)
Definition: functional.hpp:328
FLANN_SIGNATURE_
#define FLANN_SIGNATURE_
Definition: saving.h:41
cv::detail::Blender::blend
virtual void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
CvSize2D32f::width
float width
Definition: types_c.h:1035
cv::IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
@ IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
Use this value to force Huffman encoding only (no string match).
Definition: imgcodecs.hpp:107
cv::Mat_::create
void create(int _rows, int _cols)
equivalent to Mat::create(_rows, _cols, DataType<_Tp>::type)
cv::ximgproc::ARO_315_135
@ ARO_315_135
Definition: fast_hough_transform.hpp:72
cv::COLOR_RGBA2BGR
@ COLOR_RGBA2BGR
Definition: imgproc.hpp:529
cv::ocl::KernelArg::ReadWriteNoSize
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:370
cv::rgbd::ICPOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: rgbd.hpp:817
cv::TrackerFeatureSet::getTrackerFeature
const std::vector< std::pair< String, Ptr< TrackerFeature > > > & getTrackerFeature() const
Get the TrackerFeature collection (TrackerFeature name, TrackerFeature pointer)
cvCreateButton
int cvCreateButton(const char *button_name=NULL, CvButtonCallback on_change=NULL, void *userdata=NULL, int button_type=CV_PUSH_BUTTON, int initial_button_state=0)
cvflann::Index::loadIndex
virtual void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: flann_base.hpp:160
NcvRect32s::NcvRect32s
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
cv::cudev::NormL1< float >::value_type
float value_type
Definition: vec_distance.hpp:92
CvNArrayIterator
Definition: core_c.h:567
cvflann::LinearIndex::size
size_t size() const
Definition: linear_index.h:72
cv::aruco::Board::dictionary
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:243
cv::viz::Widget3D::setColor
void setColor(const Color &color)
Sets the color of the widget.
cv::IMREAD_LOAD_GDAL
@ IMREAD_LOAD_GDAL
If set, use the gdal driver for loading the image.
Definition: imgcodecs.hpp:70
cv::TrackerSamplerCS::Params::Params
Params()
cv::Moments::m01
double m01
Definition: types.hpp:862
hal_ni_addWeighted32f
int hal_ni_addWeighted32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:323
cv::DataType::fmt
@ fmt
Definition: traits.hpp:116
cv::dnn::Net::Net
Net()
Default constructor.
cvflann::lsh::LshTable
Definition: lsh_table.h:131
cv::Point2l
Point_< int64 > Point2l
Definition: types.hpp:180
cv::InputArrayOfArrays
InputArray InputArrayOfArrays
Definition: mat.hpp:380
cv::SolveLPResult
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:258
cv::dnn::Layer
This interface class allows to build new Layers - are building blocks of networks.
Definition: dnn.hpp:85
cv::superres::SuperResolution::getTemporalAreaRadius
virtual int getTemporalAreaRadius() const =0
Radius of the temporal search area.
cv::detail::ImageFeatures::keypoints
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:66
cv::rgbd::ICPOdometry
Definition: rgbd.hpp:758
cv::aruco::drawDetectedDiamonds
void drawDetectedDiamonds(InputOutputArray image, InputArrayOfArrays diamondCorners, InputArray diamondIds=noArray(), Scalar borderColor=Scalar(0, 0, 255))
Draw a set of detected ChArUco Diamond markers.
cv::cudev::PtrTraits< Expr< Body > >::value_type
ptr_type::value_type value_type
Definition: expr.hpp:75
cvGetImageCOI
int cvGetImageCOI(const IplImage *image)
Returns the index of the channel of interest.
cv::cuda::createStereoConstantSpaceBP
Ptr< cuda::StereoConstantSpaceBP > createStereoConstantSpaceBP(int ndisp=128, int iters=8, int levels=4, int nr_plane=4, int msg_type=CV_32F)
Creates StereoConstantSpaceBP object.
cv::bioinspired::TransientAreasSegmentationModule::clearAllBuffers
virtual void clearAllBuffers()=0
cleans all the buffers of the instance
CV_CAP_AVFOUNDATION
@ CV_CAP_AVFOUNDATION
Definition: videoio_c.h:115
cv::detail::restoreImageFromLaplacePyr
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
cv::cuda::DensePyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int maxLevel)=0
cv::saliency::MotionSaliencyBinWangApr2014::setImageWidth
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
cv::MORPH_DILATE
@ MORPH_DILATE
see cv::dilate
Definition: imgproc.hpp:237
cvflann::Heap::CompareT::operator()
bool operator()(const T &t_1, const T &t_2) const
Definition: heap.h:110
cv::Mat::forEach
void forEach(const Functor &operation)
Runs the given functor over all matrix elements in parallel.
cv::TrackerStateEstimator::~TrackerStateEstimator
virtual ~TrackerStateEstimator()
cv::ConjGradSolver::create
static Ptr< ConjGradSolver > create(const Ptr< MinProblemSolver::Function > &f=Ptr< ConjGradSolver::Function >(), TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5000, 0.000001))
This function returns the reference to the ready-to-use ConjGradSolver object.
cv::videostab::SparsePyrLkOptFlowEstimator
Definition: optical_flow.hpp:98
cv::FONT_HERSHEY_PLAIN
@ FONT_HERSHEY_PLAIN
small size sans-serif font
Definition: core.hpp:225
cv::WeakClassifierHaarFeature::eval
int eval(float value)
cv::COLOR_BGR2Luv
@ COLOR_BGR2Luv
convert RGB/BGR to CIE Luv, color conversions
Definition: imgproc.hpp:587
clEnqueueWriteImage
#define clEnqueueWriteImage
Definition: opencl_core_wrappers.hpp:136
numeric.hpp
cv::aruco::interpolateCornersCharuco
int interpolateCornersCharuco(InputArrayOfArrays markerCorners, InputArray markerIds, InputArray image, const Ptr< CharucoBoard > &board, OutputArray charucoCorners, OutputArray charucoIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), int minMarkers=2)
Interpolate position of ChArUco board corners.
cvGetPerspectiveTransform
CvMat * cvGetPerspectiveTransform(const CvPoint2D32f *src, const CvPoint2D32f *dst, CvMat *map_matrix)
Computes perspective transform matrix for mapping src[i] to dst[i] (i=0,1,2,3)
CV_Lab2RGB
@ CV_Lab2RGB
Definition: types_c.h:189
cv::ClassifierThreshold::eval
int eval(float value)
cv::ml::DTrees::getMaxDepth
virtual int getMaxDepth() const =0
cv::cuda::sqr
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
cv::WImageBuffer_16s
WImageBuffer< short > WImageBuffer_16s
Definition: wimage.hpp:91
cv::ocl::Image2D::ptr
void * ptr() const
cv::hal::DCT2D
Definition: hal.hpp:215
cv::createFaceDetectionMaskGenerator
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:125
cv::hal::gemm64f
void gemm64f(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
CV_STYLE_OBLIQUE
@ CV_STYLE_OBLIQUE
Definition: highgui_c.h:77
cv::viz::Color::not_set
static Color not_set()
matlab::MxArray::MxArray
MxArray(const MxArray &other)
copy constructor
Definition: mxarray.hpp:342
cv::cudev::ZipPtrSz
Definition: zip.hpp:109
cvflann::FLANN_LOG_ERROR
@ FLANN_LOG_ERROR
Definition: defines.h:122
cv::tracking::UnscentedKalmanFilterParams::CP
int CP
Dimensionality of the control vector.
Definition: kalman_filters.hpp:129
cvflann::save_header
void save_header(FILE *stream, const NNIndex< Distance > &index)
Definition: saving.h:86
CV_RGB2BGR565
@ CV_RGB2BGR565
Definition: types_c.h:131
cv::bioinspired::Retina::getOutputSize
virtual Size getOutputSize()=0
Retreive retina output buffer size that can be different from the input if a spatial log transformati...
cv::getPerspectiveTransform
Mat getPerspectiveTransform(const Point2f src[], const Point2f dst[])
returns 3x3 perspective transformation for the corresponding 4 point pairs.
utility.hpp
cv::dnn::AbsLayer
Definition: all_layers.hpp:363
cv::dnn::MVNLayer::eps
double eps
Definition: all_layers.hpp:290
cv::Mat::ptr
_Tp * ptr(int i0=0)
NCVVectorReuse::NCVVectorReuse
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
cv::L2
Definition: features2d.hpp:740
cv::operator<<
v_reg< _Tp, n > operator<<(const v_reg< _Tp, n > &a, int imm)
Bitwise shift left.
Definition: intrin_cpp.hpp:841
cv::CvHOGEvaluator::Feature::fastRect
struct cv::CvHOGEvaluator::Feature::@326 fastRect[4]
cv::Stitcher::compositingResol
double compositingResol() const
Definition: stitching.hpp:175
cvSort
void cvSort(const CvArr *src, CvArr *dst=NULL, CvArr *idxmat=NULL, int flags=0)
cv::TrackerStateEstimator::estimateImpl
virtual Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)=0
cv::cudacodec::Uncompressed_YUYV
@ Uncompressed_YUYV
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:257
cv::cudev::cosh
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
deriche_filter.hpp
cv::v_reg::v_reg
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:252
cv::Vec2f
Vec< float, 2 > Vec2f
Definition: matx.hpp:381
cv::rgbd::RgbdICPOdometry::RgbdICPOdometry
RgbdICPOdometry()
cv::ogl::TRIANGLE_FAN
@ TRIANGLE_FAN
Definition: opengl.hpp:485
cv::GeneralizedHoughGuil::setMaxScale
virtual void setMaxScale(double maxScale)=0
Maximal scale to detect.
cv::cudev::DisableIf
Definition: type_traits.hpp:112
cv::reg::Mapper::sqr
cv::Mat sqr(const cv::Mat &mat1) const
Definition: mapper.hpp:99
cv::TrackerSamplerCSC::Params
Definition: tracker.hpp:805
cv::videostab::MotionEstimatorRansacL2::ransacParams
RansacParams ransacParams() const
Definition: global_motion.hpp:137
cv::CAP_PROP_IOS_DEVICE_WHITEBALANCE
@ CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio.hpp:489
cv::datasets::HPE_humanevaObj::type1
int type1
Definition: hpe_humaneva.hpp:64
CvHistogram::thresh2
float ** thresh2
Definition: types_c.h:753
cv::ximgproc::createSuperpixelSLIC
Ptr< SuperpixelSLIC > createSuperpixelSLIC(InputArray image, int algorithm=SLICO, int region_size=10, float ruler=10.0f)
CV_CAP_PROP_XI_CC_MATRIX_31
@ CV_CAP_PROP_XI_CC_MATRIX_31
Definition: videoio_c.h:345
cv::ml::SVM::trainAuto
virtual bool trainAuto(const Ptr< TrainData > &data, int kFold=10, ParamGrid Cgrid=SVM::getDefaultGrid(SVM::C), ParamGrid gammaGrid=SVM::getDefaultGrid(SVM::GAMMA), ParamGrid pGrid=SVM::getDefaultGrid(SVM::P), ParamGrid nuGrid=SVM::getDefaultGrid(SVM::NU), ParamGrid coeffGrid=SVM::getDefaultGrid(SVM::COEF), ParamGrid degreeGrid=SVM::getDefaultGrid(SVM::DEGREE), bool balanced=false)=0
Trains an SVM with optimal parameters.
cv::ellipse
void ellipse(InputOutputArray img, Point center, Size axes, double angle, double startAngle, double endAngle, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a simple or thick elliptic arc or fills an ellipse sector.
tinyxml2::DynArray::PopArr
void PopArr(int count)
Definition: tinyxml2.h:245
cv::text::erGrouping_Modes
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:272
cv::MatxCommaInitializer::operator*
Matx< _Tp, m, n > operator*() const
cv::WND_PROP_VISIBLE
@ WND_PROP_VISIBLE
checks whether the window exists and is visible
Definition: highgui.hpp:200
tinyxml2::XMLUnknown::ParseDeep
char * ParseDeep(char *, StrPair *endTag)
cv::superres::FarnebackOpticalFlow::getPolyN
virtual int getPolyN() const =0
cv::detail::RotationWarperBase::detectResultRoiByBorder
void detectResultRoiByBorder(Size src_size, Point &dst_tl, Point &dst_br)
cv::cuda::StreamAccessor::wrapStream
static Stream wrapStream(cudaStream_t stream)
CvPoint2D32f::CvPoint2D32f
CvPoint2D32f(float _x=0, float _y=0)
Definition: types_c.h:899
calib3d_c.h
CV_CAP_PROP_XI_LED_SELECTOR
@ CV_CAP_PROP_XI_LED_SELECTOR
Definition: videoio_c.h:272
cv::Matx::diag
diag_type diag() const
extract the matrix diagonal
cv::Mat::Mat
Mat(int ndims, const int *sizes, int type, const Scalar &s)
cv::hal::add16s
void add16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::text::ERStat::max_probability_ancestor
ERStat * max_probability_ancestor
Definition: erfilter.hpp:110
cv::HOGDescriptor::derivAperture
int derivAperture
Definition: objdetect.hpp:426
clEnqueueUnmapMemObject
#define clEnqueueUnmapMemObject
Definition: opencl_core.hpp:178
cv::Matx::reshape
Matx< _Tp, m1, n1 > reshape() const
change the matrix shape
cv::SparseMat::newNode
uchar * newNode(const int *idx, size_t hashval)
cv::datasets::FR_adienceObj::user_id
std::string user_id
Definition: fr_adience.hpp:69
cv::CAP_PROP_RECTIFICATION
@ CAP_PROP_RECTIFICATION
Rectification flag for stereo cameras (note: only supported by DC1394 v 2.x backend currently).
Definition: videoio.hpp:142
cv::ocl::Context::create
bool create(int dtype)
cv::dpm::DPMDetector::ObjectDetection::ObjectDetection
ObjectDetection()
cv::videostab::LpMotionStabilizer::setMotionModel
void setMotionModel(MotionModel val)
Definition: motion_stabilizing.hpp:122
cv::cudev::BinaryTransformPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: transform.hpp:124
tinyxml2::MemPoolT::Alloc
virtual void * Alloc()
Definition: tinyxml2.h:345
cv::cudev::gridSplit_
__host__ void gridSplit_(const SrcPtr &src, const tuple< GpuMat_< DstType > &, GpuMat_< DstType > & > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:135
CvGraphScanner::mask
int mask
Definition: core_c.h:1869
tinyxml2::XMLElement::QueryFloatAttribute
XMLError QueryFloatAttribute(const char *name, float *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1259
tinyxml2::XML_ERROR_PARSING
@ XML_ERROR_PARSING
Definition: tinyxml2.h:1020
cv::datasets::TR_chars::create
static Ptr< TR_chars > create()
OPENCV_HAL_IMPL_BIN_OP
#define OPENCV_HAL_IMPL_BIN_OP(bin_op)
Helper macro.
Definition: intrin_cpp.hpp:376
cv::viz::Widget3D
Base class of all 3D widgets.
Definition: widgets.hpp:182
cv::CAP_PVAPI_DECIMATION_2OUTOF8
@ CAP_PVAPI_DECIMATION_2OUTOF8
2 out of 8 decimation
Definition: videoio.hpp:304
cv::Stitcher
High level image stitcher.
Definition: stitching.hpp:125
cvStartWindowThread
int cvStartWindowThread(void)
NCVMatrixAlloc::getSegment
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
hal_ni_fastAtan64f
int hal_ni_fastAtan64f(const double *y, const double *x, double *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:389
cv::_OutputArray::_OutputArray
_OutputArray(const Mat_< _Tp > &m)
cv::seqInsertSlice
void seqInsertSlice(CvSeq *seq, int before_index, const CvArr *from_arr)
cv::DescriptorMatcher::create
static Ptr< DescriptorMatcher > create(const String &descriptorMatcherType)
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
cv::Affine3f
Affine3< float > Affine3f
Definition: affine.hpp:142
cv::detail::GainCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
bm3d_image_denoising.hpp
cv::cudev::DerivXPtrSz::rows
int rows
Definition: deriv.hpp:76
cv::WImageViewC::kChannels
@ kChannels
Definition: wimage.hpp:447
cv::SparseMat::nzcount
size_t nzcount() const
returns the number of non-zero elements (=the number of hash table nodes)
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_TonemapDurand &)
Definition: bridge.hpp:512
cv::tracking::AugmentedUnscentedKalmanFilterParams::AugmentedUnscentedKalmanFilterParams
AugmentedUnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::MultiTracker_Alt
Base abstract class for the long-term Multi Object Trackers:
Definition: tracker.hpp:1409
cv::cudev::ConstantPtr::value_type
T value_type
Definition: constant.hpp:59
cv::videostab::IOutlierRejector
Definition: outlier_rejection.hpp:59
cv::_InputArray::sameSize
bool sameSize(const _InputArray &arr) const
cv::ccalib::CustomPattern
Definition: ccalib.hpp:61
CV_BayerGB2GRAY
@ CV_BayerGB2GRAY
Definition: types_c.h:231
clGetExtensionFunctionAddress
#define clGetExtensionFunctionAddress
Definition: opencl_core_wrappers.hpp:163
cv::cudev::NormL1::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
cv::ClfOnlineStump::_lRate
float _lRate
Definition: onlineMIL.hpp:98
cv::ogl::Texture2D::copyTo
void copyTo(OutputArray arr, int ddepth=CV_32F, bool autoRelease=false) const
Copies from OpenGL texture to host/device memory or another OpenGL texture object.
cv::RNG::RNG
RNG(uint64 state)
CPU_AVX
@ CPU_AVX
Definition: cvdef.h:147
cv::CAP_PROP_XI_IS_COOLED
@ CAP_PROP_XI_IS_COOLED
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:383
cvflann::KDTreeIndex::KDTreeIndex
KDTreeIndex(const KDTreeIndex &)
cv::CAP_PROP_XI_IS_DEVICE_EXIST
@ CAP_PROP_XI_IS_DEVICE_EXIST
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:448
cv::ml::SVM::getC
virtual double getC() const =0
cv::IMWRITE_PNG_STRATEGY_DEFAULT
@ IMWRITE_PNG_STRATEGY_DEFAULT
Use this value for normal data.
Definition: imgcodecs.hpp:105
cv::superres::BroxOpticalFlow
Definition: optical_flow.hpp:144
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:97
cv::ogl::Texture2D::Texture2D
Texture2D(int arows, int acols, Format aformat, unsigned int atexId, bool autoRelease=false)
tinyxml2::XMLNode::PreviousSibling
XMLNode * PreviousSibling()
Definition: tinyxml2.h:718
CV_CAP_OPENNI_BGR_IMAGE
@ CV_CAP_OPENNI_BGR_IMAGE
Definition: videoio_c.h:475
cv::FileNode::read
static void read(const FileNode &node, bool &value, bool default_value)
Definition: persistence.hpp:1041
cv::bioinspired::TransientAreasSegmentationModule
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:123
cv::CAP_PROP_XI_CMS
@ CAP_PROP_XI_CMS
Mode of color management system.
Definition: videoio.hpp:390
cv::detail::FeaturesMatcher::is_thread_safe_
bool is_thread_safe_
Definition: matchers.hpp:268
cv::COLOR_YUV2BGRA_YUNV
@ COLOR_YUV2BGRA_YUNV
Definition: imgproc.hpp:704
histogramphaseunwrapping.hpp
cv::videostab::WobbleSuppressorBase::motions_
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
cv::CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
@ CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:285
cv::detail::GraphEdge::weight
float weight
Definition: util.hpp:79
cv::text::ERStat
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:67
CV_IMWRITE_PNG_COMPRESSION
@ CV_IMWRITE_PNG_COMPRESSION
Definition: imgcodecs_c.h:88
cvflann::UniqueResultSet::DistIndex::dist_
DistanceType dist_
Definition: result_set.h:300
NcvPoint2D32s::x
Ncv32s x
Point X.
Definition: NCV.hpp:193
cv::bioinspired::Retina::setup
virtual void setup(RetinaParameters newParameters)=0
CV_StsNullPtr
@ CV_StsNullPtr
Definition: types_c.h:147
cv::ppf_match_3d::PoseCluster3D
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:139
CV_EVENT_MBUTTONDOWN
@ CV_EVENT_MBUTTONDOWN
Definition: highgui_c.h:181
cv::ml::DTrees::Node
The class represents a decision tree node.
Definition: ml.hpp:1050
cv::computeCorrespondEpilines
void computeCorrespondEpilines(InputArray points, int whichImage, InputArray F, OutputArray lines)
For points in an image of a stereo pair, computes the corresponding epilines in the other image.
cv::CAP_PVAPI_PIXELFORMAT_MONO16
@ CAP_PVAPI_PIXELFORMAT_MONO16
Mono16.
Definition: videoio.hpp:310
nppiStDecimate_64f_C1R
NCVStatus nppiStDecimate_64f_C1R(Ncv64f *d_src, Ncv32u srcStep, Ncv64f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cvGetDimSize
int cvGetDimSize(const CvArr *arr, int index)
Returns array size along the specified dimension.
tinyxml2::XMLComment::XMLComment
XMLComment(const XMLComment &)
cv::COLOR_YUV2GRAY_YVYU
@ COLOR_YUV2GRAY_YVYU
Definition: imgproc.hpp:711
cv::cudev::DefaultGlobReducePolicy::patch_size_y
@ patch_size_y
Definition: reduce.hpp:300
cv::face::LBPHFaceRecognizer::getGridY
virtual int getGridY() const =0
cv::bioinspired::Retina::getMagnoRAW
virtual const Mat getMagnoRAW() const =0
CV_CAP_PROP_XI_SENSOR_BOARD_TEMP
@ CV_CAP_PROP_XI_SENSOR_BOARD_TEMP
Definition: videoio_c.h:324
cv::WImageC::SetIpl
void SetIpl(IplImage *image)
Definition: wimage.hpp:285
cv::useOptimized
bool useOptimized()
Returns the status of optimized code usage.
cv::videostab::WobbleSuppressorBase::setFrameCount
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
cv::Stitcher::featuresMatcher
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:192
composite_index.h
cv::CAP_PROP_XI_EXPOSURE_BURST_COUNT
@ CAP_PROP_XI_EXPOSURE_BURST_COUNT
Sets the number of times of exposure in one frame.
Definition: videoio.hpp:348
NcvRect32s::NcvRect32s
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
cv::v_setall_s8
v_int8x16 v_setall_s8(schar val)
Definition: intrin_cpp.hpp:1539
cv::BaseClassifier::~BaseClassifier
virtual ~BaseClassifier()
cv::cudev::BrdConstant::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
cv::cudev::vabsdiff2
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
CV_BGRA2BGR565
@ CV_BGRA2BGR565
Definition: types_c.h:134
cv::aruco::DICT_4X4_250
@ DICT_4X4_250
Definition: dictionary.hpp:144
cvConvertScaleAbs
void cvConvertScaleAbs(const CvArr *src, CvArr *dst, double scale=1, double shift=0)
cv::Vec3s
Vec< short, 3 > Vec3s
Definition: matx.hpp:368
cv::Vec::Vec
Vec(_Tp v0, _Tp v1)
2-element vector constructor
cv::BaseClassifier::getSelectedClassifier
int getSelectedClassifier() const
cv::createTonemap
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
cv::cudev::Expr::body
Body body
Definition: expr.hpp:59
cv::StereoBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::detail::WAVE_CORRECT_VERT
@ WAVE_CORRECT_VERT
Definition: motion_estimators.hpp:325
cv::AGAST_7_12s
static void AGAST_7_12s(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:3264
cv::cudev::SobelYPtr::index_type
int index_type
Definition: deriv.hpp:191
cv::detail::SeamFinder::~SeamFinder
virtual ~SeamFinder()
Definition: seam_finders.hpp:61
cv::ocl::setUseOpenCL
void setUseOpenCL(bool flag)
cv::ml::TrainData::getMissing
virtual Mat getMissing() const =0
cv::cuda::HostMem::clone
HostMem clone() const
returns deep copy of the matrix, i.e. the data is copied
cv::CAP_PROP_XI_AE_MAX_LIMIT
@ CAP_PROP_XI_AE_MAX_LIMIT
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:343
cv::cuda::COLOR_BayerGB2GRAY_MHT
@ COLOR_BayerGB2GRAY_MHT
Definition: cudaimgproc.hpp:106
CvType::first
static CvTypeInfo * first
Definition: core_c.h:2781
cv::Mat_::Mat_
Mat_(const Point3_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
cv::CAP_VFW
@ CAP_VFW
Video For Windows (platform native)
Definition: videoio.hpp:90
cv::HOGDescriptor::nlevels
int nlevels
Definition: objdetect.hpp:434
cv::TrackerFeatureHOG
TrackerFeature based on HOG.
Definition: tracker.hpp:980
cv::Mat_::Mat_
Mat_(int _ndims, const int *_sizes, _Tp *_data, const size_t *_steps=0)
constructs n-dim matrix on top of user-allocated data. steps are in bytes(!!!), regardless of the typ...
cv::detail::BlocksGainCompensator::BlocksGainCompensator
BlocksGainCompensator(int bl_width=32, int bl_height=32)
Definition: exposure_compensate.hpp:120
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst, InputArray mask) const
copies those GpuMat elements to "m" that are marked with non-zero mask elements (Blocking call)
saliencyBaseClasses.hpp
cv::cudev::GpuMat_::operator[]
__host__ T * operator[](int y)
more convenient forms of row and element access operators
cv::NAryMatIterator
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3246
cv::UMat::UMat
UMat(const UMat &m, const Rect &roi)
cv::hal::min8u
void min8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cvflann::anyimpl::small_any_policy
Definition: any.h:64
cv::UMat::colRange
UMat colRange(const Range &r) const
cv::phase_unwrapping::PhaseUnwrapping::unwrapPhaseMap
virtual void unwrapPhaseMap(InputArray wrappedPhaseMap, OutputArray unwrappedPhaseMap, InputArray shadowMask=noArray())=0
Unwraps a 2D phase map.
cv::CAP_PROP_CONTRAST
@ CAP_PROP_CONTRAST
Contrast of the image (only for cameras).
Definition: videoio.hpp:135
cv::cudev::gridHistogram_
__host__ void gridHistogram_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:61
cv::SimpleBlobDetector::Params::filterByConvexity
bool filterByConvexity
Definition: features2d.hpp:577
cv::Feature2D::write
void write(const String &fileName) const
CV_LOAD_IMAGE_ANYDEPTH
@ CV_LOAD_IMAGE_ANYDEPTH
Definition: imgcodecs_c.h:64
cvflann::Accumulator::Type
T Type
Definition: dist.h:70
cv::hal::cmp8s
void cmp8s(const schar *src1, size_t step1, const schar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::reg::MapperGradEuclid::MapperGradEuclid
MapperGradEuclid(void)
cv::datasets::circle
@ circle
Definition: gr_skig.hpp:62
cv::MergeMertens::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
CV_DIST_LABEL_CCOMP
@ CV_DIST_LABEL_CCOMP
Definition: types_c.h:550
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2)
1x3 or 3x1 matrix
cv::cudev::vcmple2
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
cv::cudev::SobelXPtr::index_type
int index_type
Definition: deriv.hpp:144
cv::read
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
CV_LOAD_IMAGE_IGNORE_ORIENTATION
@ CV_LOAD_IMAGE_IGNORE_ORIENTATION
Definition: imgcodecs_c.h:68
cv::cuda::FarnebackOpticalFlow::getPolySigma
virtual double getPolySigma() const =0
cv::SparseMat::ref
_Tp & ref(const int *idx, size_t *hashval=0)
returns reference to the specified element (nD case)
CV_CAP_INTELPERC_IR_MAP
@ CV_CAP_INTELPERC_IR_MAP
Definition: videoio_c.h:496
cv::Error::StsInplaceNotSupported
@ StsInplaceNotSupported
in-place operation is not supported
Definition: base.hpp:103
cv::videostab::PyrLkOptFlowEstimatorBase::~PyrLkOptFlowEstimatorBase
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
cv::dnn::SplitLayer::outputsCount
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:319
cv::superres::PyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::cudev::plus::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:79
cv::COLOR_YUV2RGB_UYVY
@ COLOR_YUV2RGB_UYVY
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:670
CV_GRAY2BGRA
@ CV_GRAY2BGRA
Definition: types_c.h:125
cvflann::CompositeIndex::getParameters
IndexParams getParameters() const
Definition: composite_index.h:167
cv::WImageBuffer::Allocate
void Allocate(int width, int height, int nchannels)
Definition: wimage.hpp:514
cv::_OutputArray::getGpuMatVecRef
std::vector< cuda::GpuMat > & getGpuMatVecRef() const
cv::ml::TrainData::getTrainSamples
virtual Mat getTrainSamples(int layout=ROW_SAMPLE, bool compressSamples=true, bool compressVars=true) const =0
Returns matrix of train samples.
cv::ximgproc::AdaptiveManifoldFilter::setSigmaS
virtual void setSigmaS(double val)=0
cv::TrackerKCF::Params::wrap_kernel
bool wrap_kernel
wrap around the kernel values
Definition: tracker.hpp:1244
cv::rgbd::Odometry::create
static Ptr< Odometry > create(const String &odometryType)
cv::superres::BroxOpticalFlow::getScaleFactor
virtual double getScaleFactor() const =0
Pyramid scale factor.
cv::ShapeContextDistanceExtractor::setTransformAlgorithm
virtual void setTransformAlgorithm(Ptr< ShapeTransformer > transformer)=0
Set the algorithm used for aligning the shapes.
cv::ml::StatModel::train
virtual bool train(const Ptr< TrainData > &trainData, int flags=0)
Trains the statistical model.
cvflann::HierarchicalClusteringIndex::HierarchicalClusteringIndex
HierarchicalClusteringIndex(const Matrix< ElementType > &inputData, const IndexParams &index_params=HierarchicalClusteringIndexParams(), Distance d=Distance())
Definition: hierarchical_clustering_index.h:357
cv::DMatch::DMatch
DMatch(int _queryIdx, int _trainIdx, int _imgIdx, float _distance)
cv::xphoto::LearningBasedWB::getSaturationThreshold
virtual float getSaturationThreshold() const =0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
cv::TrackerFeatureFeature2d::TrackerFeatureFeature2d
TrackerFeatureFeature2d(String detectorType, String descriptorType)
Constructor.
cv::Point3_::y
_Tp y
Definition: types.hpp:249
cv::cuda::BackgroundSubtractorGMG::setBackgroundPrior
virtual void setBackgroundPrior(double bgprior)=0
cv::ximgproc::DisparityFilter
Main interface for all disparity map filters.
Definition: disparity_filter.hpp:53
clGetKernelInfo
#define clGetKernelInfo
Definition: opencl_core.hpp:212
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::period_
int period_
Definition: wobble_suppression.hpp:110
cv::FileNode::read
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:741
cv::cudev::PerspectiveMapPtr::index_type
float index_type
Definition: warping.hpp:110
cv::linemod::Detector::numTemplates
int numTemplates(const String &class_id) const
cv::WImageBuffer
Definition: wimage.hpp:296
cv::ximgproc::FastGlobalSmootherFilter::filter
virtual void filter(InputArray src, OutputArray dst)=0
Apply smoothing operation to the source image.
cv::ml::ANN_MLP::getBackpropMomentumScale
virtual double getBackpropMomentumScale() const =0
cv::ximgproc::FastGlobalSmootherFilter
Interface for implementations of Fast Global Smoother filter.
Definition: edge_filter.hpp:384
cv::datasets::TR_charsObj::imgName
std::string imgName
Definition: tr_chars.hpp:62
cv::ml::SVMSGD::create
static Ptr< SVMSGD > create()
Creates empty model. Use StatModel::train to train the model. Since SVMSGD has several parameters,...
_mm_deinterleave_ps
void _mm_deinterleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:494
cv::datasets::MSM_middleburyObj::t
double t[3]
Definition: msm_middlebury.hpp:65
cvReprojectImageTo3D
void cvReprojectImageTo3D(const CvArr *disparityImage, CvArr *_3dImage, const CvMat *Q, int handleMissingValues=0)
cv::videostab::StabilizerBase::inpaintingMask_
Mat inpaintingMask_
Definition: stabilizer.hpp:128
cv::cudev::IntegerAreaInterPtr
Definition: interpolation.hpp:235
cvEllipse
void cvEllipse(CvArr *img, CvPoint center, CvSize axes, double angle, double start_angle, double end_angle, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Draws ellipse outline, filled ellipse, elliptic arc or filled elliptic sector.
cv::DescriptorMatcher::add
virtual void add(InputArrayOfArrays descriptors)
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
cv::Allocator
Definition: cvstd.hpp:128
cv::line_descriptor::BinaryDescriptor::read
virtual void read(const cv::FileNode &fn)
Read parameters from a FileNode object and store them.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8)
9-element vector constructor
cv::Mat::Mat
Mat(const Mat &m, const Rect &roi)
cvflann::lsh::LshTable::BucketsSpeed
std::vector< Bucket > BucketsSpeed
Definition: lsh_table.h:143
cv::optflow::OpticalFlowPCAFlow::useOpenCL
bool useOpenCL
Definition: pcaflow.hpp:104
cv::face::LBPHFaceRecognizer
Definition: facerec.hpp:102
cvIsInf
int cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:190
cv::_OutputArray::_OutputArray
_OutputArray(Mat_< _Tp > &m)
cvflann::simpleDistance< ChiSquareDistance< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:890
cv::MSER::getDelta
virtual int getDelta() const =0
cv::ximgproc::SuperpixelSEEDS::~SuperpixelSEEDS
virtual ~SuperpixelSEEDS()
Definition: seeds.hpp:141
CvSet::active_count
int active_count
Definition: types_c.h:1297
cvSubstituteContour
void cvSubstituteContour(CvContourScanner scanner, CvSeq *new_contour)
Substitutes the last retrieved contour with the new one.
cv::Affine3::linear
void linear(const Mat3 &L)
cv::Mat::locateROI
void locateROI(Size &wholeSize, Point &ofs) const
Locates the matrix header within a parent matrix.
cv::FileNodeIterator::cvStartWriteRawData_Base64
void cvStartWriteRawData_Base64(::CvFileStorage *fs, const char *name, int len, const char *dt)
cv::ocl::Device::preferredVectorWidthInt
int preferredVectorWidthInt() const
CvHaarFeature::rect
struct CvHaarFeature::@161 rect[3]
cvflann::Index::buildIndex
void buildIndex()
Definition: flann_base.hpp:129
cvSolveCubic
int cvSolveCubic(const CvMat *coeffs, CvMat *roots)
cv::Affine3::Affine3
Affine3(const float_type *vals)
From 16th element array.
cv::cudev::UnaryTupleAdapter::op
Op op
Definition: tuple_adapter.hpp:61
cv::cuda::CascadeClassifier::create
static Ptr< CascadeClassifier > create(const String &filename)
Loads the classifier from a file. Cascade type is detected automatically by constructor parameter.
clGetDeviceIDs
#define clGetDeviceIDs
Definition: opencl_core_wrappers.hpp:151
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11)
1x12, 2x6, 3x4, 4x3, 6x2 or 12x1 matrix
hal_ni_mul64f
int hal_ni_mul64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:244
cv::cudev::IntegralBody
Definition: reduction.hpp:241
cv::ogl::Buffer::unmapDevice
void unmapDevice(cuda::Stream &stream)
Unmaps OpenGL buffer.
tinyxml2::XMLPrinter::PushAttribute
void PushAttribute(const char *name, double value)
cv::TrackerKCF::Params::read
void read(const FileNode &)
Read parameters from file, currently unused.
tinyxml2::XMLConstHandle::XMLConstHandle
XMLConstHandle(const XMLNode &node)
Definition: tinyxml2.h:1852
cv::CAP_PROP_XI_DEBOUNCE_POL
@ CAP_PROP_XI_DEBOUNCE_POL
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:419
cv::CAP_XIAPI
@ CAP_XIAPI
XIMEA Camera API.
Definition: videoio.hpp:105
cv::Ptr::reset
void reset(Y *p)
tinyxml2::XML_ERROR_EMPTY_DOCUMENT
@ XML_ERROR_EMPTY_DOCUMENT
Definition: tinyxml2.h:1018
cvflann::squareDistance::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:793
NPPST_CUDA_KERNEL_EXECUTION_ERROR
@ NPPST_CUDA_KERNEL_EXECUTION_ERROR
CUDA kernel execution error.
Definition: NCV.hpp:357
cv::sepFilter2D
void sepFilter2D(InputArray src, OutputArray dst, int ddepth, InputArray kernelX, InputArray kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
Applies a separable linear filter to an image.
atomic.hpp
cv::CvHaarEvaluator::compute_integral
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float > > &ii_imgs)
Definition: feature.hpp:281
cv::COLORMAP_RAINBOW
@ COLORMAP_RAINBOW
Definition: imgproc.hpp:4084
ncvEndQueryTimerUs
double ncvEndQueryTimerUs(NcvTimer t)
NcvTimer
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
tinyxml2::XMLElement::QueryUnsignedText
XMLError QueryUnsignedText(unsigned *uval) const
See QueryIntText()
cv::TrackerSamplerPF::Params::particlesNum
int particlesNum
number of "perturbed" boxes on each round
Definition: tracker.hpp:928
cv::add
void add(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
Calculates the per-element sum of two arrays or an array and a scalar.
cv::cudacodec::EncoderParams::P_Interval
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:85
cv::linemod::Match
Represents a successful template match.
Definition: linemod.hpp:283
cv::detail::PaniniPortraitWarper
Definition: warpers.hpp:395
cv::cudev::CubicInterPtr::bicubicCoeff
static __device__ float bicubicCoeff(float x_)
Definition: interpolation.hpp:162
cv::cuda::sqrIntegral
void sqrIntegral(InputArray src, OutputArray sqsum, Stream &stream=Stream::Null())
Computes a squared integral image.
cv::TrackerModel::modelUpdate
void modelUpdate()
Update the model.
cv::plot::Plot2d::setMaxX
virtual void setMaxX(double _plotMaxX)=0
cv::FileStorage::FileStorage
FileStorage(const String &source, int flags, const String &encoding=String())
cv::Mat_::Mat_
Mat_(const Mat &m)
copy/conversion contructor. If m is of different type, it's converted
cv::cuda::TargetArchs::hasEqualOrGreaterBin
static bool hasEqualOrGreaterBin(int major, int minor)
cv::text::loadClassifierNM1
Ptr< ERFilter::Callback > loadClassifierNM1(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
cvPolarToCart
void cvPolarToCart(const CvArr *magnitude, const CvArr *angle, CvArr *x, CvArr *y, int angle_in_degrees=0)
cv::GFTTDetector::getMaxFeatures
virtual int getMaxFeatures() const =0
cv::hal::add64f
void add64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::datasets::PD_caltechObj
Definition: pd_caltech.hpp:61
CV_RGBA2BGR555
@ CV_RGBA2BGR555
Definition: types_c.h:147
cv::getElemSize
static size_t getElemSize(int type)
Definition: utility.hpp:463
CvSparseNode::next
struct CvSparseNode * next
Definition: types_c.h:713
nppiStDecimate_32f_C1R_host
NCVStatus nppiStDecimate_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
OPENCV_HAL_IMPL_C_SHIFTR
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:1591
cv::ximgproc::jointBilateralFilter
void jointBilateralFilter(InputArray joint, InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the joint bilateral filter to an image.
cv::HISTCMP_CORREL
@ HISTCMP_CORREL
Definition: imgproc.hpp:494
IplImage::roi
struct _IplROI * roi
Definition: types_c.h:318
clGetKernelWorkGroupInfo
#define clGetKernelWorkGroupInfo
Definition: opencl_core_wrappers.hpp:178
cv::cuda::norm
double norm(InputArray src1, int normType, InputArray mask=noArray())
Returns the norm of a matrix (or difference of two matrices).
cv::ml::SVM::setDegree
virtual void setDegree(double val)=0
cv::MatIterator_::operator[]
_Tp & operator[](ptrdiff_t i) const
returns the i-th matrix element, relative to the current
cv::MatAllocator::~MatAllocator
virtual ~MatAllocator()
Definition: mat.hpp:411
sinusoidalpattern.hpp
hal_ni_xor8u
int hal_ni_xor8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:153
cv::cudev::modulus::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:115
CV_CAP_MSMF
@ CV_CAP_MSMF
Definition: videoio_c.h:102
cv::saliency::MotionSaliencyBinWangApr2014::create
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
cvflann::anyimpl::big_any_policy::get_value
virtual const void * get_value(void *const *src)
Definition: any.h:99
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D()
Definition: pose_3d.hpp:141
cv::CAP_PROP_XI_HDR_T1
@ CAP_PROP_XI_HDR_T1
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:461
cv::NAryMatIterator::planes
Mat * planes
the current planes
Definition: mat.hpp:3265
cv::COLOR_Lab2BGR
@ COLOR_Lab2BGR
Definition: imgproc.hpp:595
hal_ni_min8s
int hal_ni_min8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:112
cv::dnn::DictValue::operator<<
friend std::ostream & operator<<(std::ostream &stream, const DictValue &dictv)
cv::_OutputArray::_OutputArray
_OutputArray(const UMat &m)
cv::saliency::ObjectnessBING::getNSS
int getNSS() const
Definition: saliencySpecializedClasses.hpp:325
cv::dnn::LSTMLayer::getC
virtual Blob getC() const =0
Returns current value (deep copy).
cv::dnn::CropLayer
Definition: all_layers.hpp:379
cv::omnidir::CALIB_FIX_GAMMA
@ CALIB_FIX_GAMMA
Definition: omnidir.hpp:63
CvNArrayIterator::size
CvSize size
Definition: core_c.h:570
cv::bridge::Bridge::operator=
Bridge & operator=(const Ptr_TonemapReinhard &)
Definition: bridge.hpp:522
cv::videostab::PyrLkOptFlowEstimatorBase::winSize_
Size winSize_
Definition: optical_flow.hpp:92
cvflann::squareDistance< HellingerDistance< ElementType >, ElementType >::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:823
hal_ni_mul32s
int hal_ni_mul32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:242
cv::Error::GpuNotSupported
@ GpuNotSupported
Definition: base.hpp:116
cv::cudev::GpuMat_::rowRange
__host__ GpuMat_ rowRange(Range r) const
cv::ximgproc::HDO_DESKEW
@ HDO_DESKEW
Definition: fast_hough_transform.hpp:108
NCVMemNativeAllocator::NCVMemNativeAllocator
NCVMemNativeAllocator(NCVMemoryType memT, Ncv32u alignment)
cv::dnn::BlobShape::isEmpty
bool isEmpty() const
Returns true if shape is empty (i.e []).
cv::ogl::Texture2D::create
void create(Size asize, Format aformat, bool autoRelease=false)
cv::COLOR_YUV2RGB_IYUV
@ COLOR_YUV2RGB_IYUV
Definition: imgproc.hpp:644
OPENCV_HAL_IMPL_CMP_OP
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:592
tinyxml2::XMLDocument::SetError
void SetError(XMLError error, const char *str1, const char *str2)
cv::WImageBufferC
Definition: wimage.hpp:352
fprintf
fprintf(outfile, '%%YAML:1.0\n\n')
cv::linemod::Detector::T_at_level
std::vector< int > T_at_level
Definition: linemod.hpp:421
cv::cudev::NormL1::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:75
cv::Stitcher::bundleAdjuster
Ptr< detail::BundleAdjusterBase > bundleAdjuster()
Definition: stitching.hpp:204
videoio.hpp
cv::ximgproc::segmentation::SelectiveSearchSegmentation::switchToSingleStrategy
virtual void switchToSingleStrategy(int k=200, float sigma=0.8f)=0
Initialize the class with the 'Single stragegy' parameters describled in .
cv::Tonemap::setGamma
virtual void setGamma(float gamma)=0
cv::viz::Color::amethyst
static Color amethyst()
cv::datasets::IS_weizmannObj::srcBw
std::string srcBw
Definition: is_weizmann.hpp:63
CV_EVENT_FLAG_ALTKEY
@ CV_EVENT_FLAG_ALTKEY
Definition: highgui_c.h:199
cv::Matx21f
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:204
cv::BackgroundSubtractorMOG2::setNMixtures
virtual void setNMixtures(int nmixtures)=0
Sets the number of gaussian components in the background model.
cv::v_store_interleave
void v_store_interleave(_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Interleave and store (2 channels)
Definition: intrin_cpp.hpp:1151
cv::cudev::NormL1< float >::mySum
result_type mySum
Definition: vec_distance.hpp:95
CvAvgComp::neighbors
int neighbors
Definition: objdetect_c.h:120
UINT8
uint8_t UINT8
Definition: descriptor.hpp:69
cv::CAP_PVAPI
@ CAP_PVAPI
PvAPI, Prosilica GigE SDK.
Definition: videoio.hpp:101
cv::SparsePyrLKOpticalFlow::getFlags
virtual int getFlags() const =0
cv::ml::TrainData::getNormCatResponses
virtual Mat getNormCatResponses() const =0
cv::cuda::OpticalFlowDual_TVL1::create
static Ptr< OpticalFlowDual_TVL1 > create(double tau=0.25, double lambda=0.15, double theta=0.3, int nscales=5, int warps=5, double epsilon=0.01, int iterations=300, double scaleStep=0.8, double gamma=0.0, bool useInitialFlow=false)
cv::cuda::FarnebackOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::detail::DisjointSets::createOneElemSets
void createOneElemSets(int elem_count)
cv::Formatter::set64fPrecision
virtual void set64fPrecision(int p=16)=0
cvflann::NNIndex::knnSearch
virtual void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams &params)
Perform k-nearest neighbor search.
Definition: nn_index.h:68
CvMoments::m03
double m03
Definition: types_c.h:399
cv::text::ERFilter::Callback
Callback with the classifier is made a class.
Definition: erfilter.hpp:128
cv::ppf_match_3d::hashtableGetBucketHashed
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
cv::cudev::AffineMapPtr::operator()
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:68
cv::UMat::UMat
UMat(Size size, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
CvLevMarq::lambdaLg10
int lambdaLg10
Definition: calib3d_c.h:416
cv::structured_light::SinusoidalPattern::Params::setMarkers
bool setMarkers
Definition: sinusoidalpattern.hpp:92
tinyxml2::XMLNode::FirstChildElement
const XMLElement * FirstChildElement(const char *value=0) const
cv::text::ERFilter::getNumRejected
virtual int getNumRejected()=0
cv::FileStorage::WRITE
@ WRITE
value, open the file for writing
Definition: persistence.hpp:309
cv::StereographicWarper::create
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:105
objdetect_c.h
cvGetOptimalNewCameraMatrix
void cvGetOptimalNewCameraMatrix(const CvMat *camera_matrix, const CvMat *dist_coeffs, CvSize image_size, double alpha, CvMat *new_camera_matrix, CvSize new_imag_size=cvSize(0, 0), CvRect *valid_pixel_ROI=0, int center_principal_point=0)
cv::stereo::CensusKernel::image
uint8_t * image[num_images]
Definition: descriptor.hpp:173
cv::omnidir::internal::flags2idx
void flags2idx(int flags, std::vector< int > &idx, int n)
cv::viz::writeTrajectory
void writeTrajectory(InputArray traj, const String &files_format="pose%05d.xml", int start=0, const String &tag="pose")
takes vector<Affine3<T>> with T = float/dobule and writes to a sequence of files with given filename ...
cv::videostab::ensureInclusionConstraint
Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio)
cv::cudev::vcmplt4
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
cv::sfm::fundamentalFromEssential
void fundamentalFromEssential(InputArray E, InputArray K1, InputArray K2, OutputArray F)
Get Essential matrix from Fundamental and Camera matrices.
OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC
#define OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:526
cv::bridge::Bridge::toPtrTonemapDrago
Ptr_TonemapDrago toPtrTonemapDrago()
Definition: bridge.hpp:508
tinyxml2::XMLHandle::NextSibling
XMLHandle NextSibling()
Get the next sibling of this handle.
Definition: tinyxml2.h:1808
CV_YUV2GRAY_NV12
@ CV_YUV2GRAY_NV12
Definition: types_c.h:270
clEnqueueReadImage
#define clEnqueueReadImage
Definition: opencl_core_wrappers.hpp:118
tinyxml2::XMLPrinter::PushText
void PushText(int value)
Add a text node from an integer.
cvflann::HierarchicalClusteringIndex::buildIndex
void buildIndex()
Definition: hierarchical_clustering_index.h:464
cv::cudev::DefaultReduceToVecPolicy::block_size_x
@ block_size_x
Definition: reduce_to_vec.hpp:214
NCVMatrixReuse::isMemReused
NcvBool isMemReused() const
Definition: NCV.hpp:979
cv::ml::RTrees::setCalculateVarImportance
virtual void setCalculateVarImportance(bool val)=0
cv::MergeDebevec::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
CV_StsInplaceNotSupported
@ CV_StsInplaceNotSupported
Definition: types_c.h:154
heap.h
cv::ximgproc::WMF_COS
@ WMF_COS
Definition: weighted_median_filter.hpp:69
cv::hal::DFT2D
Definition: hal.hpp:206
cv::viz::unregisterAllWindows
void unregisterAllWindows()
Unregisters all Viz windows from internal database. After it 'getWindowByName()' will create new wind...
cv::linemod::DepthNormal::processImpl
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const
cv::bioinspired::SegmentationParameters::contextEnergy_spatialConstant
float contextEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:105
cv::flann::Index::Index
Index(InputArray features, const IndexParams &params, cvflann::flann_distance_t distType=cvflann::FLANN_DIST_L2)
cvflann::LshIndex::size
size_t size() const
Definition: lsh_index.h:154
cv::ParamType< String >::member_type
String member_type
Definition: core.hpp:3149
cv::createCalibrateDebevec
Ptr< CalibrateDebevec > createCalibrateDebevec(int samples=70, float lambda=10.0f, bool random=false)
Creates CalibrateDebevec object.
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9)
1x10, 2x5 or 5x2 or 10x1 matrix
cv::cuda::FEATURE_SET_COMPUTE_21
@ FEATURE_SET_COMPUTE_21
Definition: cuda.hpp:599
cv::CvFeatureEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
cv::ShapeDistanceExtractor
Abstract base class for shape distance algorithms.
Definition: shape_distance.hpp:59
cv::cudev::CubicInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:157
cv::Error::StsNoMem
@ StsNoMem
insufficient memory
Definition: base.hpp:73
cv::ximgproc::rollingGuidanceFilter
void rollingGuidanceFilter(InputArray src, OutputArray dst, int d=-1, double sigmaColor=25, double sigmaSpace=3, int numOfIter=4, int borderType=BORDER_DEFAULT)
Applies the rolling guidance filter to an image.
NcvCTprep
Definition: NCV.hpp:70
cv::bioinspired::RetinaParameters::IplMagnoParameters::IplMagnoParameters
IplMagnoParameters()
Definition: retina.hpp:166
cv::ml::StatModel::empty
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
cvflann::Hamming2::ResultType
int ResultType
Definition: dist.h:481
cv::ocl::Queue::Queue
Queue()
cvSeqRemove
void cvSeqRemove(CvSeq *seq, int index)
CV_CAP_PROP_OPENNI_CIRCLE_BUFFER
@ CV_CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio_c.h:232
cv::cuda::DeviceInfo::maxTexture1D
int maxTexture1D() const
maximum 1D texture size
CV_BayerGR2BGR_EA
@ CV_BayerGR2BGR_EA
Definition: types_c.h:345
cv::FileNode::read
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1049
CV_StsAutoTrace
@ CV_StsAutoTrace
Definition: types_c.h:128
cv::DECOMP_QR
@ DECOMP_QR
Definition: base.hpp:145
cv::datasets::TR_svtObj::lex
std::vector< std::string > lex
Definition: tr_svt.hpp:69
cv::viz::POINT_SIZE
@ POINT_SIZE
Definition: widgets.hpp:63
cvflann::lsh::BucketKey
unsigned int BucketKey
Definition: lsh_table.h:72
cv::viz::imshow
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
clEnqueueBarrier
#define clEnqueueBarrier
Definition: opencl_core.hpp:138
cv::cudacodec::Uncompressed_NV12
@ Uncompressed_NV12
Y,UV (4:2:0)
Definition: cudacodec.hpp:256
cv::cudev::gridPyrDown_
__host__ void gridPyrDown_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:62
cv::cudev::gridCalcSum_
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
cv::cuda::GpuMat::GpuMat
GpuMat(int rows, int cols, int type, Scalar s, Allocator *allocator=defaultAllocator())
constucts GpuMat and fills it with the specified value _s
cv::CAP_PVAPI_PIXELFORMAT_BGRA32
@ CAP_PVAPI_PIXELFORMAT_BGRA32
Bgra32.
Definition: videoio.hpp:316
cv::detail::PlaneWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
cv::stereo::SymetricCensus::SymetricCensus
SymetricCensus(const cv::Mat *img, int k2, int **distance)
Definition: descriptor.hpp:372
cvflann::KNNUniqueResultSet::KNNUniqueResultSet
KNNUniqueResultSet(unsigned int capacity)
Definition: result_set.h:395
cvflann::AutotunedIndex::findNeighbors
virtual void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: autotuned_index.h:151
cv::ocl::KernelArg::PtrReadWrite
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:366
cv::bgsegm::createBackgroundSubtractorGMG
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1025
cv::dnn::LSTMLayer::inputNameToIndex
int inputNameToIndex(String inputName)
Returns index of input blob into the input array.
cv::COLOR_Luv2BGR
@ COLOR_Luv2BGR
Definition: imgproc.hpp:597
cv::TrackerStateEstimator::create
static Ptr< TrackerStateEstimator > create(const String &trackeStateEstimatorType)
Create TrackerStateEstimator by tracker state estimator type.
cv::bridge::vector_uchar
std::vector< unsigned char > vector_uchar
Definition: bridge.hpp:74
cv::bioinspired::Retina::setup
virtual void setup(cv::FileStorage &fs, const bool applyDefaultSetupOnFailure=true)=0
cv::superres::FarnebackOpticalFlow
Definition: optical_flow.hpp:65
cv::GC_FGD
@ GC_FGD
an obvious foreground (object) pixel
Definition: imgproc.hpp:361
NCVMemNativeAllocator::memType
virtual NCVMemoryType memType(void) const
cv::TrackerSamplerAlgorithm::className
String className
Definition: tracker.hpp:246
cv::cuda::OpticalFlowDual_TVL1
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:263
CvPhotoCamera
Definition: cap_ios.h:141
cv::DualTVL1OpticalFlow::getTheta
virtual double getTheta() const =0
Weight parameter for (u - v)^2, tightness parameter.
cv::cuda::FGDParams::FGDParams
FGDParams()
default Params
cv::ocl::Device::image3DMaxWidth
size_t image3DMaxWidth() const
cv::instr::IMPL
IMPL
Definition: utility.hpp:1099
CV_BayerGR2RGB_VNG
@ CV_BayerGR2RGB_VNG
Definition: types_c.h:203
cv::cudev::Max
Definition: reduce_to_vec.hpp:126
cv::hal::absdiff16u
void absdiff16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::ParamType< unsigned >::const_param_type
unsigned const_param_type
Definition: core.hpp:3188
cv::AlignMTB::getMaxBits
virtual int getMaxBits() const =0
cv::cuda::DisparityBilateralFilter::setSigmaRange
virtual void setSigmaRange(double sigma_range)=0
cv::cudev::TypeTraits::unqualified_type
type_traits_detail::UnVolatile< typename type_traits_detail::UnConst< T >::type >::type unqualified_type
Definition: type_traits.hpp:132
cv::Error::StsBadPoint
@ StsBadPoint
bad CvPoint
Definition: base.hpp:107
cv::xphoto::GrayworldWB::setSaturationThreshold
virtual void setSaturationThreshold(float val)=0
Maximum saturation for a pixel to be included in the gray-world assumption.
cv::CAP_PROP_GAMMA
@ CAP_PROP_GAMMA
Definition: videoio.hpp:146
nppiStDecimate_32s_C1R_host
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCV_HAAR_INVALID_PIXEL_STEP
@ NCV_HAAR_INVALID_PIXEL_STEP
Definition: NCV.hpp:343
cv::COLOR_YUV2GRAY_UYVY
@ COLOR_YUV2GRAY_UYVY
Definition: imgproc.hpp:706
nppiStIntegralGetSize_8u32u
NCVStatus nppiStIntegralGetSize_8u32u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::CCL_GRANA
@ CCL_GRANA
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:420
CV_YUV2GRAY_YUYV
@ CV_YUV2GRAY_YUYV
Definition: types_c.h:320
matlab::MxArray::imag
Scalar * imag()
Definition: mxarray.hpp:404
cv::log
void log(InputArray src, OutputArray dst)
Calculates the natural logarithm of every array element.
cv::KalmanFilter::controlMatrix
Mat controlMatrix
control matrix (B) (not used if there is no control)
Definition: tracking.hpp:368
cv::CylindricalWarper
Cylindrical warper factory class.
Definition: warpers.hpp:84
cv::KAZE::setDiffusivity
virtual void setDiffusivity(int diff)=0
cv::cudacodec::EncoderParams::QP_Level_InterB
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:93
cv::viz::MouseEvent::modifiers
int modifiers
Definition: types.hpp:267
cv::CvFeatureEvaluator::getMaxCatCount
int getMaxCatCount() const
Definition: feature.hpp:172
tinyxml2::XMLConstHandle
Definition: tinyxml2.h:1847
cv::Moments::m02
double m02
Definition: types.hpp:862
cv::COLOR_YUV2BGRA_YVYU
@ COLOR_YUV2BGRA_YVYU
Definition: imgproc.hpp:700
cv::dnn::Net
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:151
CHECK_ERROR
#define CHECK_ERROR(x, y)
Definition: hdf5.h:73
cvSetRemoveByPtr
void cvSetRemoveByPtr(CvSet *set_header, void *elem)
Definition: core_c.h:1752
cv::ml::ANN_MLP::getLayerSizes
virtual cv::Mat getLayerSizes() const =0
cv::Complexd
Complex< double > Complexd
Definition: types.hpp:91
nppStGetActiveCUDAstream
cudaStream_t nppStGetActiveCUDAstream()
cv::fastMalloc
void * fastMalloc(size_t bufSize)
Allocates an aligned memory buffer.
cvCheckContourConvexity
int cvCheckContourConvexity(const CvArr *contour)
Checks whether the contour is convex or not (returns 1 if convex, 0 if not)
cv::ocl::Device::globalMemCacheType
int globalMemCacheType() const
cv::cuda::DisparityBilateralFilter::getNumDisparities
virtual int getNumDisparities() const =0
CV_BayerGR2RGB_EA
@ CV_BayerGR2RGB_EA
Definition: types_c.h:350
cv::cudev::ZipPtrSz::cols
int cols
Definition: zip.hpp:110
cv::ppf_match_3d::next_power_of_two
static unsigned int next_power_of_two(unsigned int value)
Round up to the next highest power of 2.
Definition: t_hash_int.hpp:79
cv::linemod::Modality::read
virtual void read(const FileNode &fn)=0
clEnqueueMigrateMemObjects
#define clEnqueueMigrateMemObjects
Definition: opencl_core.hpp:164
cv::videostab::LpMotionStabilizer::setWeight1
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
cv::COLOR_YUV2BGRA_YV12
@ COLOR_YUV2BGRA_YV12
Definition: imgproc.hpp:652
cv::bridge::Bridge::toPtrMergeMertens
Ptr_MergeMertens toPtrMergeMertens()
Definition: bridge.hpp:488
cv::videostab::TranslationBasedLocalOutlierRejector::cellSize
Size cellSize() const
Definition: outlier_rejection.hpp:80
cvflann::create_index_by_type
NNIndex< Distance > * create_index_by_type(const Matrix< typename Distance::ElementType > &dataset, const IndexParams &params, const Distance &distance)
Definition: all_indices.h:146
cv::Mat_::const_iterator
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2042
cvv::impl::CallMetaData::CallMetaData
CallMetaData()
Creates an unknown location.
Definition: call_meta_data.hpp:26
cv::TrackerMIL::Params::Params
Params()
cv::EVENT_MOUSEWHEEL
@ EVENT_MOUSEWHEEL
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:215
cl_platform_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_platform_id cl_uint *CL_RUNTIME_EXPORT cl_platform_info
Definition: opencl_core.hpp:338
CvLevMarq::CvLevMarq
CvLevMarq(int nparams, int nerrs, CvTermCriteria criteria=cvTermCriteria(CV_TERMCRIT_EPS+CV_TERMCRIT_ITER, 30, DBL_EPSILON), bool completeSymmFlag=false)
cv::hdf::HDF5::dscreate
virtual void dscreate(const int n_dims, const int *sizes, const int type, String dslabel) const =0
tinyxml2::XMLHandle::FirstChild
XMLHandle FirstChild()
Get the first child of this handle.
Definition: tinyxml2.h:1784
HaarClassifierCascadeDescriptor::NumFeatures
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:337
clWaitForEvents
#define clWaitForEvents
Definition: opencl_core_wrappers.hpp:271
cv::v_combine_high
v_reg< _Tp, n > v_combine_high(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Combine vector from last elements of two vectors.
Definition: intrin_cpp.hpp:1296
cv::ogl::Arrays::resetNormalArray
void resetNormalArray()
Resets vertex normals.
cv::ocl::Program::ptr
void * ptr() const
cv::ml::DTrees::Node::right
int right
Index of right child node.
Definition: ml.hpp:1059
cv::cuda::rectStdDev
void rectStdDev(InputArray src, InputArray sqr, OutputArray dst, Rect rect, Stream &stream=Stream::Null())
Computes a standard deviation of integral images.
cv::cuda::warpAffine
void warpAffine(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies an affine transformation to an image.
cv::CascadeClassifier::getOldCascade
void * getOldCascade()
CV_IMWRITE_PAM_FORMAT_RGB_ALPHA
@ CV_IMWRITE_PAM_FORMAT_RGB_ALPHA
Definition: imgcodecs_c.h:104
CV_32FC1
#define CV_32FC1
Definition: interface.h:112
CV_BadImageSize
@ CV_BadImageSize
Definition: types_c.h:130
cv::BackgroundSubtractorMOG2::getDetectShadows
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
cv::ml::SVMSGD::ASGD
@ ASGD
Average Stochastic Gradient Descent.
Definition: ml.hpp:1593
cv::NORM_L2SQR
@ NORM_L2SQR
Definition: base.hpp:191
cv::dnn::Net::setParam
void setParam(LayerId layer, int numParam, const Blob &blob)
Sets the new value for the learned param of the layer.
CV_Luv2LRGB
@ CV_Luv2LRGB
Definition: types_c.h:223
cv::SparseMat::channels
int channels() const
returns the number of channels
cv::videostab::FromFileMotionReader::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)
cv::detail::MatchesInfo::MatchesInfo
MatchesInfo(const MatchesInfo &other)
CV_CHAIN_CODE
@ CV_CHAIN_CODE
Definition: types_c.h:456
tinyxml2::XMLNode::Accept
virtual bool Accept(XMLVisitor *visitor) const =0
clAmdFftSetLayout
#define clAmdFftSetLayout
Definition: opencl_clamdfft.hpp:84
a12
end function a12
Definition: modelConvert.m:45
HaarFeatureDescriptor32::isLeftNodeLeaf
__device__ __host__ NcvBool isLeftNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:156
cv::cuda::getDevice
int getDevice()
Returns the current device index set by cuda::setDevice or initialized by default.
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat_ &m)
copy constructor
cv::cuda::max
void max(InputArray src1, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
Computes the per-element maximum of two matrices (or a matrix and a scalar).
cv::FileStorage::operator[]
FileNode operator[](const char *nodename) const
cv::MultiTrackerTLD::update_opt
bool update_opt(const Mat &image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets by ...
CV_CAP_PROP_GPHOTO2_PREVIEW
@ CV_CAP_PROP_GPHOTO2_PREVIEW
Definition: videoio_c.h:505
cv::Allocator::deallocate
void deallocate(pointer p, size_type)
Definition: cvstd.hpp:150
cv::detail::SphericalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cv::detail::FeatherBlender::createWeightMaps
Rect createWeightMaps(const std::vector< UMat > &masks, const std::vector< Point > &corners, std::vector< UMat > &weight_maps)
cv::rgbd::ICPOdometry::computeImpl
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const
cv::omnidir::CALIB_FIX_P1
@ CALIB_FIX_P1
Definition: omnidir.hpp:60
cv::Rect_::x
_Tp x
Definition: types.hpp:410
clGetProgramBuildInfo
#define clGetProgramBuildInfo
Definition: opencl_core.hpp:222
cvSeqPushMulti
void cvSeqPushMulti(CvSeq *seq, const void *elements, int count, int in_front=0)
tinyxml2::XMLElement::ShallowClone
virtual XMLNode * ShallowClone(XMLDocument *document) const
cv::text::OCRHMMDecoder::mode
decoder_mode mode
Definition: ocr.hpp:283
CV_IMWRITE_PNG_STRATEGY_FILTERED
@ CV_IMWRITE_PNG_STRATEGY_FILTERED
Definition: imgcodecs_c.h:92
tinyxml2::XMLDeclaration::ShallowEqual
virtual bool ShallowEqual(const XMLNode *compare) const
cv::bioinspired::TransientAreasSegmentationModule::write
virtual void write(String fs) const =0
write xml/yml formated parameters information
cv::viz::ShadingValues
ShadingValues
Definition: widgets.hpp:82
cvGetTickFrequency
double cvGetTickFrequency(void)
cv::cudev::FindMinMaxValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:135
_mm_interleave_ps
void _mm_interleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:568
cv::FileNode::read
static void read(const FileNode &node, Size_< _Tp > &value, const Size_< _Tp > &default_value)
Definition: persistence.hpp:735
cv::_InputArray::getGpuMat
cuda::GpuMat getGpuMat() const
cv::detail::CylindricalWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::cornerHarris
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
cv::cuda::HOG::getGammaCorrection
virtual bool getGammaCorrection() const =0
cv::cudev::SingleMaskChannelsSz::cols
int cols
Definition: mask.hpp:85
cv::cartToPolar
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
cvCmp
void cvCmp(const CvArr *src1, const CvArr *src2, CvArr *dst, int cmp_op)
cv::ocl::predictOptimalVectorWidthMax
int predictOptimalVectorWidthMax(InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray())
CV_CUDEV_DATA_TYPE_INST
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
cv::Error::StsAssert
@ StsAssert
assertion failed
Definition: base.hpp:115
cv::rgbd::RgbdOdometry::maxTranslation
double maxTranslation
Definition: rgbd.hpp:751
cv::videostab::ToFileMotionWriter::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:208
cv::optflow::createVariationalFlowRefinement
Ptr< VariationalRefinement > createVariationalFlowRefinement()
Creates an instance of VariationalRefinement.
cv::dnn::Blob::xsize
int xsize(int axis) const
Returns the size of the specified axis.
cv::TonemapDurand::getContrast
virtual float getContrast() const =0
cv::HOGDescriptor::DEFAULT_NLEVELS
@ DEFAULT_NLEVELS
Definition: objdetect.hpp:342
cv::Feature2D::~Feature2D
virtual ~Feature2D()
cv::ml::Boost::getBoostType
virtual int getBoostType() const =0
cv::CLAHE::getClipLimit
virtual double getClipLimit() const =0
cv::dnn::Blob::ptr
Type * ptr(int n=0, int cn=0, int row=0, int col=0)
cv::ocl::Kernel::Kernel
Kernel(const Kernel &k)
cv::linemod::getDefaultLINE
Ptr< Detector > getDefaultLINE()
Factory function for detector using LINE algorithm with color gradients.
cvflann::flann_distance_type
flann_distance_t flann_distance_type()
cv::cudev::ResizePtrSz::cols
int cols
Definition: resize.hpp:79
cv::WImageViewC::WImageViewC
WImageViewC(const WImageC< T, C > &img)
Definition: wimage.hpp:469
cvInRange
void cvInRange(const CvArr *src, const CvArr *lower, const CvArr *upper, CvArr *dst)
cv::aruco::generateCustomDictionary
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize)
cv::detail::PlaneWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::OpenGlDrawCallback
void(* OpenGlDrawCallback)(void *userdata)
Callback function defined to be called every frame. See cv::setOpenGlDrawCallback.
Definition: highgui.hpp:271
cv::CvHaarEvaluator::setWinSize
void setWinSize(Size patchSize)
cv::dnn::RNNLayer::forward
void forward(std::vector< Blob * > &input, std::vector< Blob > &output)
cv::viz::WPaintedCloud::WPaintedCloud
WPaintedCloud(InputArray cloud)
Paint cloud with default gradient between cloud bounds points.
cv::superres::FarnebackOpticalFlow::getFlags
virtual int getFlags() const =0
CvPoint3D32f::CvPoint3D32f
CvPoint3D32f(float _x=0, float _y=0, float _z=0)
Definition: types_c.h:943
cv::videostab::MotionFilterBase
Definition: motion_stabilizing.hpp:85
cv::ogl::Texture2D
Smart pointer for OpenGL 2D texture memory with reference counting.
Definition: opengl.hpp:284
cv::Mat::ptr
_Tp * ptr(int row, int col)
cv::detail::GraphCutSeamFinderBase::CostType
CostType
Definition: seam_finders.hpp:231
cv::ppf_match_3d::hashtableCreate
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(unsigned int))
cv::TrackerSamplerPF::Params::alpha
double alpha
Definition: tracker.hpp:929
tinyxml2::XMLPrinter::PushText
void PushText(const char *text, bool cdata=false)
Add a text node.
NCV_CT_ASSERT
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
cv::CvHOGEvaluator::hist
std::vector< Mat > hist
Definition: feature.hpp:329
cv::Mat::data
uchar * data
pointer to the data
Definition: mat.hpp:1961
cv::FileStorage::state
int state
the writer state
Definition: persistence.hpp:468
cv::ocl::Platform::Platform
Platform(const Platform &p)
cv::v_muladd
v_reg< _Tp, n > v_muladd(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c)
Multiply and add.
Definition: intrin_cpp.hpp:753
cv::cudev::direction_func::operator()
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
cv::TransverseMercatorWarper
Definition: warpers.hpp:159
cv::MatOp::divide
virtual void divide(double s, const MatExpr &expr, MatExpr &res) const
cv::Mat_::operator()
Mat_ operator()(const std::vector< Range > &ranges) const
cv::winrt_initContainer
void winrt_initContainer(::Windows::UI::Xaml::Controls::Panel^ container)
Initializes container component that will be used to hold generated window content.
cv::rgbd::ICPOdometry::ICPOdometry
ICPOdometry()
tinyxml2::XMLPrinter::PushText
void PushText(unsigned value)
Add a text node from an unsigned.
cv::ORB::setFirstLevel
virtual void setFirstLevel(int firstLevel)=0
cv::cuda::createHoughCirclesDetector
Ptr< HoughCirclesDetector > createHoughCirclesDetector(float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096)
Creates implementation for cuda::HoughCirclesDetector .
CvScalar::CvScalar
CvScalar(const cv::Vec< _Tp, cn > &v)
Definition: types_c.h:1136
inpainting.hpp
cv::detail::Timelapser::createDefault
static Ptr< Timelapser > createDefault(int type)
cvflann::abs< float >
float abs< float >(float x)
Definition: dist.h:64
cv::CascadeClassifier::detectMultiScale
void detectMultiScale(InputArray image, std::vector< Rect > &objects, double scaleFactor=1.1, int minNeighbors=3, int flags=0, Size minSize=Size(), Size maxSize=Size())
Detects objects of different sizes in the input image. The detected objects are returned as a list of...
cv::text::ERStat::area
int area
incrementally computable features
Definition: erfilter.hpp:79
cv::swap
void swap(Ptr< T > &ptr1, Ptr< T > &ptr2)
cv::ocl::OclVectorStrategy
OclVectorStrategy
Definition: ocl.hpp:677
cv::directx::ocl::initializeContextFromDirect3DDevice9Ex
Context & initializeContextFromDirect3DDevice9Ex(IDirect3DDevice9Ex *pDirect3DDevice9Ex)
Creates OpenCL context from Direct3DDevice9Ex device.
CV_CUDEV_GRAY2RGB5x5_INST
#define CV_CUDEV_GRAY2RGB5x5_INST(name, green_bits)
Definition: color_cvt.hpp:457
cvApproxChains
CvSeq * cvApproxChains(CvSeq *src_seq, CvMemStorage *storage, int method=CV_CHAIN_APPROX_SIMPLE, double parameter=0, int minimal_perimeter=0, int recursive=0)
Approximates Freeman chain(s) with a polygonal curve.
cv::ocl::Queue::~Queue
~Queue()
cv::cudev::ThreshBinaryFunc::maxVal
T maxVal
Definition: functional.hpp:697
cv::cuda::drawColorDisp
void drawColorDisp(InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null())
Colors a disparity image.
cv::COLOR_RGB2BGR
@ COLOR_RGB2BGR
Definition: imgproc.hpp:533
NCVMemPtr::ptr
void * ptr
Definition: NCV.hpp:441
cv::Ptr::Ptr
Ptr(const Ptr< Y > &o)
cv::SparseMat::Hdr::Hdr
Hdr(int _dims, const int *_sizes, int _type)
CV_CAP_PROP_XI_AEAG_ROI_WIDTH
@ CV_CAP_PROP_XI_AEAG_ROI_WIDTH
Definition: videoio_c.h:302
cvflann::AutotunedIndex::getSearchParameters
SearchParams getSearchParameters() const
Definition: autotuned_index.h:168
cv::ppf_match_3d::Pose3DPtr
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
cv::detail::FeaturesFinder::~FeaturesFinder
virtual ~FeaturesFinder()
Definition: matchers.hpp:74
cv::CAP_PROP_WHITE_BALANCE_RED_V
@ CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio.hpp:150
cv::detail::CompressedRectilinearWarper
Definition: warpers.hpp:332
cv::CAP_PROP_XI_CC_MATRIX_03
@ CAP_PROP_XI_CC_MATRIX_03
Color Correction Matrix element [0][3].
Definition: videoio.hpp:400
fast_marching.hpp
cv::stereo::StereoBinarySGBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
cv::superres::SuperResolution::processImpl
virtual void processImpl(Ptr< FrameSource > &frameSource, OutputArray output)=0
cv::cudev::ScharrYPtr::src
SrcPtr src
Definition: deriv.hpp:286
cv::directx::convertFromD3D10Texture2D
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
cv::viz::MouseEvent::pointer
Point pointer
Definition: types.hpp:266
vec_traits.hpp
cv::LDA::eigenvalues
Mat eigenvalues() const
Definition: core.hpp:2523
cv::rgbd::RgbdNormals::RgbdNormals
RgbdNormals()
Definition: rgbd.hpp:115
matlab::MxArray::channels
size_t channels() const
Definition: mxarray.hpp:426
cv::TLSDataContainer::TLSDataContainer
TLSDataContainer()
CV_CAP_PROP_GPHOTO2_COLLECT_MSGS
@ CV_CAP_PROP_GPHOTO2_COLLECT_MSGS
Definition: videoio_c.h:509
cv::MergeMertens
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:669
cv::cudev::BrdBase::idx_row
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
tinyxml2::XMLAttribute::QueryIntValue
XMLError QueryIntValue(int *value) const
cv::datasets::tag::value
std::string value
Definition: tr_svt.hpp:62
cv::videostab::MM_TRANSLATION
@ MM_TRANSLATION
Definition: motion_core.hpp:61
cvflann::simpleDistance::operator()
ResultType operator()(ResultType dist)
Definition: dist.h:853
cv::DescriptorMatcher::checkMasks
void checkMasks(InputArrayOfArrays masks, int queryDescriptorsCount) const
CvHistogram
Definition: types_c.h:749
cv::detail::CylindricalPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::drawMarker
void drawMarker(Mat &img, Point position, const Scalar &color, int markerType=MARKER_CROSS, int markerSize=20, int thickness=1, int line_type=8)
Draws a marker on a predefined position in an image.
cvGetReal3D
double cvGetReal3D(const CvArr *arr, int idx0, int idx1, int idx2)
cv::cudev::sobelYPtr
__host__ SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelYPtr(const SrcPtr &src)
Definition: deriv.hpp:219
cv::viz::Color::violet
static Color violet()
cv::CAP_OPENNI_SXGA_15HZ
@ CAP_OPENNI_SXGA_15HZ
Definition: videoio.hpp:262
cv::HoughModes
HoughModes
Variants of a Hough transform.
Definition: imgproc.hpp:458
CV_CAP_PROP_POS_FRAMES
@ CV_CAP_PROP_POS_FRAMES
Definition: videoio_c.h:167
cv::String::operator!=
static bool operator!=(const String &lhs, const String &rhs)
Definition: cvstd.hpp:1028
cv::CvFeatureParams::LBP
@ LBP
Definition: feature.hpp:143
cv::videostab::MotionEstimatorRansacL2::minInlierRatio
float minInlierRatio() const
Definition: global_motion.hpp:140
cv::cuda::OpticalFlowDual_TVL1::setEpsilon
virtual void setEpsilon(double epsilon)=0
cv::matchShapes
double matchShapes(InputArray contour1, InputArray contour2, int method, double parameter)
Compares two shapes.
cv::String::find_last_of
size_t find_last_of(const String &str, size_t pos=npos) const
tinyxml2::XMLElement::Attribute
const char * Attribute(const char *name, const char *value=0) const
CV_CAP_PROP_WHITE_BALANCE_BLUE_U
@ CV_CAP_PROP_WHITE_BALANCE_BLUE_U
Definition: videoio_c.h:183
cv::Hamming::ValueType
unsigned char ValueType
Definition: base.hpp:434
cv::superres::FrameSource::~FrameSource
virtual ~FrameSource()
hal_ni_addWeighted8u
int hal_ni_addWeighted8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:318
cv::videostab::StabilizerBase::setRadius
void setRadius(int val)
Definition: stabilizer.hpp:74
cv::Moments::m12
double m12
Definition: types.hpp:862
cvflann::flann_algorithm_t
flann_algorithm_t
Definition: defines.h:82
cv::ocl::KernelArg::KernelArg
KernelArg()
cv::UMat::create
void create(int ndims, const int *sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
CV_CAP_PROP_XI_CC_MATRIX_03
@ CV_CAP_PROP_XI_CC_MATRIX_03
Definition: videoio_c.h:335
cv::_InputArray::_InputArray
_InputArray(const _Tp *vec, int n)
cv::CvHOGEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
cv::dnn::Layer::Layer
Layer(const LayerParams &params)
Initializes only name, type and blobs fields.
cv::detail::AffineWarper::getRTfromHomogeneous
void getRTfromHomogeneous(InputArray H, Mat &R, Mat &T)
Extracts rotation and translation matrices from matrix H representing affine transformation in homoge...
cvflann::rand_int
int rand_int(int high=RAND_MAX, int low=0)
Definition: random.h:72
NCVPipeObjDet_Default
@ NCVPipeObjDet_Default
Definition: NCVHaarObjectDetection.hpp:353
cv::COLOR_BGR2BGR565
@ COLOR_BGR2BGR565
convert between RGB/BGR and BGR565 (16-bit images)
Definition: imgproc.hpp:547
cv::dnn::Blob::shape4
Vec4i shape4() const
Returns shape of first four blob axes.
cv::L2::ValueType
T ValueType
Definition: features2d.hpp:742
cv::line_descriptor::LSDDetector::LSDDetector
LSDDetector()
Definition: descriptor.hpp:901
cv::line_descriptor::BinaryDescriptorMatcher::knnMatch
void knnMatch(const Mat &queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const std::vector< Mat > &masks=std::vector< Mat >(), bool compactResult=false)
tinyxml2::XMLAttribute::Next
const XMLAttribute * Next() const
The next attribute in the list.
Definition: tinyxml2.h:1044
cv::cuda::DescriptorMatcher::radiusMatchAsync
virtual void radiusMatchAsync(InputArray queryDescriptors, OutputArray matches, float maxDistance, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
CV_HOUGH_MULTI_SCALE
@ CV_HOUGH_MULTI_SCALE
Definition: types_c.h:610
CV_BayerBG2BGR_EA
@ CV_BayerBG2BGR_EA
Definition: types_c.h:342
cv::detail::PaniniPortraitProjector::a
float a
Definition: warpers.hpp:387
cv::cudev::Avg::rebind
Definition: reduce_to_vec.hpp:90
CV_BGRA2YUV_I420
@ CV_BGRA2YUV_I420
Definition: types_c.h:333
cv::MatStep
Definition: mat.hpp:533
cv::ximgproc::fastGlobalSmootherFilter
void fastGlobalSmootherFilter(InputArray guide, InputArray src, OutputArray dst, double lambda, double sigma_color, double lambda_attenuation=0.25, int num_iter=3)
Simple one-line Fast Global Smoother filter call. If you have multiple images to filter with the same...
hal_ni_split64s
int hal_ni_split64s(const int64 *src_data, int64 **dst_data, int len, int cn)
Definition: hal_replacement.hpp:348
hashnode_i::next
struct hashnode_i * next
Definition: t_hash_int.hpp:64
cv::MatAllocator::MatAllocator
MatAllocator()
Definition: mat.hpp:410
cv::cudev::DefaultGlobReducePolicy::block_size_y
@ block_size_y
Definition: reduce.hpp:297
cv::SparseMat::find
const _Tp * find(int i0, int i1, size_t *hashval=0) const
returns pointer to the specified element (2D case)
cv::ogl::Buffer::Buffer
Buffer(int arows, int acols, int atype, unsigned int abufId, bool autoRelease=false)
cvflann::PooledAllocator::~PooledAllocator
~PooledAllocator()
Definition: allocator.h:108
tinyxml2::XMLPrinter::_elementJustOpened
bool _elementJustOpened
Definition: tinyxml2.h:2046
cvSetImagesForHaarClassifierCascade
void cvSetImagesForHaarClassifierCascade(CvHaarClassifierCascade *cascade, const CvArr *sum, const CvArr *sqsum, const CvArr *tilted_sum, double scale)
cv::Mat::at
_Tp & at(int i0, int i1, int i2)
cv::Range::end
int end
Definition: types.hpp:549
interpolation.hpp
cv::cuda::CannyEdgeDetector::getLowThreshold
virtual double getLowThreshold() const =0
cv::Mat::assignTo
void assignTo(Mat &m, int type=-1) const
Provides a functional form of convertTo.
cv::line_descriptor::LSDDetector::createLSDDetector
static Ptr< LSDDetector > createLSDDetector()
Creates ad LSDDetector object, using smart pointers.
cv::hal::mul32s
void mul32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
cv::bgsegm::BackgroundSubtractorGMG::setMinVal
virtual void setMinVal(double val)=0
Sets the minimum value taken on by pixels in image sequence.
cvSetND
void cvSetND(CvArr *arr, const int *idx, CvScalar value)
cv::TrackerModel::maxCMLength
int maxCMLength
Definition: tracker.hpp:519
CPU_AVX_512BW
@ CPU_AVX_512BW
Definition: cvdef.h:152
cv::CommandLineParser::has
bool has(const String &name) const
Check if field was provided in the command line.
cv::cudev::Block::threadLineId
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
cv::cudacodec::SurfaceFormat
SurfaceFormat
Definition: cudacodec.hpp:71
clEnqueueWriteBuffer
#define clEnqueueWriteBuffer
Definition: opencl_core.hpp:182
cv::SparseMat::hash
size_t hash(int i0, int i1) const
computes the element hash value (2D case)
cv::linemod::Modality::write
virtual void write(FileStorage &fs) const =0
cv::_InputArray::getMat
Mat getMat(int idx=-1) const
cv::CAP_PROP_TRIGGER_DELAY
@ CAP_PROP_TRIGGER_DELAY
Definition: videoio.hpp:149
cv::cudev::DerivXPtr::src
SrcPtr src
Definition: deriv.hpp:66
cv::datasets::HPE_humaneva
Definition: hpe_humaneva.hpp:78
cv::datasets::join::Ry
double Ry
Definition: gr_chalearn.hpp:67
cv::datasets::Dataset::getTrain
std::vector< Ptr< Object > > & getTrain(int splitNum=0)
cv::detail::DisjointSets::size
std::vector< int > size
Definition: util.hpp:65
cv::COLOR_YUV420sp2GRAY
@ COLOR_YUV420sp2GRAY
Definition: imgproc.hpp:666
cv::Mat_::Mat_
Mat_(const MatExpr &e)
from a matrix expression
cv::CAP_PROP_WHITE_BALANCE_BLUE_U
@ CAP_PROP_WHITE_BALANCE_BLUE_U
Currently unsupported.
Definition: videoio.hpp:141
cv::FileNode::FileNode
FileNode(const CvFileStorage *fs, const CvFileNode *node)
cv::cudev::functional_detail::FloatType::type
MakeVec< typename LargerType< float, typename VecTraits< T >::elem_type >::type, VecTraits< T >::cn >::type type
Definition: functional.hpp:452
cv::ORB::getScoreType
virtual int getScoreType() const =0
ncvEndQueryTimerMs
double ncvEndQueryTimerMs(NcvTimer t)
cvMinMaxLoc
void cvMinMaxLoc(const CvArr *arr, double *min_val, double *max_val, CvPoint *min_loc=NULL, CvPoint *max_loc=NULL, const CvArr *mask=NULL)
CvMoments::mu21
double mu21
Definition: types_c.h:400
cv::stereo::StereoBinarySGBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::HOGDescriptor::detect
virtual void detect(const Mat &img, std::vector< Point > &foundLocations, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &searchLocations=std::vector< Point >()) const
without found weights output
cvflann::FLANN_INT16
@ FLANN_INT16
Definition: defines.h:158
binary_func.hpp
cv::cuda::BroxOpticalFlow::getGradientConstancyImportance
virtual double getGradientConstancyImportance() const =0
cv::KeyPointsFilter::removeDuplicated
static void removeDuplicated(std::vector< KeyPoint > &keypoints)
cv::ximgproc::segmentation::GraphSegmentation::getMinSize
virtual int getMinSize()=0
cv::optflow::GPCTrainingParams::descriptorType
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:128
tinyxml2::XMLNode::LastChild
XMLNode * LastChild()
Definition: tinyxml2.h:700
cv::HOGDescriptor::getDescriptorSize
size_t getDescriptorSize() const
cv::ximgproc::createRightMatcher
Ptr< StereoMatcher > createRightMatcher(Ptr< StereoMatcher > matcher_left)
Convenience method to set up the matcher for computing the right-view disparity map that is required ...
cvv::impl::debugDMatch
void debugDMatch(cv::InputArray img1, std::vector< cv::KeyPoint > keypoints1, cv::InputArray img2, std::vector< cv::KeyPoint > keypoints2, std::vector< cv::DMatch > matches, const CallMetaData &data, const char *description, const char *view, bool useTrainDescriptor)
CV_THRESH_OTSU
@ CV_THRESH_OTSU
Definition: types_c.h:577
CvVideoCamera::lastSampleTime
CMTime lastSampleTime
Definition: cap_ios.h:107
cv::superres::BroxOpticalFlow::setScaleFactor
virtual void setScaleFactor(double val)=0
Pyramid scale factor.
cv::MatSize::operator[]
const int & operator[](int i) const
cv::TrackerMedianFlow::Params::pointsInGrid
int pointsInGrid
Definition: tracker.hpp:1160
cv::videostab::RansacParams
Describes RANSAC method parameters.
Definition: motion_core.hpp:74
cv::COLOR_BayerBG2BGR_VNG
@ COLOR_BayerBG2BGR_VNG
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:751
cv::hal::sub32f
void sub32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
CV_NODE_IS_REAL
#define CV_NODE_IS_REAL(flags)
Definition: types_c.h:1753
cv::line_descriptor::BinaryDescriptor::compute
void compute(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, std::vector< Mat > &descriptors, bool returnFloatDescr=false) const
cv::ogl::Texture2D::setAutoRelease
void setAutoRelease(bool flag)
Sets auto release mode.
cvflann::LinearIndex::loadIndex
void loadIndex(FILE *)
Loads the index from a stream.
Definition: linear_index.h:99
clCreateProgramWithBinary
#define clCreateProgramWithBinary
Definition: opencl_core.hpp:124
cv::detail::CompressedRectilinearProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
util_inl.hpp
cv::detail::BestOf2NearestMatcher::num_matches_thresh1_
int num_matches_thresh1_
Definition: matchers.hpp:296
cvLaplace
void cvLaplace(const CvArr *src, CvArr *dst, int aperture_size=3)
Calculates the image Laplacian: (d2/dx + d2/dy)I.
cv::String::find
size_t find(char c, size_t pos=0) const
cv::xphoto::LearningBasedWB::setSaturationThreshold
virtual void setSaturationThreshold(float val)=0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
CV_EVENT_MOUSEMOVE
@ CV_EVENT_MOUSEMOVE
Definition: highgui_c.h:178
cv::viz::Color::orange_red
static Color orange_red()
CV_INPAINT_NS
@ CV_INPAINT_NS
Definition: photo_c.h:59
cv::cudev::SobelYPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:195
clRetainKernel
#define clRetainKernel
Definition: opencl_core_wrappers.hpp:241
CvLevMarq::iters
int iters
Definition: calib3d_c.h:419
cv::viz::WCloudCollection::WCloudCollection
WCloudCollection()
CvStereoBMState::disp12MaxDiff
int disp12MaxDiff
Definition: calib3d_c.h:347
cv::viz::WWidgetMerger::addWidget
void addWidget(const Widget3D &widget, const Affine3d &pose=Affine3d::Identity())
Add widget to merge with optional position change.
cv::CAP_PROP_XI_TRG_SOFTWARE
@ CAP_PROP_XI_TRG_SOFTWARE
Generates an internal trigger. PRM_TRG_SOURCE must be set to TRG_SOFTWARE.
Definition: videoio.hpp:331
cv::detail::CylindricalPortraitWarper
Definition: warpers.hpp:579
cv::WImageViewC::~WImageViewC
virtual ~WImageViewC()
Definition: wimage.hpp:452
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray()
cv::CvHaarEvaluator::getFeatures
CvHaarEvaluator::FeatureHaar & getFeatures(int idx)
Definition: feature.hpp:260
cvflann::computeDistanceRaport
Distance::ResultType computeDistanceRaport(const Matrix< typename Distance::ElementType > &inputData, typename Distance::ElementType *target, int *neighbors, int *groundTruth, int veclen, int n, const Distance &distance)
Definition: index_testing.h:64
cv::VideoCapture::grab
virtual bool grab()
Grabs the next frame from video file or capturing device.
transpose4x4
void transpose4x4(const InputScalar *src, size_t lda, OutputScalar *dst, size_t ldb)
Definition: transpose.hpp:63
cv::cudev::Binder1st::op
Op op
Definition: functional.hpp:832
cv::Node
Definition: utility.hpp:1009
tinyxml2::XMLConstHandle::PreviousSibling
const XMLConstHandle PreviousSibling() const
Definition: tinyxml2.h:1876
cv::ml::SVM::KernelTypes
KernelTypes
SVM kernel type
Definition: ml.hpp:609
cv::CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:451
CvStereoBMState::preFilterCap
int preFilterCap
Definition: calib3d_c.h:328
cvflann::AutotunedIndexParams::AutotunedIndexParams
AutotunedIndexParams(float target_precision=0.8, float build_weight=0.01, float memory_weight=0, float sample_fraction=0.1)
Definition: autotuned_index.h:54
INCVMemAllocator::isCounting
virtual NcvBool isCounting(void) const =0
NCV_HAAR_XML_LOADING_EXCEPTION
@ NCV_HAAR_XML_LOADING_EXCEPTION
Definition: NCV.hpp:347
cv::cuda::HoughSegmentDetector::setTheta
virtual void setTheta(float theta)=0
cv::DMatch::distance
float distance
Definition: types.hpp:748
tinyxml2::StrPair
Definition: tinyxml2.h:147
cv::ximgproc::SuperpixelSLIC
Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels algorithm described in .
Definition: slic.hpp:75
cv::face::createFisherFaceRecognizer
Ptr< BasicFaceRecognizer > createFisherFaceRecognizer(int num_components=0, double threshold=DBL_MAX)
cv::dnn::Net::getLayer
Ptr< Layer > getLayer(LayerId layerId)
Returns pointer to layer with specified name which the network use.
cv::cudev::ConstantPtr::index_type
int index_type
Definition: constant.hpp:60
cv::cudev::SobelYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:212
cv::Vec::operator/=
static Vec< _Tp, cn > & operator/=(Vec< _Tp, cn > &a, int alpha)
Definition: matx.hpp:1301
cv::superres::SuperResolution::isUmat_
bool isUmat_
Definition: superres.hpp:173
cv::bridge::Bridge::operator=
Bridge & operator=(const cv::RNG &)
Definition: bridge.hpp:354
cvErrorStr
const char * cvErrorStr(int status)
warping.hpp
cl_kernel
CL_RUNTIME_EXPORT cl_event *CL_RUNTIME_EXPORT const cl_event cl_event *CL_RUNTIME_EXPORT const cl_mem const cl_event cl_event *CL_RUNTIME_EXPORT cl_kernel
Definition: opencl_core.hpp:311
CvConnectedComp::contour
CvSeq * contour
Definition: types_c.h:62
cv::ml::TrainData::getNSamples
virtual int getNSamples() const =0
cv::TrackerFeatureHAAR::~TrackerFeatureHAAR
~TrackerFeatureHAAR()
cv::CvHOGEvaluator::Feature::p2
int p2
Definition: feature.hpp:323
cv::CAP_PROP_XI_DEBOUNCE_T0
@ CAP_PROP_XI_DEBOUNCE_T0
Debounce time (x * 10us).
Definition: videoio.hpp:417
cvflann::KDTreeSingleIndex::getParameters
IndexParams getParameters() const
Definition: kdtree_single_index.h:227
cv::BufferPoolController::~BufferPoolController
~BufferPoolController()
Definition: bufferpool.hpp:19
cv::datasets::updown
@ updown
Definition: gr_skig.hpp:64
cv::cudev::numeric_limits< bool >::min
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
cv::videostab::StabilizerBase::frameSource_
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:112
CV_CAP_GSTREAMER
@ CV_CAP_GSTREAMER
Definition: videoio_c.h:123
cv::CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
Sensor clock frequency index. Sensor with selected frequencies have possibility to set the frequency ...
Definition: videoio.hpp:434
cv::KalmanFilter::transitionMatrix
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:367
cv::cuda::HoughSegmentDetector::detect
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds line segments in a binary image using the probabilistic Hough transform.
cv::cuda::DeviceInfo::maxSurface2D
Vec2i maxSurface2D() const
maximum 2D surface dimensions
cv::DualTVL1OpticalFlow::getGamma
virtual double getGamma() const =0
coefficient for additional illumination variation term
cv::circle
void circle(InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a circle.
cv::WImageBufferC::ReleaseImage
void ReleaseImage()
Definition: wimage.hpp:389
cv::CAP_PROP_XI_AEAG_ROI_WIDTH
@ CAP_PROP_XI_AEAG_ROI_WIDTH
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:367
cv::HOGDescriptor::oclSvmDetector
UMat oclSvmDetector
Definition: objdetect.hpp:432
cv::cudev::LaplacianPtrSz::cols
int cols
Definition: deriv.hpp:371
cv::cuda::HoughCirclesDetector::setDp
virtual void setDp(float dp)=0
cv::UMatDataAutoLock::~UMatDataAutoLock
~UMatDataAutoLock()
cv::MatAllocator
Custom array allocator.
Definition: mat.hpp:408
cv::videostab::NullLog
Definition: log.hpp:64
cv::ml::DTrees::setUseSurrogates
virtual void setUseSurrogates(bool val)=0
cv::cudev::TypeTraits::is_integral
@ is_integral
Definition: type_traits.hpp:144
cv::cudev::UnaryTransformPtr::op
Op op
Definition: transform.hpp:67
cv::createCLAHE
Ptr< CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
cv::TrackerMIL::Params::samplerInitMaxNegNum
int samplerInitMaxNegNum
Definition: tracker.hpp:1094
neon_utils.hpp
icp.hpp
Implementation of ICP (Iterative Closest Point) Algorithm.
cv::SparseMatConstIterator
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3041
cv::KMEANS_USE_INITIAL_LABELS
@ KMEANS_USE_INITIAL_LABELS
Definition: core.hpp:210
cv::rgbd::depthTo3dSparse
void depthTo3dSparse(InputArray depth, InputArray in_K, InputArray in_points, OutputArray points3d)
cv::SparseMat_::end
SparseMatConstIterator_< _Tp > end() const
returns read-only sparse matrix iterator pointing to the element following the last sparse matrix ele...
cv::linemod::Feature::y
int y
y offset
Definition: linemod.hpp:66
cv::DualTVL1OpticalFlow::getScalesNumber
virtual int getScalesNumber() const =0
Number of scales used to create the pyramid of images.
cv::detail::GraphCutSeamFinder
Minimum graph cut-based seam estimator. See details in .
Definition: seam_finders.hpp:237
cv::detail::DpSeamFinder::DpSeamFinder
DpSeamFinder(CostFunction costFunc=COLOR)
cv::detail::BundleAdjusterRay
Implementation of the camera parameters refinement algorithm which minimizes sum of the distances bet...
Definition: motion_estimators.hpp:260
cv::Mat_::Mat_
Mat_(const Vec< typename DataType< _Tp >::channel_type, n > &vec, bool copyData=true)
CPU_AVX_512ER
@ CPU_AVX_512ER
Definition: cvdef.h:155
hal_ni_dftInit1D
int hal_ni_dftInit1D(cvhalDFT **context, int len, int count, int depth, int flags, bool *needBuffer)
Definition: hal_replacement.hpp:510
cv::cudev::numeric_limits< float >::max
__device__ static __forceinline__ float max()
Definition: limits.hpp:112
cv::cudev::VecTraits< char4 >::make
__host__ __device__ static __forceinline__ char4 make(schar x, schar y, schar z, schar w)
Definition: vec_traits.hpp:179
cv::cudev::PerspectiveMapPtr::operator()
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:114
cv::CAP_PROP_XI_ACQ_TIMING_MODE
@ CAP_PROP_XI_ACQ_TIMING_MODE
Type of sensor frames timing.
Definition: videoio.hpp:439
cv::detail::BestOf2NearestMatcher::impl_
Ptr< FeaturesMatcher > impl_
Definition: matchers.hpp:298
cv::operator&=
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:439
tinyxml2::XMLPrinter::Visit
virtual bool Visit(const XMLUnknown &unknown)
Visit an unknown node.
cv::CAP_PROP_XI_LED_SELECTOR
@ CAP_PROP_XI_LED_SELECTOR
Selects camera signalling LED.
Definition: videoio.hpp:337
cv::BOWTrainer::~BOWTrainer
virtual ~BOWTrainer()
cv::QtFont::thickness
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:642
cvflann::anyimpl::typed_base_any_policy::type
virtual const std::type_info & type()
Definition: any.h:58
cv::ParamType< uint64 >::member_type
uint64 member_type
Definition: core.hpp:3197
cv::dnn::Net::allocate
void allocate()
Initializes and allocates all layers.
cv::videostab::VideoFileSource::nextFrame
virtual Mat nextFrame()
cv::dnn::_LayerStaticRegisterer
Definition: layer.hpp:130
cv::videostab::ISparseOptFlowEstimator::run
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors)=0
cv::DrawMatchesFlags
Definition: features2d.hpp:1116
nppiStDecimate_32s_C1R
NCVStatus nppiStDecimate_32s_C1R(Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::viz::Camera::Camera
Camera(const Vec2d &fov, const Size &window_size)
cv::CvHaarFeatureParams::init
virtual void init(const CvFeatureParams &fp)
cv::ml::SVM::getSupportVectors
virtual Mat getSupportVectors() const =0
Retrieves all the support vectors.
cv::cudev::log2
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
cv::fisheye::CALIB_FIX_K3
@ CALIB_FIX_K3
Definition: calib3d.hpp:1891
cv::aruco::CharucoBoard::nearestMarkerIdx
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
cl_sampler_info
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_platform_id cl_uint *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_sampler_info
Definition: opencl_core.hpp:341
cv::rgbd::RgbdICPOdometry::setMinGradientMagnitudes
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: rgbd.hpp:957
stabilizer.hpp
cvflann::Heap::size
int size()
Definition: heap.h:84
cv::videostab::InpaintingPipeline::setMotionModel
virtual void setMotionModel(MotionModel val)
CV_BadTileSize
@ CV_BadTileSize
Definition: types_c.h:143
cv::Affine3::linear
Mat3 linear() const
cv::undistort
void undistort(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
Transforms an image to compensate for lens distortion.
NcvRect32u::NcvRect32u
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
tinyxml2::XMLElement::Name
const char * Name() const
Get the name of an element (which is the Value() of the node.)
Definition: tinyxml2.h:1138
cv::CAP_PROP_XI_RECENT_FRAME
@ CAP_PROP_XI_RECENT_FRAME
GetImage returns most recent frame.
Definition: videoio.hpp:454
CvPoint3D32f::z
float z
Definition: types_c.h:940
cv::isContourConvex
bool isContourConvex(InputArray contour)
Tests a contour convexity.
cv::COLOR_BGR2BGRA
@ COLOR_BGR2BGRA
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:520
cv::omnidir::CALIB_FIX_XI
@ CALIB_FIX_XI
Definition: omnidir.hpp:62
tinyxml2::XMLElement::SetText
void SetText(const char *inText)
IplImage::imageSize
int imageSize
Definition: types_c.h:322