 |
OpenCV
3.2.0
Open Source Computer Vision
|
|
| 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 > ¶meters=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 > ¶meters=DetectorParameters::create()) |
| | Refind not detected markers based on the already detected and the board layout. More...
|
| |
virtual void read(const FileNode &)
Reads algorithm parameters from a file storage.
@ STR
text string in UTF-8 encoding
Definition: persistence.hpp:495
int toHppType(const int cvType)
convert OpenCV data type to hppDataType
Definition: ippasync.hpp:69
virtual void assign(const MatExpr &expr, Mat &m, int type=-1) const =0
Mat_ operator()(const Rect &roi) const
_OutputArray(const ogl::Buffer &buf)
Definition: traits.hpp:57
void selection(Mat &response, int npoints)
Identify most effective features.
void(* CvTrackbarCallback)(int pos)
Definition: highgui_c.h:158
Mat_< Vec2w > Mat2w
Definition: mat.hpp:2204
int QueryAttribute(const char *name, int *value) const
Definition: tinyxml2.h:1285
function modelConvert(model, outname) %% script for converting Piotr 's matlab model into YAML format outfile
int canonicalAxis(int axis) const
Converts axis index to canonical format (where 0 <= axis < dims()).
@ FONT_HERSHEY_SCRIPT_COMPLEX
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: core.hpp:231
#define clCreateProgramWithBinary
Definition: opencl_core_wrappers.hpp:43
Distance::ResultType DistanceType
Definition: flann.hpp:112
TrackerSampler()
Constructor.
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)
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
Accumulator< T >::Type ResultType
Definition: dist.h:142
float32x2_t cv_vrecp_f32(float32x2_t val)
Definition: neon_utils.hpp:90
virtual void load(const std::string &path)=0
void normalizedEightPointSolver(InputArray x1, InputArray x2, OutputArray F)
Estimate the fundamental matrix between two dataset of 2D point (image coords space).
@ CAP_PROP_XI_AEAG
Automatic exposure/gain.
Definition: videoio.hpp:341
Matrix read-write iterator.
Definition: mat.hpp:2981
int defaultDir
Definition: ml.hpp:1060
int nativeVectorWidthLong() const
True is_kdtree_distance
Definition: dist.h:105
void cvSetSeqBlockSize(CvSeq *seq, int delta_elems)
CvMatND * hdr[10]
Definition: core_c.h:573
virtual float getScale() const =0
static MxArray Matrix(size_t m, size_t n)
explicit matrix constructor
Definition: mxarray.hpp:308
@ CV_CAP_PROP_XI_GAIN_SELECTOR
Definition: videoio_c.h:284
Definition: resize.hpp:78
int type() const
returns element type
virtual void setPolyN(int val)=0
@ FLANN_DIST_MAX
Definition: defines.h:134
@ TYPE_GENERAL
Definition: utility.hpp:1092
virtual void clear()
Clears the train descriptor collections.
int rows
Definition: warping.hpp:79
void mapForward(float x, float y, float &u, float &v)
void mapForward(float x, float y, float &u, float &v)
CvSeq * cvEndWriteSeq(CvSeqWriter *writer)
void PushAttribute(const char *name, unsigned value)
Matx33d mat3
Definition: msm_epfl.hpp:64
virtual float getOmega() const =0
Relaxation factor in SOR.
virtual void balanceWhite(InputArray src, OutputArray dst)=0
Applies white balancing to the input image.
int depth
Definition: pd_inria.hpp:77
@ CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio.hpp:487
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
#define clAmdBlasSetup
Definition: opencl_clamdblas.hpp:373
@ MULTI_STEP
Definition: types.hpp:62
struct CvMemBlock * next
Definition: types_c.h:1183
AgastFeatureDetector_Impl(int _threshold, bool _nonmaxSuppression, int _type)
Definition: agast.txt:7484
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
Definition: functional.hpp:270
SeqIterator & operator-=(int)
moves iterator backward by the specified offset (possibly negative)
Definition: core_c.h:3152
T abs(T x)
Definition: dist.h:58
Point pos() const
returns the current iterator position
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:364
float classifyF(const Mat &x, int i)
#define clCreateFromGLRenderbuffer
Definition: opencl_gl.hpp:26
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.
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:218
float samplerInitInRadius
radius for gathering positive instances during init
Definition: tracker.hpp:1093
bool isNumeric() const
Definition: mxarray.hpp:428
void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
UMat dst_mask_
Definition: blenders.hpp:93
T * ptr() const
Definition: NCV.hpp:823
Matx< _Tp, n, m > t() const
transpose the matrix
@ SORT_DESCENDING
Definition: core.hpp:154
void mapBackward(float u, float v, float &x, float &y)
void setCurrentConfidenceMap(ConfidenceMap &confidenceMap)
Set the current confidenceMap.
__device__ __forceinline__ int atomicAdd(int *address, int val)
Definition: atomic.hpp:58
char2 type
Definition: vec_traits.hpp:77
int pyramidLevels() const
Get number of pyramid levels used by this detector.
Definition: linemod.hpp:392
@ CV_CAP_PROP_PREVIEW_FORMAT
Definition: videoio_c.h:213
virtual int descriptorSize() const
Definition: types_c.h:1370
void setTargetResponses(const Mat &responses)
Set the features extracted from TrackerFeatureSet.
_OutputArray(std::vector< std::vector< _Tp > > &vec)
@ NCV_NOIMPL_HAAR_TILTED_FEATURES
Definition: NCV.hpp:349
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)
~MemPoolT()
Definition: tinyxml2.h:331
@ Uncompressed_YV12
Y,V,U (4:2:0)
Definition: cudacodec.hpp:255
@ CV_GRAY2BGR565
Definition: types_c.h:139
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
Affine3< Y > cast() const
@ CV_CAP_PROP_XI_AEAG_ROI_OFFSET_X
Definition: videoio_c.h:300
@ CAP_PROP_DC1394_MODE_AUTO
Definition: videoio.hpp:200
static void AGAST_5_8(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:55
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)
HoughOp
Specifies binary operations.
Definition: fast_hough_transform.hpp:89
char * imageDataOrigin
Definition: types_c.h:329
@ FEATURE_SET_COMPUTE_10
Definition: cuda.hpp:594
double mu03
Definition: types.hpp:867
virtual double getL2HysThreshold() const =0
virtual void setGamma(double val)=0
KDTreeIndexParams(int trees=4)
virtual void SetTracked()=0
@ CV_IMWRITE_JPEG_PROGRESSIVE
Definition: imgcodecs_c.h:83
@ FLANN_INDEX_AUTOTUNED
Definition: defines.h:91
int cvUseOptimized(int on_off)
Definition: onlineBoosting.hpp:174
virtual int getUniquenessRatio() const =0
std::vector< std::pair< int, int > > edges_
Definition: motion_estimators.hpp:209
void accumulateProduct(InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray())
Adds the per-element product of two input images to the accumulator.
TrackerFeature based on LBP.
Definition: tracker.hpp:1061
CvHidHaarClassifierCascade * hid_cascade
Definition: objdetect_c.h:114
Class computing a dense optical flow using the Gunnar Farneback’s algorithm.
Definition: cudaoptflow.hpp:216
@ CAP_OPENNI_POINT_CLOUD_MAP
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:249
void sub8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
virtual const std::vector< Split > & getSplits() const =0
Returns all the splits.
static Mat diag(const Mat &d)
creates a diagonal matrix
#define CV_GRAPH_ALL_ITEMS
Definition: core_c.h:1849
@ StsBadSize
the input/output structure size is incorrect
Definition: base.hpp:101
virtual int getMiniBatchSize() const =0
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.
float * fl
Definition: types_c.h:637
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
@ FONT_HERSHEY_COMPLEX_SMALL
smaller version of FONT_HERSHEY_COMPLEX
Definition: core.hpp:229
XMLError QueryDoubleText(double *dval) const
See QueryIntText()
@ CV_CAP_PROP_AUTOFOCUS
Definition: videoio_c.h:207
@ COLOR_YUV2GRAY_Y422
Definition: imgproc.hpp:709
double cvReadReal(const CvFileNode *node, double default_value=0.)
Retrieves a floating-point value from a file node.
Definition: core_c.h:2379
WImageBufferC(IplImage *img)
Definition: wimage.hpp:366
__host__ GpuMat_ colRange(Range r) const
@ NPPST_INVALID_STEP
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:228
#define clFlush
Definition: opencl_core.hpp:190
bool isIntegral
Definition: feature.hpp:277
Mat & matRef(bool writeOnly=true)
Returns reference to cv::Mat, containing blob data.
void cvSetNumThreads(int threads=0)
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.
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
Distance::ResultType ensureSquareDistance(typename Distance::ResultType dist)
Definition: dist.h:835
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
int elem_size
Definition: types_c.h:1267
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)
Context & initializeContextFromD3D11Device(ID3D11Device *pD3D11Device)
Creates OpenCL context from D3D11 device.
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:70
virtual void run(InputArrayOfArrays points2d)=0
virtual const XMLDocument * ToDocument() const
Definition: tinyxml2.h:1515
@ MIXED_CLONE
Definition: photo.hpp:80
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:135
virtual int getNMixtures() const =0
Returns the number of gaussian components in the background model.
virtual void collectGarbage()=0
Releases all inner buffers.
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes)
Definition: core.hpp:3115
@ CAP_PROP_FRAME_WIDTH
Width of the frames in the video stream.
Definition: videoio.hpp:127
Definition: reduce_to_vec.hpp:66
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
bool queryIfComplete() const
queries an event's status
virtual int getInnerIterations() const =0
Number of lagged non-linearity iterations (inner loop)
int type
Definition: agast.txt:7534
@ SFM_IO_OPENMVG
Definition: io.hpp:61
virtual void setMaxDepth(int val)=0
_Tp re
Definition: types.hpp:87
virtual ~Allocator()
Definition: cuda.hpp:102
const _Tp & reference
Definition: mat.hpp:2931
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
Definition: types_c.h:587
Ptr< SuperpixelLSC > createSuperpixelLSC(InputArray image, int region_size=10, float ratio=0.075f)
Class implementing the LSC (Linear Spectral Clustering) superpixels.
NoBundleAdjuster()
Definition: motion_estimators.hpp:218
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)
void setSensitivity(float val)
Definition: deblurring.hpp:101
void setRows(int val)
Definition: rgbd.hpp:157
@ C
Definition: ml.hpp:632
__device__ __forceinline__ short cast_fp16< float, short >(float v)
Definition: saturate_cast.hpp:280
@ CV_BGR5552BGR
Definition: types_c.h:144
bool update(const CvMat *¶m, CvMat *&J, CvMat *&err)
size_t n_buckets_
Definition: lsh_table.h:85
Definition: dynamic_bitset.h:58
#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
virtual void warp(const cv::Mat &img1, cv::Mat &img2) const
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.
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
Ptr_LineSegmentDetector toPtrLineSegmentDetector()
Definition: bridge.hpp:453
@ FM_8POINT
8-point algorithm
Definition: calib3d.hpp:281
String(Iterator first, Iterator last)
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_SubOp)
Mat_< Vec2f > Mat2f
Definition: mat.hpp:2214
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:1959
virtual void release()
Closes the video writer.
int left
Index of the left child node.
Definition: ml.hpp:1058
void buildIndex()
Builds the index.
Definition: linear_index.h:88
virtual int getSmoothingRadius() const =0
@ ACCESS_READ
Definition: mat.hpp:62
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
Definition: gr_skig.hpp:106
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.
const char * name
Definition: types_c.h:1856
static UMat ones(Size size, int type)
int fiducial_score
Definition: fr_adience.hpp:80
Definition: functional.hpp:96
@ 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
virtual bool getUseMeanNormalization() const =0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
virtual bool read(FileNode &fn)
CvPoint3D32f(const cv::Point3_< _Tp > &pt)
Definition: types_c.h:945
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:93
Definition: texture.hpp:186
AllocType
Definition: cuda.hpp:356
#define clEnqueueWriteBufferRect
Definition: opencl_core_wrappers.hpp:133
@ NCV_HAAR_TOO_LARGE_FEATURES
Definition: NCV.hpp:346
void copySize(const Mat &m)
internal use function; properly re-allocates _size, _step arrays
void cvMinS(const CvArr *src, double value, CvArr *dst)
ThenType type
Definition: type_traits.hpp:98
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:407
@ CAP_PROP_XI_AEAG_LEVEL
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:345
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
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
virtual void load(const std::string &path)=0
NNIndex< Distance > * load_saved_index(const Matrix< typename Distance::ElementType > &dataset, const cv::String &filename, Distance distance)
Definition: flann_base.hpp:73
_Tp value_type
Definition: matx.hpp:308
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3)
Definition: ocl.hpp:434
void checkFixed(Mat &G, int flags, int n)
size_t image3DMaxDepth() const
int dims() const
Returns number of dimensions.
int textureThreshold
Definition: calib3d_c.h:336
Definition: result_set.h:449
int channels() const
returns the number of channels in each sequence element
Definition: core_c.h:3005
virtual Mat estimateMotion()
int Channels() const
Definition: wimage.hpp:194
int addTemplate(const std::vector< Mat > &sources, const String &class_id, const Mat &object_mask, Rect *bounding_box=NULL)
Add new object template.
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)
Estimates global motion between two 2D point clouds.
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
@ ATTRIBUTE_VALUE
Definition: tinyxml2.h:157
virtual void setInnerIterations(int val)=0
Number of lagged non-linearity iterations (inner loop)
void pos(int *_idx) const
returns the current iterator position
@ CV_CAP_FFMPEG
Definition: videoio_c.h:124
@ MARKER_STAR
A star marker shape, combination of cross and tilted cross.
Definition: imgproc.hpp:4234
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:91
void cvDecRefData(CvArr *arr)
Decrements an array data reference counter.
Definition: core_c.h:298
virtual int getPreFilterCap() const =0
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: agast.txt:7475
Definition: texture.hpp:206
#define clGetProgramInfo
Definition: opencl_core_wrappers.hpp:193
const T & operator[](int i) const
Definition: tinyxml2.h:259
@ THINNING_GUOHALL
Definition: ximgproc.hpp:79
@ NORM_L2
Definition: base.hpp:190
Classical recurrent layer.
Definition: all_layers.hpp:168
const _Tp * ptr(int i0=0) const
@ CV_BadNumChannels
Definition: types_c.h:135
Mat nextStabilizedFrame()
const char * type_name
Definition: types_c.h:1831
v_int64x2 v_setzero_s64()
Definition: intrin_cpp.hpp:1527
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > g, float weight)=0
Add a new sub-strategy.
void load(const String &filename)
void write(FileStorage &fs) const
void setThreshold(int threshold_)
Definition: agast.txt:7523
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
#define clGetProgramBuildInfo
Definition: opencl_core_wrappers.hpp:190
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
Definition: videoio_c.h:356
void(* CvMouseCallback)(int event, int x, int y, int flags, void *param)
Definition: highgui_c.h:205
int flags
Definition: mat.hpp:3400
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
static Ptr< TR_icdar > create()
v_reg< _Tp, n > & operator+=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:396
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
Definition: videoio_c.h:380
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
@ SFM_IO_OPENSFM
Definition: io.hpp:60
static void runByKeypointSize(std::vector< KeyPoint > &keypoints, float minSize, float maxSize=FLT_MAX)
bool HasBOM() const
Definition: tinyxml2.h:1573
std::vector< cv::Mat > computeObjectImagePointsForSingle(cv::Mat inputImage)
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:704
@ CV_FONT_NORMAL
Definition: highgui_c.h:69
struct CvGenericHash CvFileNodeHash
Definition: types_c.h:1783
const _InputArray & InputArray
Definition: mat.hpp:379
int Untracked() const
Definition: tinyxml2.h:389
std::vector< Rect > bndboxes
Definition: pd_inria.hpp:80
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
AutoBuffer< int64, 1 > * pi
Definition: dict.hpp:97
DictValue(const DictValue &r)
int rows
Definition: deriv.hpp:163
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:104
@ WINDOW_FULLSCREEN
change the window to fullscreen.
Definition: highgui.hpp:187
static Ptr< SinusoidalPattern > create(const SinusoidalPattern::Params ¶meters=SinusoidalPattern::Params())
Constructor.
@ COLOR_BayerBG2BGR_EA
Edge-Aware Demosaicing.
Definition: imgproc.hpp:762
void init(size_t size)
overloaded interface method
Ptr< SelectiveSearchSegmentationStrategyFill > createSelectiveSearchSegmentationStrategyFill()
Create a new fill-based strategy.
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....
virtual void setHarrisDetector(bool val)=0
@ CV_IMWRITE_JPEG_QUALITY
Definition: imgcodecs_c.h:82
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
Definition: functional.hpp:195
NCVMemoryType memtype
Definition: NCV.hpp:442
std::map< cv::String, any > IndexParams
Definition: params.h:42
int cvReadInt(const CvFileNode *node, int default_value=0)
Retrieves an integer value from a file node.
Definition: core_c.h:2348
static Ptr< HPE_parse > create()
void getAll(std::vector< String > &names, std::vector< int > &types, std::vector< String > &strValues, std::vector< double > &numValues) const
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
virtual void write(FileStorage &fs, const String &objname) const
GpuMat(const GpuMat &m)
copy constructor
Ptr< Detector > getDefaultLINEMOD()
Factory function for detector using LINE-MOD algorithm with color gradients and depth normals.
vector_float toVectorFloat()
Definition: bridge.hpp:386
virtual int getType() const =0
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:58
int npos
Definition: feature.hpp:191
const char * Name() const
The name of the attribute.
static std::string ToString()
Definition: mxarray.hpp:127
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:730
#define clGetSamplerInfo
Definition: opencl_core_wrappers.hpp:196
CvSeq * stack
Definition: core_c.h:1867
A thin wrapper around Matlab's mxArray types.
Definition: mxarray.hpp:224
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Method that searches for nearest-neighbours.
Definition: flann_base.hpp:236
Ptr< Filter > createMorphologyFilter(int op, int srcType, InputArray kernel, Point anchor=Point(-1, -1), int iterations=1)
Creates a 2D morphological filter.
@ REDUCE_SUM
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:235
void normalizePoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points (non isotropic).
@ CV_MaskIsTiled
Definition: types_c.h:146
@ CAP_PROP_FRAME_COUNT
Number of frames in the video file.
Definition: videoio.hpp:131
virtual void setClassWeights(const cv::Mat &val)=0
virtual void free(GpuMat *mat)=0
void assignTo(UMat &m, int type=-1) const
Vec3 rvec() const
Rodrigues vector.
void cvReleasePOSITObject(CvPOSITObject **posit_object)
@ CV_CAP_PROP_GUID
Definition: videoio_c.h:197
__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
double distance
Definition: predict_collector.hpp:88
std::string name
Definition: pd_caltech.hpp:64
static Ptr< FR_lfw > create()
UMatData * u
interaction with UMat
Definition: mat.hpp:1976
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
Performs generalized matrix multiplication.
void setMethod(int val)
Definition: rgbd.hpp:197
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
#define clCreateProgramWithSource
Definition: opencl_core.hpp:128
size_t find_first_of(const String &str, size_t pos=0) const
@ UPDATE_IMAGE_ELEMENT
Definition: cap_winrt.hpp:42
size_t bucket_size_median_
Definition: lsh_table.h:87
T & at(int idx, std::vector< T > &items)
Definition: ring_buffer.hpp:57
@ CV_CAP_GPHOTO2
Definition: videoio_c.h:122
_Tp cv_abs(_Tp x)
Definition: base.hpp:446
int niters() const
Definition: motion_core.hpp:92
@ KDTREE
Definition: defines.h:95
@ woodenBoard
Definition: gr_skig.hpp:89
void finalShow()
Passes the control to the debug-window for a last time.
Definition: final_show.hpp:23
IplImage * cvRetrieveFrame(CvCapture *capture, int streamIdx=0)
get the frame grabbed with cvGrabFrame(..)
SrcPtr src
Definition: deriv.hpp:146
const Mat & const_param_type
Definition: core.hpp:3156
size_t * p
Definition: mat.hpp:541
void PushAttribute(const char *name, const char *value)
If streaming, add an attribute to an open element.
@ CV_BGR5652BGRA
Definition: types_c.h:136
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
Definition: outlier_rejection.hpp:68
int flags
Definition: mat.hpp:1955
CvScalar cvSum(const CvArr *arr)
InputOutputArray noArray()
double cvGetNormalizedCentralMoment(CvMoments *moments, int x_order, int y_order)
Retrieve normalized central moments.
virtual NCVStatus dealloc(NCVMemSegment &seg)
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
GpuMat(Size size, int type, Allocator *allocator=defaultAllocator())
uint64_t UINT64
Definition: descriptor.hpp:66
virtual float getStepDecreasingPower() const =0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
void addCloud(InputArray cloud, const Color &color=Color::white(), const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
_OutputArray(const _Tp *vec, int n)
A complex number class.
Definition: types.hpp:75
@ CV_BGR2Luv
Definition: types_c.h:180
int memoryBusWidth() const
global memory bus width in bits
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.
virtual void unmap(UMatData *data) const
@ MAX
Definition: all_layers.hpp:256
@ QT_CHECKBOX
Checkbox button.
Definition: highgui.hpp:248
__device__ __forceinline__ bool operator()(int, int) const
Definition: mask.hpp:62
int initMaxNegNum
Definition: tracker.hpp:810
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:133
__host__ int type() const
@ CV_BGRA2GRAY
Definition: types_c.h:127
@ THRESH_OTSU
flag, use Otsu algorithm to choose the optimal threshold value
Definition: imgproc.hpp:335
const Mat getDescriptor(int imgIdx, int localDescIdx) const
size_t totalMemory() const
VideoCaptureAPIs
VideoCapture API backends identifier.
Definition: videoio.hpp:88
void getLocalIdx(int globalDescIdx, int &imgIdx, int &localDescIdx) const
@ CV_CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio_c.h:435
@ CV_CAP_PROP_XI_TS_RST_MODE
Definition: videoio_c.h:381
void * cvGetWindowHandle(const char *name)
virtual Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)=0
Projects the image.
virtual void addPoint(DistanceType dist, int index)=0
static Ptr< FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=FastFeatureDetector::TYPE_9_16, int max_npoints=5000)
size_t bucket_size_std_dev
Definition: lsh_table.h:90
int maxSurfaceCubemap() const
maximum Cubemap surface dimensions
int flags
Definition: ocl.hpp:384
virtual ~MotionSaliencyBinWangApr2014()
bool empty() const
Returns true if the any contains no value.
Definition: any.h:283
@ CV_QUADRATIC_INTERPOLATION
Definition: stereo.hpp:122
@ DICT_7X7_50
Definition: dictionary.hpp:154
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 >())
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
virtual ~SepFilter2D()
Definition: hal.hpp:42
void forEach(const Functor &operation) const
bool queryIfComplete() const
Returns true if the current stream queue is finished. Otherwise, it returns false.
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
__device__ __forceinline__ uint vadd2(uint a, uint b)
Definition: simd_functions.hpp:136
virtual int getNumberOfSuperpixels() const =0
Calculates the actual amount of superpixels on a given segmentation computed and stored in Superpixel...
@ CAP_PROP_OPENNI_BASELINE
In mm.
Definition: videoio.hpp:221
#define CV_MAT_DEPTH(flags)
Definition: interface.h:77
unsigned UnsignedValue() const
Query as an unsigned integer. See IntValue()
Definition: tinyxml2.h:1058
void cvReleaseStereoBMState(CvStereoBMState **state)
XMLUnknown(XMLDocument *doc)
CvSparseMat * mat
Definition: types_c.h:719
CL_RUNTIME_EXPORT cl_command_queue_info
Definition: opencl_core.hpp:324
void setSensorErrorC(double val)
Definition: rgbd.hpp:448
_OutputArray(cuda::HostMem &cuda_mem)
virtual void detectEdges(const Mat &src, Mat &dst) const =0
The function detects edges in src and draw them to dst.
__host__ BrdBase< BrdReplicate, typename PtrTraits< SrcPtr >::ptr_type > brdReplicate(const SrcPtr &src)
Definition: extrapolation.hpp:134
__host__ __device__ UnaryTupleAdapter< Op, n > unaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:71
T thresh
Definition: functional.hpp:736
hashtable_int * hash_table
Definition: ppf_match_3d.hpp:152
struct CvPOSITObject CvPOSITObject
Definition: calib3d_c.h:61
Mat(Size size, int type, void *data, size_t step=AUTO_STEP)
@ COLOR_BGR5652RGBA
Definition: imgproc.hpp:554
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
MouseButton button
Definition: types.hpp:265
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:397
@ OpenGlApiCallError
Definition: base.hpp:119
OutputArray OutputArrayOfArrays
Definition: mat.hpp:382
virtual uchar * acquireBitStream(int *bufferSize)=0
Callback function to signal the start of bitstream that is to be encoded.
static const Device & getDefault()
int refcount
Definition: mat.hpp:2522
void mapBackward(float u, float v, float &x, float &y)
double getMaxPointsPart() const
Definition: rgbd.hpp:698
@ DICT_7X7_1000
Definition: dictionary.hpp:157
@ CV_YUV420sp2BGRA
Definition: types_c.h:248
@ CAP_PROP_XI_KNEEPOINT2
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:464
void setFullScreen(bool mode=true)
Sets or unsets full-screen rendering mode.
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracker.hpp:265
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
This 3D Widget defines a cone. :
Definition: widgets.hpp:331
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.
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)
int usedMemory() const
Definition: lsh_index.h:171
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
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:86
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
Buffer(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
std::string name
Definition: is_bsds.hpp:62
void randn(InputOutputArray dst, InputArray mean, InputArray stddev)
Fills the array with normally distributed random numbers.
Definition: descriptor.hpp:250
virtual bool load(const String &filename)=0
virtual void setOuterIterations(int outer_iterations)=0
Definition: tr_icdar.hpp:61
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
@ CONTINUOUS_FLAG
Definition: mat.hpp:1946
void * imageId
Definition: types_c.h:320
CvMat * cvGetSubRect(const CvArr *arr, CvMat *submat, CvRect rect)
Returns matrix header corresponding to the rectangular sub-array of input image or matrix.
UMat mul(InputArray m, double scale=1) const
per-element matrix multiplication by means of matrix expressions
MatIterator_(Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
AutoBuffer(size_t _size)
constructor taking the real buffer size
int ProfileLevel
NVVE_PROFILE_LEVEL,.
Definition: cudacodec.hpp:95
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
__device__ __forceinline__ uint vavg2(uint a, uint b)
Definition: simd_functions.hpp:205
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:650
int cvGraphRemoveVtxByPtr(CvGraph *graph, CvGraphVtx *vtx)
const XMLText * ToText() const
Definition: tinyxml2.h:1896
void setOpenGlContext(const String &winname)
Sets the specified window as current OpenGL context.
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.
Definition: imgproc.hpp:835
const _Tp * ptr(int i0, int i1, int i2) const
Definition: msm_epfl.hpp:78
void setTermCriteria(const TermCriteria &term_criteria)
Definition: motion_estimators.hpp:143
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
@ block_size_y
Definition: copy.hpp:353
Graph(int num_vertices=0)
Definition: util.hpp:88
Definition: deriv.hpp:142
virtual int getMaxNumObjects() const =0
Vec< short, 4 > Vec4s
Definition: matx.hpp:369
virtual const XMLText * ToText() const
Definition: tinyxml2.h:631
virtual bool isClassifier() const =0
Returns true if the model is classifier.
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
@ DIST_L2
the simple euclidean distance
Definition: imgproc.hpp:311
virtual TermCriteria getTermCriteria() const =0
@ CV_CAP_PROP_XI_AVAILABLE_BANDWIDTH
Definition: videoio_c.h:375
@ 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
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:605
void pyrDown(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Smoothes an image and downsamples it.
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
bool calibrateRotatingCamera(const std::vector< Mat > &Hs, Mat &K)
void watershed(InputArray image, InputOutputArray markers)
Performs a marker-based image segmentation using the watershed algorithm.
CvSlice(int start=0, int end=0)
Definition: types_c.h:1103
bool read(const FileNode &node)
Reads a classifier from a FileStorage node.
Definition: functional.hpp:311
cuda::HostMem & getHostMemRef() const
P projector_
Definition: warpers.hpp:168
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
1x4, 2x2 or 4x1 matrix
@ CV_CAP_PROP_XI_CC_MATRIX_01
Definition: videoio_c.h:333
uchar4 type
Definition: vec_traits.hpp:84
CombinedDescriptor(int w, int h, int stride, int k2, int **distance, Kernel kernel, int k2Stop)
Definition: descriptor.hpp:207
ChArUco board Specific class for ChArUco boards. A ChArUco board is a planar board where the markers ...
Definition: charuco.hpp:62
int radius_
Definition: deblurring.hpp:84
Definition: linear_index.h:41
double workScale() const
Definition: stitching.hpp:274
NppStInterpMode
Definition: NPP_staging.hpp:101
#define clAmdFftGetTmpBufSize
Definition: opencl_clamdfft.hpp:80
Mat_< Vec4w > Mat4w
Definition: mat.hpp:2206
MeanKernelIntegralImage(const cv::Mat &image, int window, float scale, int *cost)
Definition: descriptor.hpp:257
MapXPtr mapx
Definition: remap.hpp:81
bool empty() const
returns true if GpuMat data is NULL
Definition: types_c.h:1079
@ BORDER_CONSTANT
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:254
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 *)
void(CV_STDCALL * Cv_iplAllocateImageData)(IplImage *, int, int)
Definition: core_c.h:1938
void setParams(int radius, float stdev=-1.f)
void max8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
virtual void setBinaryKernelType(int value)=0
virtual void releaseBitStream(unsigned char *data, int size)=0
Callback function to signal that the encoded bitstream is ready to be written to file.
std::vector< Ptr< Tracker > > trackerList
< storage for the tracker algorithms.
Definition: tracker.hpp:1360
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.
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > > warpPerspective_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:101
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
MatIterator_ & operator+=(ptrdiff_t ofs)
shifts the iterator forward by the specified number of elements
@ channels
Definition: matx.hpp:310
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)
Op op
Definition: tuple_adapter.hpp:82
bool truncated
Definition: or_pascal.hpp:71
@ CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio.hpp:486
virtual void setScale(float scale)=0
virtual int getNumLevels() const =0
void SetIpl(IplImage *img)
Definition: wimage.hpp:316
void cvChangeSeqBlock(void *reader, int direction)
@ COLOR_RGB2HSV_FULL
Definition: imgproc.hpp:603
datasetType
Definition: hpe_humaneva.hpp:72
Buffer(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
DeviceInfo()
creates DeviceInfo object for the current GPU
void costGathering(const Mat &hammingDistanceCost, Mat &cost)
Definition: matching.hpp:424
@ COLOR_YUV2GRAY_IYUV
Definition: imgproc.hpp:664
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:252
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)
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:138
virtual void setSmoothingRadius(int radius)=0
Sets the kernel radius used for morphological operations.
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:256
int nRows
Definition: types_c.h:366
void deleteEdge(int edge)
#define OPENCV_HAL_IMPL_BIT_OP(bit_op)
Helper macro.
Definition: intrin_cpp.hpp:415
UIImage * MatToUIImage(const cv::Mat &image)
@ CV_CAP_PROP_XI_AG_MAX_LIMIT
Definition: videoio_c.h:279
CylindricalWarper(float scale)
Construct an instance of the cylindrical warper class.
Definition: warpers.hpp:282
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.
flann_datatype_t type
Definition: matrix.h:93
@ CV_LRGB2Luv
Definition: types_c.h:218
int width
Definition: types_c.h:451
void convertFp16(InputArray src, OutputArray dst)
Converts an array to half precision floating number.
static Ptr< AbsLayer > create()
@ CAP_PROP_XI_CC_MATRIX_30
Color Correction Matrix element [3][0].
Definition: videoio.hpp:409
@ CASCADE_DO_ROUGH_SEARCH
Definition: objdetect.hpp:171
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
virtual ~ClassifierCallback()
Definition: ocr.hpp:356
void fillConstraints(float *A1, float *A2, float *b1, float *b2) const
virtual bool getRandom() const =0
void v_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:1718
Bridge & operator=(const vector_Point &)
Definition: bridge.hpp:405
Definition: msm_epfl.hpp:70
@ GPC_DESCRIPTOR_DCT
Better quality but slow.
Definition: sparse_matching_gpc.hpp:93
int rows
the number of rows and columns
Definition: cuda.hpp:286
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.
virtual void setUseTimstampsDim(bool use=true)=0
Specifies either interpet first dimension of input blob as timestamp dimenion either as sample.
std::string filename
Definition: pd_inria.hpp:69
@ value
Definition: traits.hpp:267
String symbol
Definition: types.hpp:240
void create(Size sz, int type, int i=-1, bool allowTransposed=false, int fixedDepthMask=0) const
bool operator<(const DistIndex dist_index) const
Definition: result_set.h:296
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:444
@ COLOR_YUV2BGR_YV12
Definition: imgproc.hpp:643
Definition: reduce_to_vec.hpp:110
virtual void setMinEigThreshold(double minEigThreshold)=0
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 ...
virtual int getRegularization() const =0
void markDeviceCopyObsolete(bool flag)
float hcellsSpatialConstant
Definition: retina.hpp:162
void add(unsigned int value, const ElementType *feature)
Definition: lsh_table.h:168
Vec(const Matx< _Tp, cn, 1 > &a, _T2 alpha, Matx_ScaleOp)
@ DYNAMIC_PARALLELISM
Definition: cuda.hpp:609
void save_value(FILE *stream, const T &value, size_t count=1)
Definition: saving.h:126
uchar * data
Definition: mat.hpp:498
int compare(const char *s) const
bool setBreakOnError(bool flag)
Sets/resets the break-on-error mode.
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.
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
int getWindowSize() const
Definition: rgbd.hpp:169
double Wz
Definition: gr_chalearn.hpp:67
std::string age
Definition: fr_adience.hpp:72
@ CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio.hpp:219
@ CV_EVENT_FLAG_LBUTTON
Definition: highgui_c.h:194
int hal_ni_merge64s(const int64 **src_data, int64 *dst_data, int len, int cn)
Definition: hal_replacement.hpp:369
Mat_(const Mat_ &m, const Rect &roi)
selects a submatrix
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
intializes the iterator
@ CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_NEAR
Definition: videoio_c.h:419
#define clCreateSampler
Definition: opencl_core.hpp:130
double getTotalMs() const
Definition: utility.hpp:1137
void cvCompleteSymm(CvMat *matrix, int LtoR=0)
int plus_step
Definition: types_c.h:1087
@ DICT_5X5_1000
Definition: dictionary.hpp:149
__host__ __device__ static __forceinline__ char4 all(schar v)
Definition: vec_traits.hpp:178
@ CAP_PROP_XI_FRAMERATE
Define framerate in Hz.
Definition: videoio.hpp:436
GpuMat(Size size, int type, Scalar s, Allocator *allocator=defaultAllocator())
_Tp * operator[](int y)
more convenient forms of row and element access operators
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracker.hpp:793
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...
IplMagnoParameters IplMagno
Definition: retina.hpp:179
Class computing stereo correspondence using the belief propagation algorithm. :
Definition: cudastereo.hpp:129
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
void cvSeqInsertSlice(CvSeq *seq, int before_index, const CvArr *from_arr)
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.
static Ptr< SVM > create()
__device__ __forceinline__ T operator()(int, int) const
Definition: constant.hpp:64
__device__ static __forceinline__ T result(T r, float sz)
Definition: reduce_to_vec.hpp:99
void setWindowSize(const Size &window_size)
static float DEFAULT_MIN_DEPTH()
Definition: rgbd.hpp:538
@ CAP_PROP_TEMPERATURE
Definition: videoio.hpp:147
void setInput(const Ptr< FrameSource > &frameSource)
Set input frame source for Super Resolution algorithm.
virtual double getBackgroundRatio() const =0
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
std::vector< cv::Mat > getImagePoints()
#define clGetKernelWorkGroupInfo
Definition: opencl_core.hpp:214
MatExpr operator*(const Mat &a, const Mat &b)
virtual void setTextureThreshold(int textureThreshold)=0
virtual void move(void *const *src, void **dest)
Definition: any.h:93
int wastedMemory
Definition: allocator.h:90
int minus_step
Definition: types_c.h:1088
virtual Mat getErrorCov() const =0
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:145
virtual void setPass2Only(bool f)=0
@ is_pointer
Definition: type_traits.hpp:140
double rand_double(double high=1.0, double low=0)
Definition: random.h:61
@ COLORMAP_OCEAN
Definition: imgproc.hpp:4085
SparseMatConstIterator_< _Tp > begin() const
returns the read-only sparse matrix iterator at the matrix beginning
@ EVENT_LBUTTONDBLCLK
indicates that left mouse button is double clicked.
Definition: highgui.hpp:212
#define clEnqueueNDRangeKernel
Definition: opencl_core_wrappers.hpp:106
XMLDeclaration(const XMLDeclaration &)
TrackerMILTargetState(const Point2f &position, int width, int height, bool foreground, const Mat &features)
Constructor.
Ptr< HDF5 > open(String HDF5Filename)
Open or create hdf5 file.
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
virtual void setDescriptorType(int dtype)=0
@ CV_DIST_HUBER
Definition: types_c.h:564
virtual void setScaleStep(double scaleStep)=0
Scale step.
virtual double getEpsilon() const =0
void save(String filename)
Definition: flann.hpp:432
int getNearestPoint(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
_Tp dot(const Matx< _Tp, m, n > &v) const
dot product computed with the default precision
int executionCapabilities() const
float * Temp1
Definition: tracking_c.h:180
Affine transform.
Definition: affine.hpp:62
Interface for video demultiplexing. :
Definition: cudacodec.hpp:309
DepthNormal(int distance_threshold, int difference_threshold, size_t num_features, int extract_threshold)
Constructor.
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:133
std::vector< Point > corners_
Definition: seam_finders.hpp:100
__host__ void gridTransformUnary_(const SrcPtr &src, GpuMat_< DstType > &dst, const UnOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:64
@ CAP_PROP_XI_TIMEOUT
Image capture timeout in milliseconds.
Definition: videoio.hpp:346
GpuMat(int rows, int cols, int type, Allocator *allocator=defaultAllocator())
constructs GpuMat of the specified size and type
const _Tp * ptr(const Vec< int, n > &idx) const
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
Definition: videoio_c.h:476
FLAGS
Definition: utility.hpp:1154
void covarianceEstimation(InputArray src, OutputArray dst, int windowRows, int windowCols)
Computes the estimated covariance matrix of an image using the sliding window forumlation.
double getSensorErrorB() const
Definition: rgbd.hpp:436
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
@ SOFT_MARGIN
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1599
virtual bool getTruncatePrunedTree() const =0
@ CV_Lab2LBGR
Definition: types_c.h:220
virtual void setGridX(int val)=0
void cvXorS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
std::ostream & operator<<(std::ostream &s, cv::Range &r)
Definition: shape_utils.hpp:54
@ CV_CAP_PROP_XI_DEBOUNCE_T1
Definition: videoio_c.h:353
::cvflann::IndexParams getParameters()
Definition: flann.hpp:450
#define clAmdFftSetup
Definition: opencl_clamdfft.hpp:106
MatExpr mul(const MatExpr &e, double scale=1) const
static Scalar_< double > all(double v0)
returns a scalar with all elements set to v0
float area_height
Definition: interpolation.hpp:300
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...
Definition: extrapolation.hpp:198
#define clAmdFftBakePlan
Definition: opencl_clamdfft.hpp:46
@ CV_OpenGlApiCallError
Definition: types_c.h:170
__device__ __forceinline__ uint vsetle2(uint a, uint b)
Definition: simd_functions.hpp:359
@ FLANN_DIST_MINKOWSKI
Definition: defines.h:133
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
void gradient(const cv::Mat &img1, const cv::Mat &img2, cv::Mat &Ix, cv::Mat &Iy, cv::Mat &It) const
virtual float predictProb(InputArray inputs, OutputArray outputs, OutputArray outputProbs, int flags=0) const =0
Predicts the response for sample(s).
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.
__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
__device__ __forceinline__ float1 exp10(const uchar1 &a)
Definition: vec_math.hpp:249
GpuMat clone() const
returns deep copy of the GpuMat, i.e. the data is copied
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCS.
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)
#define clRetainEvent
Definition: opencl_core_wrappers.hpp:238
#define clGetDeviceInfo
Definition: opencl_core_wrappers.hpp:154
void cvSeqPopMulti(CvSeq *seq, void *elements, int count, int in_front=0)
virtual void getCameras(OutputArray Rs, OutputArray Ts)=0
Returns the estimated camera extrinsic parameters.
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:159
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
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:204
static Ptr< GPCTrainingSamples > create(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, int descriptorType)
virtual ~XMLDeclaration()
@ CAP_DSHOW
DirectShow (via videoInput)
Definition: videoio.hpp:100
virtual const void * get_value(void *const *src)=0
virtual int getMaxRadius() const =0
void cvGraphRemoveEdge(CvGraph *graph, int start_idx, int end_idx)
double cvRandReal(CvRNG *rng)
Returns a floating-point random number and updates RNG.
Definition: types_c.h:242
@ LOG_WARP_SIZE
Definition: warp.hpp:58
void read(const String &fileName)
Definition: features2d.hpp:936
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
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
BlobShape(int s0, int s1)
This is an overloaded member function, provided for convenience. It differs from the above function o...
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:184
void log_verbosity(int level)
Definition: flann_base.hpp:52
Definition: warpers.hpp:131
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.
void(* CvTrackbarCallback2)(int pos, void *userdata)
Definition: highgui_c.h:164
@ CV_BayerBG2RGB
Definition: types_c.h:175
__device__ __forceinline__ ushort saturate_cast< ushort >(schar v)
Definition: saturate_cast.hpp:153
int cvRANSACUpdateNumIters(double p, double err_prob, int model_points, int max_iters)
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response)=0
Aligns images.
@ COLOR_RGBA2BGR565
Definition: imgproc.hpp:552
String getText() const
Returns the current text content of the widget.
Definition: functional.hpp:792
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow, Stream &stream=Stream::Null())=0
Calculates a dense optical flow.
void(* CvReleaseFunc)(void **struct_dblptr)
Definition: types_c.h:1806
CvMemStorage * cvCreateMemStorage(int block_size=0)
bool Error() const
Return true if there was an error parsing the document.
Definition: tinyxml2.h:1657
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
Definition: videoio_c.h:434
Definition: objdetect.hpp:208
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.
virtual void getPoints(OutputArray points3d)=0
Returns the estimated 3d points.
std::vector< ConfidenceMap > confidenceMaps
Definition: tracker.hpp:515
@ ROWS_COUNT
Definition: cudafeatures2d.hpp:433
~Net()
Destructor frees the net only if there aren't references to the net anymore.
static Ptr< CropLayer > create(int start_axis, const std::vector< int > &offset)
int dy
Definition: fr_adience.hpp:77
@ EVENT_FLAG_RBUTTON
indicates that the right mouse button is down.
Definition: highgui.hpp:222
@ CV_CAP_PROP_SPEED
Definition: videoio_c.h:511
MxArray(const mxArray *ptr)
inheriting constructor
Definition: mxarray.hpp:271
@ CV_CAP_PROP_XI_GPO_SELECTOR
Definition: videoio_c.h:270
@ GEMM_3_T
transposes src3
Definition: base.hpp:211
virtual void compute(InputArray image, OutputArray features) const =0
void ReleaseImage()
Definition: wimage.hpp:332
virtual ~HierarchicalClusteringIndex()
Definition: hierarchical_clustering_index.h:405
schar elem_type
Definition: vec_traits.hpp:144
@ COLOR_RGBA2YUV_IYUV
Definition: imgproc.hpp:727
Vec< int, 2 > Vec2i
Definition: matx.hpp:375
int index
Definition: core_c.h:1868
@ CV_CAP_OPENNI
Definition: videoio_c.h:106
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio.hpp:518
virtual double getPyramidScaleFactor() const =0
virtual bool allocate(UMatData *data, int accessflags, UMatUsageFlags usageFlags) const =0
friend std::ostream & operator<<(std::ostream &out, const any &any_val)
Definition: any.h:316
virtual int getNrPlane() const =0
number of active disparity on the first level
void calcSqrSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
static __host__ int getCols(const Expr< Body > &expr)
Definition: expr.hpp:87
void release()
Releases all inner buffers.
virtual void match(InputArray queryDescriptors, std::vector< DMatch > &matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >())=0
_Tp value_type
Definition: types.hpp:293
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)
Mat transPCCoeff(Mat pc, float scale, float Cx, float Cy, float Cz, float MinVal, float MaxVal)
int v_signmask(const v_reg< _Tp, n > &a)
Get negative values mask.
Definition: intrin_cpp.hpp:872
virtual void setFlags(int flags)=0
GPCMatchingParams(const GPCMatchingParams ¶ms)
Definition: sparse_matching_gpc.hpp:157
virtual void setNMixtures(int nmix)=0
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...
@ COLOR_RGBA2GRAY
Definition: imgproc.hpp:545
uchar * origdata
Definition: mat.hpp:499
void setImage(InputArray image)
Sets the image content of the widget.
__device__ __forceinline__ float1 tan(const uchar1 &a)
Definition: vec_math.hpp:303
void normalize(void)
Definition: mapprojec.hpp:91
virtual void load(const std::string &path)=0
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...
const char * cvReadString(const CvFileNode *node, const char *default_value=NULL)
Retrieves a text string from a file node.
Definition: core_c.h:2409
virtual Mat generateMask(const Mat &src)=0
Ptr< OCRBeamSearchDecoder::ClassifierCallback > classifier
Definition: ocr.hpp:446
Ptr< Importer > createCaffeImporter(const String &prototxt, const String &caffeModel=String())
Creates the importer of Caffe framework network.
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
Definition: types_c.h:133
SphericalWarper(float scale)
Construct an instance of the spherical warper class.
Definition: warpers.hpp:257
void copyTo(SparseMat &m) const
copies all the data to the destination matrix. All the previous content of m is erased
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
size_t size() const
Definition: flann_base.hpp:176
int64 cvGetTickCount(void)
virtual double getMaxDiscTerm() const =0
truncation of discontinuity cost
virtual int getFlags() const =0
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.
NAryMatIterator(const Mat **arrays, Mat *planes, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
Pose3D()
Definition: pose_3d.hpp:73
cv::Ptr< Map > inverseMap(void) const
Warper that maps an image onto the x*x + z*z = 1 cylinder.
Definition: warpers.hpp:276
@ CAP_PROP_XI_AUTO_WB
Automatic white balance.
Definition: videoio.hpp:340
False is_vector_space_distance
Definition: dist.h:478
#define clEnqueueReadBufferRect
Definition: opencl_core.hpp:172
Definition: types_c.h:867
void insert(const std::vector< Point2f > &ptvec)
Insert multiple points into a Delaunay triangulation.
_OutputArray(std::vector< Mat > &vec)
Mat puss
Definition: matching.hpp:371
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)
@ IMWRITE_JPEG_PROGRESSIVE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:83
void addCloud(InputArray cloud, InputArray colors, const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
void findMinMax(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:67
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
@ FLOW
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:501
Bridge & operator=(const cv::Point &)
Definition: bridge.hpp:309
@ CAP_PROP_XI_HW_REVISION
Returns hardware revision number.
Definition: videoio.hpp:466
@ WND_PROP_AUTOSIZE
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:197
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...
virtual size_t getBlockHistogramSize() const =0
Returns the block histogram size.
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
virtual bool Visit(const XMLComment &)
Visit a comment node.
Definition: tinyxml2.h:474
void cvComputeCorrespondEpilines(const CvMat *points, int which_image, const CvMat *fundamental_matrix, CvMat *correspondent_lines)
Ptr< LBPHFaceRecognizer > createLBPHFaceRecognizer(int radius=1, int neighbors=8, int grid_x=8, int grid_y=8, double threshold=DBL_MAX)
Definition: reduction.hpp:87
GpuMat reshape(int cn, int rows=0) const
MatIterator_< _Tp > end()
Returns the matrix iterator and sets it to the after-last matrix element.
void construct(pointer p, const _Tp &v)
Definition: cvstd.hpp:152
@ VAR_CATEGORICAL
categorical variables
Definition: ml.hpp:85
virtual int getBlockSize() const =0
virtual bool getBlurForDescriptor() const =0
_OutputArray(ogl::Buffer &buf)
Definition: onlineMIL.hpp:91
UniqueRandom(int n)
Definition: random.h:93
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
Definition: descriptor.hpp:102
@ COLOR_BayerRG2RGB_MHT
Definition: cudaimgproc.hpp:102
double m00
Definition: types.hpp:862
Definition: type_traits.hpp:107
__host__ GpuMat_(const GpuMat_ &m, Rect roi)
RotatedRect()
various constructors
int index_type
Definition: deriv.hpp:64
int difference_threshold
Definition: linemod.hpp:265
NCVStatus nppiStTranspose_128_C1R_host(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
Bridge & operator=(const Ptr_FeatureDetector &)
Definition: bridge.hpp:442
Mat sampled_pc
Definition: ppf_match_3d.hpp:150
friend void swap(MxArray &first, MxArray &second)
swap all members of this and other
Definition: mxarray.hpp:235
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
char code
Definition: types_c.h:474
Size frameSize() const
Definition: motion_stabilizing.hpp:126
@ CV_YUV2RGB_YUNV
Definition: types_c.h:302
void displayStatusBar(const String &winname, const String &text, int delayms=0)
Displays a text on the window statusbar during the specified period of time.
CvMat * cvInitMatHeader(CvMat *mat, int rows, int cols, int type, void *data=NULL, int step=0x7fffffff)
Initializes a pre-allocated matrix header.
static Mat subspaceReconstruct(InputArray W, InputArray mean, InputArray src)
const int * cyrillic
Definition: imgproc_c.h:1125
float2 value_type
Definition: warping.hpp:63
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.
@ EVENT_FLAG_CTRLKEY
indicates that CTRL Key is pressed.
Definition: highgui.hpp:224
hppiMatrix * getHpp(const Mat &src, hppAccel accel)
Create hppiMatrix from Mat.
Definition: ippasync.hpp:168
Abstract class that represents the model of the target. It must be instantiated by specialized tracke...
Definition: tracker.hpp:453
const cv::Vec< double, 2 > & getShift() const
Definition: mapshift.hpp:84
virtual cv::TermCriteria getTermCriteria() const =0
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:127
int symEdge(int edge) const
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(outfile, model.child', 0)
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.
@ XML_NO_TEXT_NODE
Definition: tinyxml2.h:1023
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.
_Tp & at(int row, int col)
void read(const FileNode &node, double &value, double default_value)
void add16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
__device__ __forceinline__ float1 log(const uchar1 &a)
Definition: vec_math.hpp:258
virtual void load(const std::string &path)=0
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
Definition: tracking_c.h:164
@ DECOMP_SVD
Definition: base.hpp:138
bool IsNull() const
Definition: wimage.hpp:397
void collectGarbage()
Releases all inner buffers.
virtual float getVariationalRefinementGamma() const =0
Weight of the gradient constancy term.
@ CV_RGBA2YUV_I420
Definition: types_c.h:332
std::set< std::string > StringSet
Definition: mxarray.hpp:58
@ COLOR_BGR2RGBA
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:526
@ CS
Definition: defines.h:150
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_DivOp)
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.
virtual float operator()(int featureIdx, int sampleIdx)
Definition: feature.hpp:372
void mapBackward(float u, float v, float &x, float &y)
T work_type
Definition: reduce_to_vec.hpp:67
const std::vector< Template > & getTemplates(const String &class_id, int template_id) const
Get the template pyramid identified by template_id.
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:138
vector_String toVectorString()
Definition: bridge.hpp:401
BundleAdjusterReproj()
Definition: motion_estimators.hpp:242
Point2f targetPosition
Definition: tracker.hpp:379
Dataset()
Definition: dataset.hpp:520
@ CV_CAP_PROP_POS_MSEC
Definition: videoio_c.h:166
bool operator<(const DMatch &m) const
virtual void setUse1SERule(bool val)=0
RGBD_NORMALS_METHOD
Definition: rgbd.hpp:111
virtual void setShadowValue(int value)=0
Sets the shadow value.
Definition: lsh_index.h:79
Matx< _Tp, m, n > mat_type
Definition: matx.hpp:99
Mat cameraMatrix
Definition: rgbd.hpp:748
The class defining termination criteria for iterative algorithms.
Definition: types.hpp:781
virtual ~TLSDataContainer()
TrackerAdaBoostingTargetState(const Point2f &position, int width, int height, bool foreground, const Mat &responses)
Constructor.
__host__ GpuMat_ col(int x) const
void min8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
@ CV_YCrCb2RGB
Definition: types_c.h:162
Definition: types_c.h:1216
@ CV_CAP_ANY
Definition: videoio_c.h:76
@ COLOR_BayerGR2RGB_VNG
Definition: imgproc.hpp:759
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
@ RETR_CCOMP
Definition: imgproc.hpp:434
HostMem(const HostMem &m)
virtual void setCameraMatrix(const cv::Mat &val)=0
@ humaneva_1
Definition: hpe_humaneva.hpp:73
virtual void dsread(OutputArray Array, String dslabel, const int *dims_offset) const =0
@ CV_BGR2BGR555
Definition: types_c.h:142
CL_RUNTIME_EXPORT cl_int
Definition: opencl_core.hpp:360
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:372
static std::string ToString()
Definition: mxarray.hpp:139
void setParamsFrom(const LayerParams ¶ms)
Initializes only name, type and blobs fields.
Definition: tinyxml2.h:488
@ type
Definition: matx.hpp:94
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:164
float b
Definition: warpers.hpp:387
void mapBackward(float u, float v, float &x, float &y)
Mat getUncompressedSupportVectors() const
Retrieves all the uncompressed support vectors of a linear SVM.
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
virtual ~DFT2D()
Definition: hal.hpp:211
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)
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
Definition: warpers.hpp:554
virtual double getCoef0() const =0
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
size_t image2DMaxHeight() const
@ HOUGH_STANDARD
Definition: imgproc.hpp:464
IndexParams getParameters() const
Definition: autotuned_index.h:163
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:100
int rows
Definition: remap.hpp:94
SphericalWarperGpu(float scale)
Definition: warpers.hpp:492
void fillFixedStereo(Mat &G, int flags, int n)
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:197
_OutputArray(std::vector< bool > &vec)
float threshold
Definition: objdetect_c.h:96
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
virtual int getCatCount(int vi) const =0
@ NCV_NULL_PTR
Definition: NCV.hpp:323
@ CV_BGR5552GRAY
Definition: types_c.h:152
#define clRetainEvent
Definition: opencl_core.hpp:254
AlphaCompTypes
Definition: cudaimgproc.hpp:159
void cvMoments(const CvArr *arr, CvMoments *moments, int binary=0)
Calculates all spatial and central moments up to the 3rd order.
void cvReleaseHaarClassifierCascade(CvHaarClassifierCascade **cascade)
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
Definition: types_c.h:230
@ IMREAD_COLOR
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:67
virtual void setThreshold(int threshold)=0
HostMem(InputArray arr, AllocType alloc_type=PAGE_LOCKED)
creates from host memory with coping data
T Type
Definition: features2d.hpp:711
virtual void load(const std::string &path)=0
Definition: objdetect_c.h:118
Definition: intrin_cpp.hpp:240
void sqrt(InputArray src, OutputArray dst)
Calculates a square root of array elements.
static MatAllocator * getStdAllocator()
and the standard allocator
Mat getFeatures() const
Get the features extracted.
bool Empty() const
Definition: tinyxml2.h:174
void cvNormalize(const CvArr *src, CvArr *dst, double a=1., double b=0., int norm_type=4, const CvArr *mask=NULL)
#define CV_CALIB_FIX_INTRINSIC
Definition: calib3d_c.h:277
vertex(Mat po, int ts)
Definition: multicalib.hpp:105
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
DictValue(int64 i=0)
Constructs integer scalar.
Definition: dict.hpp:62
Class implementing the LSC (Linear Spectral Clustering) superpixels algorithm described in .
Definition: lsc.hpp:72
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.
int predict(InputArray src) const
WImageC< ushort, 1 > WImage1_16u
Definition: wimage.hpp:105
int hashsize
Definition: types_c.h:686
@ CALIB_FIX_K3
Definition: calib3d.hpp:261
double m02
Definition: types_c.h:399
static Stream & Null()
return Stream object for default CUDA stream
@ MOTION_AFFINE
Definition: tracking.hpp:257
virtual void setMode(int mode)=0
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:365
Rect2i Rect
Definition: types.hpp:416
int markerSize
Definition: dictionary.hpp:65
value_type & reference
Definition: cvstd.hpp:133
ICP()
Definition: icp.hpp:90
bool writeOpticalFlow(const String &path, InputArray flow)
Write a .flo to disk.
Board of markers.
Definition: aruco.hpp:226
void stop()
Definition: utility.hpp:306
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
virtual bool isOpened() const
Returns true if video writer has been successfully initialized.
void triangulatePoints(InputArray projMatr1, InputArray projMatr2, InputArray projPoints1, InputArray projPoints2, OutputArray points4D)
Reconstructs points by triangulation.
@ CV_CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio_c.h:428
virtual void setPolyN(int polyN)=0
int fps
Definition: gr_chalearn.hpp:78
void setVertexArray(InputArray vertex)
Sets an array of vertex coordinates.
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:89
Definition: warpers.hpp:353
virtual void setNOctaves(int octaves)=0
virtual void matchConvert(InputArray gpu_matches, std::vector< DMatch > &matches)=0
Converts matches array from internal representation to standard matches vector.
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1030
#define clReleaseMemObject
Definition: opencl_core_wrappers.hpp:220
Ptr< IMotionStabilizer > motionStabilizer_
Definition: stabilizer.hpp:184
WImageViewC< float, 1 > WImageView1_f
Definition: wimage.hpp:80
SparseMatIterator(SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
@ FEATURE_SET_COMPUTE_35
Definition: cuda.hpp:602
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.
virtual int usedMemory() const
Definition: autotuned_index.h:198
CvArr * bins
Definition: types_c.h:751
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
virtual void setNeighbors(int val)=0
@ is_float
Definition: type_traits.hpp:145
@ CV_CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Definition: videoio_c.h:388
void cvCrossProduct(const CvArr *src1, const CvArr *src2, CvArr *dst)
Calculates the cross product of two 3D vectors.
#define CV_CPU_NEON
Definition: cvdef.h:130
int start
Definition: types.hpp:549
RNG & theRNG()
Returns the default random number generator.
Definition: reduce_to_vec.hpp:106
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_AddOp)
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:254
@ CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:380
int getTransformType() const
Definition: rgbd.hpp:961
@ CAP_OPENNI_QVGA_30HZ
Definition: videoio.hpp:264
virtual void setMaxFeatures(int maxFeatures)=0
Sets total number of distinct colors to maintain in histogram.
FileStorage(CvFileStorage *fs, bool owning=true)
genderType
Definition: fr_adience.hpp:61
Ptr< BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
@ LSD_REFINE_NONE
No refinement applied.
Definition: imgproc.hpp:479
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts Cartesian coordinates into polar.
void operator()(const cv::Range &range) const
Definition: kmeans_index.h:294
static Matx< _Tp, m, n > & operator*=(Matx< _Tp, m, n > &a, int alpha)
Definition: matx.hpp:1149
void read(const FileNode &)
float a
Definition: warpers.hpp:366
virtual void setMaxBits(int max_bits)=0
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(int rows, int cols, int type, void *data=NULL)
Definition: types_c.h:509
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:81
@ MODE_SGBM
Definition: stereo.hpp:205
float getInitMean() const
Definition: features2d.hpp:975
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
String run(InputArray image, InputArray mask, int min_confidence, int component_level=0)
virtual void setPatchSize(int patchSize)=0
Point_< int > Point2i
Definition: types.hpp:179
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
Definition: videoio_c.h:472
DistanceType worstDist() const
Definition: result_set.h:274
@ CV_YUV2BGR_NV12
Definition: types_c.h:237
void copyTo(Mat &m) const
converts sparse matrix to dense matrix.
static BlobShape empty()
Returns empty shape [].
MotionEstimatorL1(MotionModel model=MM_AFFINE)
virtual void setContrastWeight(float contrast_weiht)=0
SrcPtr src
Definition: warping.hpp:132
icoSphere(float radius_in, int depth_in)
Generating a sphere by mean of a iteration based points selection process.
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:113
@ CV_BGR2HSV_FULL
Definition: types_c.h:205
size_t sz
Definition: ocl.hpp:387
@ rows
Definition: matx.hpp:91
MorphShapes_c
Definition: types_c.h:377
struct CvSet * heap
Definition: types_c.h:684
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...
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
@ FLAGS_EXPAND_SAME_NAMES
Definition: utility.hpp:1157
virtual size_t getReservedSize() const =0
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:221
virtual void setTheta(double val)=0
void hammingDistanceBlockMatching(const Mat &leftImage, const Mat &rightImage, Mat &cost, const int kernelSize=9)
Definition: matching.hpp:412
static bool canCreateAlias(const UMat &u)
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
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="")
KalmanFilter(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
@ StsOk
everithing is ok
Definition: base.hpp:69
virtual void augAssignSubtract(const MatExpr &expr, Mat &m) const
@ CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Sensor output data bit depth.
Definition: videoio.hpp:378
True is_kdtree_distance
Definition: dist.h:203
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
Definition: videoio_c.h:252
WImageC< float, 1 > WImage1_f
Definition: wimage.hpp:79
@ CV_OpenCLDoubleNotSupported
Definition: types_c.h:172
This 3D Widget defines a circle.
Definition: widgets.hpp:307
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.
Definition: saliencyBaseClasses.hpp:97
void setWindowPosition(const Point &window_position)
Sets the position of the window in the screen.
Mat image
Definition: rgbd.hpp:478
@ IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs.hpp:114
FileNode root(int streamidx=0) const
Returns the top-level mapping.
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:767
@ NORM_MINMAX
flag
Definition: base.hpp:196
#define BOILERPLATE_CODE(name, classname)
Definition: tracker.hpp:53
__device__ __forceinline__ float1 asin(const uchar1 &a)
Definition: vec_math.hpp:312
@ LINEAR
Definition: types.hpp:55
#define clGetGLTextureInfo
Definition: opencl_gl.hpp:42
void setCurrentConfidenceMap(ConfidenceMap &confidenceMap)
Set the current confidenceMap.
void * cvNextTreeNode(CvTreeNodeIterator *tree_iterator)
virtual int radius() const
Definition: inpainting.hpp:71
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.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Bridge & operator=(const Ptr_CalibrateDebevec &)
Definition: bridge.hpp:462
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
bool check() const
Check for parsing errors.
_Tp * ptr(int y=0)
template version of the above method
virtual double getMaxVal() const =0
Returns the maximum value taken on by pixels in image sequence. e.g. 1.0 or 255.
int src_img_idx
Definition: matchers.hpp:212
SphericalPortraitWarper(float scale)
Definition: warpers.hpp:565
Definition: miniflann.hpp:124
GpuMat(int rows, int cols, int type, void *data, size_t step=Mat::AUTO_STEP)
constructor for GpuMat headers pointing to user-allocated data
float Ncv32f
Definition: NCV.hpp:133
size_t size
Definition: mat.hpp:500
__device__ __forceinline__ int atomicMax(int *address, int val)
Definition: atomic.hpp:152
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
static __host__ ptr_type shrinkPtr(const Expr< Body > &expr)
Definition: expr.hpp:77
@ NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
Definition: NCV.hpp:352
PPF3DDetector()
Empty constructor. Sets default arguments.
Mat_ row(int y) const
overridden forms of Mat::row() etc.
#define OPENCV_HAL_IMPL_C_PACK(_Tpvec, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1630
virtual void dscreate(const int rows, const int cols, const int type, String dslabel, const int compresslevel) const =0
CvPoint pt
Definition: types_c.h:475
@ CV_CAP_INTELPERC_UVDEPTH_MAP
Definition: videoio_c.h:495
@ CAP_PROP_XI_CC_MATRIX_23
Color Correction Matrix element [2][3].
Definition: videoio.hpp:408
@ CV_BadDepth
Definition: types_c.h:137
static uint64 abs(uint64 a)
Definition: cvstd.hpp:73
void setWindowSize(int val)
Definition: rgbd.hpp:262
@ COEF
Definition: ml.hpp:636
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
friend std::ostream & operator<<(std::ostream &stream, const Dict &dict)
virtual void setInnerIterations(int val)=0
Inner iterations (between outlier filtering) used in the numerical scheme.
virtual void setRpropDWMinus(double val)=0
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
int x
Definition: types_c.h:868
static void read(const FileNode &node, std::vector< _Tp > &vec, const std::vector< _Tp > &default_value=std::vector< _Tp >())
Definition: persistence.hpp:1088
void split32s(const int *src, int **dst, int len, int cn)
virtual void printAttrs() const
size_t size
the size of each segment (in elements)
Definition: mat.hpp:3273
int featureSetNumFeatures
Definition: tracker.hpp:1126
size_t elemSize() const
converts sparse matrix to the old-style representation; all the elements are copied.
int cvStartLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
#define SMALL_POLICY(TYPE)
Specializations for small types.
Definition: any.h:141
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.
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:124
int hashtableInsertHashed(hashtable_int *hashtbl, KeyType key, void *data)
Definition: functional.hpp:664
std::string fileName
Definition: tr_icdar.hpp:68
void setScale(float val)
Definition: warpers.hpp:157
Vec< uchar, 2 > Vec2b
Definition: matx.hpp:363
int cols
Definition: remap.hpp:94
Definition: interpolation.hpp:98
void create(int _ndims, const int *_sizes)
equivalent to Mat::create(_ndims, _sizes, DatType<_Tp>::type)
ConnectedComponentsAlgorithmsTypes
connected components algorithm
Definition: imgproc.hpp:417
Definition: onlineMIL.hpp:63
CompressedRectilinearPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:355
bool CData() const
Returns true if this is a CDATA text element.
Definition: tinyxml2.h:884
Matching(int maxDisp, int scalling=4, int confidence=6)
Definition: matching.hpp:608
void removeWidget(const String &id)
Removes a widget from the window.
@ CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio.hpp:201
bool clipLine(Size imgSize, Point &pt1, Point &pt2)
Clips the line against the image rectangle.
@ IMWRITE_PAM_FORMAT_RGB_ALPHA
Definition: imgcodecs.hpp:119
@ SOLVEPNP_EPNP
EPnP: Efficient Perspective-n-Point Camera Pose Estimation .
Definition: calib3d.hpp:236
~KDTreeIndex()
Definition: kdtree_index.h:111
void setTo(const _InputArray &value, const _InputArray &mask=_InputArray()) const
@ CALIB_FIX_K2
Definition: calib3d.hpp:260
int normType
Definition: features2d.hpp:1056
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
int xOffset
Definition: types_c.h:345
Matx33d mat1
Definition: msm_epfl.hpp:62
void setTargetHeight(int height)
Set the height of the target.
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:84
GpuMat(Size size, int type, void *data, size_t step=Mat::AUTO_STEP)
Warper that maps an image onto the unit sphere located at the origin.
Definition: warpers.hpp:250
@ OCTAVE_ROW
Definition: cudafeatures2d.hpp:464
__device__ __forceinline__ void blockReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:63
Fill-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:127
int y
Definition: types_c.h:869
Rect rect[4]
Definition: feature.hpp:319
int reductionRatio
Definition: descriptor.hpp:203
void cvClearHist(CvHistogram *hist)
Clears the histogram.
__device__ __forceinline__ float1 acos(const uchar1 &a)
Definition: vec_math.hpp:321
int nbrOfPixelsBetweenMarkers
Definition: sinusoidalpattern.hpp:90
@ MORPH_OPEN
Definition: imgproc.hpp:238
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
const MatOp * op
Definition: mat.hpp:3399
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
Definition: videoio_c.h:404
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
Definition: wimage.hpp:409
virtual ~DescriptorMatcher()
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.
@ COLOR_BGR2HSV
convert RGB/BGR to HSV (hue saturation value), color conversions
Definition: imgproc.hpp:581
void scale(double factor)
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response)=0
Aligns images.
void patchNaNs(InputOutputArray a, double val=0)
converts NaN's to the given number
virtual void setPlotLineWidth(int _plotLineWidth)=0
@ CV_INPAINT_TELEA
Definition: photo_c.h:60
int cvSaveImage(const char *filename, const CvArr *image, const int *params=0)
@ COLOR_BayerRG2GRAY_MHT
Definition: cudaimgproc.hpp:107
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
bool read(const String &buf, const String &buildflags)
void moveWindow(const String &winname, int x, int y)
Moves window to the specified position.
#define CV_RNG_COEFF
Definition: types_c.h:205
int cols
Definition: deriv.hpp:302
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)
Ncv32f gamma
gradient constancy importance
Definition: NCVBroxOpticalFlow.hpp:74
@ TM_SQDIFF
Definition: imgproc.hpp:3630
Definition: linear_index.h:50
Mat(const Mat &m, const std::vector< Range > &ranges)
virtual void setPeriod(int val)
Definition: wobble_suppression.hpp:104
clock_t processingStartTime_
Definition: stabilizer.hpp:136
static int type()
Definition: flann.hpp:78
NCVStatus nppiStDecimate_32u_C1R(Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
virtual XMLNode * ShallowClone(XMLDocument *document) const =0
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:502
float minCircularity
Definition: features2d.hpp:572
virtual void setRegularization(int val)=0
Ptr< CannyEdgeDetector > createCannyEdgeDetector(double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false)
Creates implementation for cuda::CannyEdgeDetector .
Ptr< AlignMTB > createAlignMTB(int max_bits=6, int exclude_range=4, bool cut=true)
Creates AlignMTB object.
Base class for statistical models in OpenCV ML.
Definition: ml.hpp:300
bool full() const
Definition: result_set.h:179
void setBBResDir(const String &resultsDir)
This is a utility function that allows to set an arbitrary path in which the algorithm will save the ...
UMat(int ndims, const int *sizes, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
size_t size() const
Definition: sparse_matching_gpc.hpp:115
virtual bool getNonmaxSuppression() const =0
int type
Definition: types_c.h:679
@ COLOR_BGR2HLS_FULL
Definition: imgproc.hpp:604
Ncv8u height
Definition: NCV.hpp:142
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:90
static flann_datatype_t type()
Definition: saving.h:49
@ COLOR_YUV2RGBA_Y422
Definition: imgproc.hpp:683
double real() const
Simplified reading API to use with bindings.
T ElementType
Definition: dist.h:539
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, double &residual, double pose[16])
Perform registration.
@ CV_CAP_TYZX
Definition: videoio_c.h:91
virtual float getMinDist() const =0
#define CV_WHOLE_SEQ
Definition: types_c.h:1096
int ppfInd
Definition: ppf_match_3d.hpp:82
XMLNode * _lastChild
Definition: tinyxml2.h:842
Scalar_(_Tp v0, _Tp v1, _Tp v2=0, _Tp v3=0)
bool printProgress
Print progress to stdout.
Definition: sparse_matching_gpc.hpp:129
CvSize2D32f cvSize2D32f(double width, double height)
Definition: types_c.h:1049
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.
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.
virtual int radiusSearch(const Matrix< ElementType > &query, Matrix< int > &indices, Matrix< DistanceType > &dists, float radius, const SearchParams ¶ms)
Perform radius search.
Definition: nn_index.h:102
@ nppStBicubic
Bicubic convolution filter, a = -0.5 (cubic Hermite spline)
Definition: NPP_staging.hpp:103
void calcAbsSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
__device__ __forceinline__ float1 tanh(const uchar1 &a)
Definition: vec_math.hpp:357
void decodeParametersStereo(InputArray parameters, OutputArray K1, OutputArray K2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray D1, OutputArray D2, double &xi1, double &xi2)
CostFunction
Definition: seam_finders.hpp:121
Abstract base class for training the bag of visual words vocabulary from a set of descriptors.
Definition: features2d.hpp:1214
__host__ void gridCountNonZero(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:365
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:302
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:133
unsigned numIterPerScale_
Definition: mapperpyramid.hpp:67
ProgramSource(const String &prog)
int anchorX
Definition: types_c.h:356
virtual XMLDeclaration * ToDeclaration()
Safely cast to a Declaration, or null.
Definition: tinyxml2.h:620
virtual bool getUseLocalInitDataCost() const =0
void CopyFrom(const WImage< T > &src)
Definition: wimage.hpp:225
@ BadOrigin
Definition: base.hpp:89
virtual MotionModel motionModel() const
Definition: global_motion.hpp:227
@ COLOR_YUV2BGRA_YUY2
Definition: imgproc.hpp:698
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:216
void drawAxis(InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length)
Draw coordinate system axis from pose estimation.
int countNonZero(InputArray src)
Counts non-zero array elements.
void setW(int val)
Definition: saliencySpecializedClasses.hpp:337
bool init()
This function allows the correct initialization of all data structures that will be used by the algor...
__host__ GpuMat_ clone() const
overridden forms of GpuMat::row() etc.
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
int depth() const
returns the depth of sequence elements (CV_8U ... CV_64F)
Definition: core_c.h:3002
@ ARO_315_45
Definition: fast_hough_transform.hpp:70
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).
FeatureHaar(Size patchSize)
virtual void setTau(double tau)=0
@ COLOR_YUV2BGR
Definition: imgproc.hpp:624
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
MatIterator_()
the default constructor
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
__device__ __forceinline__ value_type operator()(index_type y, index_type x) const
Definition: mask.hpp:76
int order
Definition: dist.h:266
Definition: types_c.h:894
void * data
Definition: t_hash_int.hpp:63
virtual void process(InputArray src, OutputArray dst)=0
Tonemaps image.
MatConstIterator(const Mat *_m)
constructor that sets the iterator to the beginning of the matrix
virtual Mat getMeasurementNoiseCov() const =0
void read(const FileNode &node, String &value, const String &default_value)
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
virtual XMLElement * ToElement()
Safely cast to an Element, or null.
Definition: tinyxml2.h:1146
void updateUMat(bool syncData=true) const
Actualizes data stored inside Mat of Blob; if syncData is false then only shape will be actualized.
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
size_t veclen() const
Definition: hierarchical_clustering_index.h:446
int yOffset
Definition: types_c.h:346
UMat & adjustROI(int dtop, int dbottom, int dleft, int dright)
moves/resizes the current matrix ROI inside the parent matrix.
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.
void cvStartNextStream(CvFileStorage *fs)
Starts the next stream.
void cvSVBkSb(const CvArr *W, const CvArr *U, const CvArr *V, const CvArr *B, CvArr *X, int flags)
virtual int getGroupThreshold() const =0
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)
float angle
Definition: descriptor.hpp:109
Affine3(const Mat3 &R, const Vec3 &t=Vec3::all(0))
Rotation matrix.
void preconditionerFromPoints(InputArray points, OutputArray T)
virtual void setDefaultK(int val)=0
@ CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio.hpp:213
#define CV_CUDEV_MAKE_VEC_INST(elem_type)
Definition: vec_traits.hpp:60
Vec3i maxSurface2DLayered() const
maximum 2D layered surface dimensions
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....
int isRightOf(Point2f pt, int edge) const
void dispartyMapFormation(const Mat &costVolume, Mat &mapFinal, int th)
Definition: matching.hpp:569
@ CV_CAP_PROP_XI_LUT_EN
Definition: videoio_c.h:377
@ COLOR_YUV2RGB_NV12
YUV 4:2:0 family to RGB.
Definition: imgproc.hpp:628
virtual int type(const MatExpr &expr) const
void evenLevels(OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Computes levels with even distribution.
CvHaarStageClassifier * stage_classifier
Definition: objdetect_c.h:113
flann_algorithm_t getType() const
Definition: kdtree_index.h:134
Size stride
Definition: all_layers.hpp:212
bool isNan(float x)
Checks float/double value for nan.
Definition: vizcore.hpp:111
@ CAP_PROP_XI_LUT_VALUE
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:444
CvMat * preFilteredImg1
Definition: calib3d_c.h:351
@ COLOR_BayerGR2RGB_EA
Definition: imgproc.hpp:770
TYPE
Definition: utility.hpp:1091
Blob getParam(LayerId layer, int numParam=0)
Returns parameter blob of the layer.
ResultType operator()(ResultType dist)
Definition: dist.h:808
@ CASCADE_DO_CANNY_PRUNING
Definition: objdetect.hpp:168
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP(op, input_type, scalar_type, output_type)
Definition: vec_math.hpp:548
int pixel
seed point and the threshold (max grey-level value)
Definition: erfilter.hpp:75
Mat speckleX
Definition: matching.hpp:370
@ WMF_IV1
Definition: weighted_median_filter.hpp:67
@ SHOW_TRACKBAR
Definition: cap_winrt.hpp:43
@ kChannels
Definition: wimage.hpp:355
int Capacity() const
Definition: tinyxml2.h:273
CvRect r
Definition: objdetect_c.h:78
Vec< float, 4 > Vec4f
Definition: matx.hpp:383
BlobShape computeShapeByReshapeMask(const BlobShape &srcShape, const BlobShape &maskShape, Range srcRange=Range::all())
actionType type
Definition: gr_skig.hpp:102
@ CV_CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio_c.h:430
~WImageBufferC()
Definition: wimage.hpp:384
@ 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
@ CAP_PROP_XI_IMAGE_BLACK_LEVEL
Last image black level counts. Can be used for Offline processing to recall it.
Definition: videoio.hpp:465
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
SrcPtr src
Definition: extrapolation.hpp:99
virtual void print(std::ostream &out, void *const *src)
Definition: any.h:100
Camera(double fx, double fy, double cx, double cy, const Size &window_size)
Constructs a Camera.
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:218
String run(InputArray image, int min_confidence, int component_level=0)
virtual int getPreFilterCap() const =0
size_t sharedMemPerBlock() const
shared memory available per block in bytes
Mat_< Vec3d > Mat3d
Definition: mat.hpp:2220
bool useInstrumentation()
Definition: types_c.h:627
@ CAP_PROP_XI_DOWNSAMPLING
Change image resolution by binning or skipping.
Definition: videoio.hpp:326
#define CV_STDCALL
Definition: types_c.h:73
virtual int getIterations() const =0
Iterations count.
void buildWarpAffineMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for affine transformation.
FileNodeIterator()
The constructors.
int flags
Definition: cuda.hpp:415
@ CV_CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio_c.h:244
virtual void setTermCriteria(const TermCriteria &val)=0
virtual int getActiveVarCount() const =0
@ THRESH_BINARY
Definition: imgproc.hpp:329
int hal_ni_log32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:456
virtual void setup(SegmentationParameters newParameters)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
@ CV_CAP_ANDROID
Definition: videoio_c.h:109
virtual int getSamples() const =0
@ CV_StsError
Definition: types_c.h:122
ptrdiff_t difference_type
Definition: cvstd.hpp:485
Size_< float > Size2f
Definition: types.hpp:313
__device__ static __forceinline__ schar max()
Definition: limits.hpp:70
UMat & getUMatRef(int i=-1) const
Vec3i maxSurface3D() const
maximum 3D surface dimensions
void computeJacobian(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
@ CV_CAP_PROP_IRIS
Definition: videoio_c.h:204
@ MARKER_CROSS
A crosshair marker shape.
Definition: imgproc.hpp:4232
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
UMat reshape(int cn, int rows=0) const
creates alternative matrix header for the same data, with different
__device__ __forceinline__ uint vsub2(uint a, uint b)
Definition: simd_functions.hpp:157
size_t totalGlobalMem() const
global memory available on device in bytes
virtual Mat getCatOfs() const =0
static Ptr< TanHLayer > create()
int imageWidth
Definition: msm_epfl.hpp:66
Ptr2D::index_type index_type
Definition: traits.hpp:62
RansacParams()
Definition: motion_core.hpp:80
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:864
@ CV_CAP_PROP_XI_LENS_FEATURE_SELECTOR
Definition: videoio_c.h:361
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:69
v_uint8x16 v_setall_u8(uchar val)
Definition: intrin_cpp.hpp:1538
Definition: functional.hpp:69
void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
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
Definition: warpers.hpp:309
const String & getBuildInformation()
Returns full configuration time cmake output.
Definition: saliencyBaseClasses.hpp:123
@ COLLAPSE_WHITESPACE
Definition: tinyxml2.h:1495
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
Definition: highgui_c.h:118
Definition: mappergradaffine.hpp:53
virtual void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams ¶ms)
Perform k-nearest neighbor search.
Definition: lsh_index.h:190
NCVMemStackAllocator(Ncv32u alignment)
void clear()
Clear dataset and internal data.
virtual void setBackpropWeightScale(double val)=0
#define clEnqueueFillBuffer
Definition: opencl_core_wrappers.hpp:85
#define clGetExtensionFunctionAddressForPlatform
Definition: opencl_core.hpp:206
Mat iterCounts
Definition: rgbd.hpp:1004
@ COLOR_YUV2BGRA_Y422
Definition: imgproc.hpp:684
void write(FileStorage &fs) const
const char * m_fileName
Definition: utility.hpp:1125
@ FM_7POINT
7-point algorithm
Definition: calib3d.hpp:280
double cvContourPerimeter(const void *contour)
Definition: imgproc_c.h:530
std::vector< int > getSelectedWeakClassifier()
RadiusUniqueResultSet(DistanceType radius)
Definition: result_set.h:454
WImage< T >::BaseType BaseType
Definition: wimage.hpp:446
bool sampling(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
Computes the regions starting from a position in an image.
int type
Definition: imgproc.hpp:1135
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracker.hpp:407
Vec2i maxTexture2D() const
maximum 2D texture dimensions
virtual void setMaxDiscThreshold(double max_disc_threshold)=0
double maxDepthDiff
Definition: rgbd.hpp:864
Mat transform
Definition: multicalib.hpp:87
virtual EncoderParams getEncoderParams() const =0
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
Definition: videoio_c.h:316
@ GC_INIT_WITH_MASK
Definition: imgproc.hpp:374
virtual int getNumIters() const =0
virtual Ptr< cv::superres::DenseOpticalFlowExt > getOpticalFlow() const =0
Dense optical flow algorithm.
int depth() const
returns element type, similar to CV_MAT_DEPTH(cvmat->type)
Net readNetFromCaffe(const String &prototxt, const String &caffeModel=String())
Reads a network model stored in Caffe model files.
#define HaarFeatureDescriptor32_Interpret_MaskFlagLeftNodeLeaf
Definition: NCVHaarObjectDetection.hpp:121
Ptr< Filter > createMedianFilter(int srcType, int windowSize, int partition=128)
Performs median filtering for each point of the source image.
std::string humanSeg
Definition: is_weizmann.hpp:65
float getMarkerLength() const
Definition: charuco.hpp:116
double maxPointsPart
Definition: rgbd.hpp:866
UntypedMatrix(void *data_, long rows_, long cols_)
Definition: matrix.h:95
void setRNGSeed(int seed)
Sets state of default random number generator.
@ CV_CAP_PROP_XI_DATA_FORMAT
Definition: videoio_c.h:262
@ CV_CAP_DC1394
Definition: videoio_c.h:87
void mapBackward(float u, float v, float &x, float &y)
@ CV_StsAssert
Definition: types_c.h:166
String run(InputArray image, int min_confidence, int component_level=0)
@ CV_CAP_PROP_XI_TEST_PATTERN
Definition: videoio_c.h:296
Definition: remap.hpp:104
T array[COUNT]
Definition: type_traits.hpp:73
int numFeatures
Definition: feature.hpp:153
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
int rows
Definition: texture.hpp:207
void exp64f(const double *src, double *dst, int n)
@ MEMORY
Definition: persistence.hpp:311
@ FLANN_DIST_CHI_SQUARE
Definition: defines.h:137
void buildIndex()
Definition: kmeans_index.h:432
#define clRetainDevice
Definition: opencl_core_wrappers.hpp:235
DistanceType worstDist() const
Definition: result_set.h:142
LshStats getStats() const
virtual void getGradient(const double *x, double *grad)
@ DCT_INVERSE
Definition: base.hpp:243
@ FLANN_DIST_KULLBACK_LEIBLER
Definition: defines.h:139
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > > warpAffine_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:92
DynArray< const char *, 10 > _stack
Definition: tinyxml2.h:2047
Point2f topLeft
Top left corner of the bounding rect.
Definition: imgproc.hpp:1159
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:534
Ncv32s y
Point Y.
Definition: NCV.hpp:194
virtual BufferPoolController * getBufferPoolController(const char *id=NULL) const
Ptr< TrackerSampler > sampler
Definition: tracker.hpp:581
static float DEFAULT_MAX_DEPTH_DIFF()
Definition: rgbd.hpp:548
virtual void inpaint(int idx, Mat &frame, Mat &mask)
@ CV_STYLE_NORMAL
Definition: highgui_c.h:75
#define clEnqueueMapImage
Definition: opencl_core_wrappers.hpp:94
Definition: type_traits.hpp:90
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
int CV_FOURCC(char c1, char c2, char c3, char c4)
Constructs the fourcc code of the codec function.
Definition: videoio_c.h:547
@ COLOR_GRAY2BGRA
Definition: imgproc.hpp:542
const _Tp * find(int i0, int i1, int i2, size_t *hashval=0) const
returns pointer to the specified element (3D case)
const CvFileNode * container
Definition: persistence.hpp:682
int type
Definition: types_c.h:750
virtual MotionModel motionModel() const
Definition: global_motion.hpp:181
#define clReleaseEvent
Definition: opencl_core.hpp:238
int pciBusID() const
PCI bus ID of the device.
SparseMatIterator_< _Tp > begin()
returns sparse matrix iterator pointing to the first sparse matrix element
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
Method which processes an image in the aim to correct its luminance correct backlight problems,...
Definition: track_alov.hpp:62
virtual bool getL2Gradient() const =0
size_t profilingTimerResolution() const
Definition: nn_index.h:47
#define clReleaseSampler
Definition: opencl_core_wrappers.hpp:226
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
bool computeImpl(const std::vector< Mat > &images, Mat &response)
AutotunedIndex(const Matrix< ElementType > &inputData, const IndexParams ¶ms=AutotunedIndexParams(), Distance d=Distance())
Definition: autotuned_index.h:76
@ StsOutOfRange
some of parameters are out of range
Definition: base.hpp:111
result_type mySum
Definition: vec_distance.hpp:160
void updatePose(double NewR[9], double NewT[3])
Updates the pose with the new one.
void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
v_float64x2 v_setall_f64(double val)
Definition: intrin_cpp.hpp:1545
@ CAP_PROP_XI_CC_MATRIX_21
Color Correction Matrix element [2][1].
Definition: videoio.hpp:406
virtual void setMaxIter(int max_iter)=0
void init(int *indices_, DistanceType *dists_)
Definition: result_set.h:98
virtual double get(int propId) const
Returns the specified VideoCapture property.
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1663
int rows
Definition: lut.hpp:77
CvPoint2D32f center
Definition: types_c.h:1063
virtual ~EstimatedGaussDistribution()
void initialize_cleaner_impl() const
void init()
Definition: result_set.h:248
Mat_(const Point_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:1546
Definition: feature.hpp:311
int insert(Point2f pt)
Insert a single point into a Delaunay triangulation.
@ CAP_PROP_XI_USED_FFS_SIZE
Size of used camera FFS.
Definition: videoio.hpp:472
int valoffset
Definition: types_c.h:687
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: kdtree_index.h:150
void cvClearSet(CvSet *set_header)
virtual double getRpropDWMax() const =0
Point_ & operator=(const Point_ &pt)
int getFeatureSize() const
Definition: feature.hpp:176
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
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
Definition: types_c.h:254
XMLNode * NextSibling()
Definition: tinyxml2.h:734
static Ptr< Boost > create()
int nCols
Definition: types_c.h:365
SrcPtr src
Definition: reduction.hpp:198
double cvPointPolygonTest(const CvArr *contour, CvPoint2D32f pt, int measure_dist)
Checks whether the point is inside polygon, outside, on an edge (at a vertex).
@ RETR_LIST
Definition: imgproc.hpp:429
Ptr< GraphSegmentation > createGraphSegmentation(double sigma=0.5, float k=300, int min_size=100)
Creates a graph based segmentor.
@ CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio.hpp:231
#define clEnqueueWriteImage
Definition: opencl_core.hpp:186
static Ptr< SliceLayer > create(int axis)
virtual void deblur(int idx, Mat &frame)=0
void prepare(Rect dst_roi)
@ LDR_SIZE
Definition: photo.hpp:322
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:80
@ BadROISize
Definition: base.hpp:94
void pushBack(Ptr< IMotionStabilizer > stabilizer)
Definition: motion_stabilizing.hpp:73
int frameCounter
Definition: track_alov.hpp:99
uchar * operator*()
returns pointer to the current pixel
@ CMP_EQ
src1 is equal to src2.
Definition: base.hpp:200
virtual Size getTilesGridSize() const =0
NCVStatus nppiStDecimate_64u_C1R(Ncv64u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
void split8u(const uchar *src, uchar **dst, int len, int cn)
void read(const FileNode &fn)
double dot(InputArray m) const
computes dot-product
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)
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)
This 3D Widget defines an arrow.
Definition: widgets.hpp:289
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
CvMat * cvGetRow(const CvArr *arr, CvMat *submat, int row)
Definition: core_c.h:380
virtual cv::Mat getIntrinsics() const =0
virtual void setHistBinNum(int val)=0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
Ptr< SimpleWB > createSimpleWB()
Creates an instance of SimpleWB.
Mat skew(InputArray x)
Returns the 3x3 skew symmetric matrix of a vector.
schar * seqPush(CvSeq *seq, const void *element=0)
size_t num_features
Definition: linemod.hpp:266
virtual void calcJacobian(Mat &jac)=0
Calculates the cost function jacobian.
@ CV_Luv2LBGR
Definition: types_c.h:222
Definition: vec_distance.hpp:62
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
@ CCL_DEFAULT
BBDT algortihm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:419
virtual void move(void *const *src, void **dest)
Definition: any.h:71
virtual ~NCVMemNativeAllocator()
__device__ __forceinline__ float1 log10(const uchar1 &a)
Definition: vec_math.hpp:276
Size winSize
Definition: objdetect.hpp:421
_Tp * pointer
Definition: mat.hpp:2983
int getMethod() const
Definition: rgbd.hpp:412
virtual void setStabilizedFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:87
XMLHandle FirstChildElement(const char *value=0)
Get the first child element of this handle.
Definition: tinyxml2.h:1788
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:81
int y
Definition: types_c.h:781
virtual void calc(InputArray frame0, InputArray frame1, OutputArray flow1, OutputArray flow2=noArray())=0
Ptr< AdaptiveManifoldFilter > createAMFilter(double sigma_s, double sigma_r, bool adjust_outliers=false)
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
Mat getTargetResponses() const
Get the features extracted.
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.
Ncv32u number_of_outer_iterations
number of warping iterations (number of pyramid levels)
Definition: NCVBroxOpticalFlow.hpp:80
@ COLOR_YUV2BGRA_I420
Definition: imgproc.hpp:656
Definition: miniflann.hpp:90
@ FILLED
Definition: core.hpp:215
@ CV_YUV2RGB_YVYU
Definition: types_c.h:298
virtual int getDatasetsNum()=0
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
Definition: videoio_c.h:198
Definition: imgproc.hpp:888
@ MM_SIMILARITY
Definition: motion_core.hpp:65
Ptr< InpainterBase > inpainter_
Definition: stabilizer.hpp:115
@ CAP_PROP_XI_AEAG_ROI_HEIGHT
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:368
v_uint8x16 v_setzero_u8()
Definition: intrin_cpp.hpp:1518
Definition: or_sun.hpp:67
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2)
Definition: ocl.hpp:428
virtual void setUseInitialFlow(bool useInitialFlow)=0
Definition: sparse_matching_gpc.hpp:67
void write(FileStorage &fs) const
virtual void train()=0
Trains a descriptor matcher.
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
@ CV_BGR2HLS_FULL
Definition: types_c.h:207
FileNode operator[](int i) const
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:113
virtual void setEpsilon(double val)=0
#define clGetGLContextInfoKHR
Definition: opencl_gl.hpp:38
T BaseType
Definition: wimage.hpp:174
int ID
Definition: rgbd.hpp:477
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.
@ NORMCONV_FILTER
Definition: photo.hpp:87
StartStopTimer()
Definition: timer.h:60
void labelComponents(const GpuMat &mask, GpuMat &components, int flags=0, Stream &stream=Stream::Null())
performs connected componnents labeling.
virtual void write(FileStorage &fs) const
const XMLNode * ToNode() const
Definition: tinyxml2.h:1890
virtual ~IOutlierRejector()
Definition: outlier_rejection.hpp:61
Definition: or_pascal.hpp:90
size_t size() const
returns the number of elements in the node, if it is a sequence or mapping, or 1 otherwise.
Definition: deriv.hpp:189
const uchar * datalimit
Definition: mat.hpp:1966
virtual double getThreshold() const =0
void readRaw(const String &fmt, uchar *vec, size_t len) const
Reads node elements to the buffer with the specified format.
#define clAmdBlasZgemmEx
Definition: opencl_clamdblas.hpp:465
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:190
void idft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
VideoWriter(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
TermCriteria()
default constructor
virtual float getSigmaColor() const =0
size_t size_type
Definition: cvstd.hpp:486
virtual Mat getTrainNormCatResponses() const =0
Returns the vector of normalized categorical responses.
@ BadOrder
Definition: base.hpp:88
virtual void setUpdateBackgroundModel(bool update)=0
Sets the status of background model update.
void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams ¶ms)
Perform k-nearest neighbor search.
Definition: flann_base.hpp:214
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:629
#define CV_CPU_POPCNT
Definition: cvdef.h:114
void addVariant(const String &name, size_t nreq, size_t nopt, StringVector keys)
Definition: mxarray.hpp:623
T & cast()
Cast operator. You can only cast to the original type.
Definition: any.h:266
double aspect
Definition: camera.hpp:66
int nativeVectorWidthDouble() const
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
Definition: tracker.hpp:1372
void copyFrom(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
Copies from host/device memory to OpenGL buffer.
Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix ...
Definition: pose_3d.hpp:71
#define FLANN_DEPRECATED
Definition: defines.h:62
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.
#define clCreateSubBuffer
Definition: opencl_core_wrappers.hpp:55
@ CAP_PROP_MODE
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:133
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: hierarchical_clustering_index.h:547
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).
@ UINT64
Definition: core.hpp:3117
virtual float getVariationalRefinementDelta() const =0
Weight of the color constancy term.
static Ptr< DescriptorMatcher > create(int matcherType)
CvScalar cvScalarAll(double val0123)
Definition: types_c.h:1164
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
Definition: videoio_c.h:313
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
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.
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
size_t nodeSize
Definition: mat.hpp:2525
_Tp * ptr(const int *idx)
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:220
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:127
@ nppStBorderClamp
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
double y
Definition: types_c.h:987
void SetIpl(IplImage *img)
Definition: wimage.hpp:373
PCA(InputArray data, InputArray mean, int flags, double retainedVariance)
void cvEllipseBox(CvArr *img, CvBox2D box, CvScalar color, int thickness=1, int line_type=8, int shift=0)
Definition: imgproc_c.h:1036
static flann_datatype_t type()
Definition: saving.h:55
#define CV_CALIB_ZERO_DISPARITY
Definition: calib3d_c.h:293
void cvInitIntrinsicParams2D(const CvMat *object_points, const CvMat *image_points, const CvMat *npoints, CvSize image_size, CvMat *camera_matrix, double aspect_ratio=1.)
bool endianLittle() const
virtual RetinaParameters getParameters()=0
K-nearest neigbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:219
String class_id
Definition: linemod.hpp:308
virtual bool open(const String &filename, int flags, const String &encoding=String())
Opens a file.
void convertFromD3D11Texture2D(ID3D11Texture2D *pD3D11Texture2D, OutputArray dst)
Converts ID3D11Texture2D to OutputArray. If input texture format is DXGI_FORMAT_NV12 then data will b...
virtual void setTau(double val)=0
Asymptotic value of steepest descent method.
@ CV_YUV2RGBA_YVYU
Definition: types_c.h:307
virtual int getPosThresh() const =0
schar * prev_elem
Definition: persistence.hpp:678
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:180
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
virtual void setPCAIterations(int val)=0
@ CV_RGBA2YUV_IYUV
Definition: types_c.h:334
@ CAP_OPENNI_GRAY_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:255
virtual void setMaskGenerator(const Ptr< MaskGenerator > &maskGenerator)=0
virtual DistanceType worstDist() const =0
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
int dims
Definition: types_c.h:629
Expr< Body > ptr_sz_type
Definition: expr.hpp:72
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.
void setMinDepth(double val)
Definition: rgbd.hpp:917
virtual void setUpdateBackgroundModel(bool update)=0
@ is_unsigned_int
Definition: type_traits.hpp:142
void addPoint(DistanceType dist, int index)
Definition: result_set.h:118
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:83
virtual ~Saliency()
Destructor.
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
static MxArray Scalar(ScalarType value=0)
explicit scalar constructor
Definition: mxarray.hpp:330
@ 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
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow)=0
Calculates an optical flow.
virtual ~HOGDescriptor()
Definition: objdetect.hpp:372
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:351
@ FEATURE_SET_COMPUTE_50
Definition: cuda.hpp:603
void operator()(InputArray points, OutputArray depth) const
virtual ~WobbleSuppressorBase()
Definition: wobble_suppression.hpp:65
void setRenderingProperty(const String &id, int property, double value)
Sets rendering property of a widget.
void setConfThresh(double conf_thresh)
Definition: motion_estimators.hpp:140
bool addTrackerFeature(String trackerFeatureType)
Add TrackerFeature in the collection. Return true if TrackerFeature is added, false otherwise.
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
Definition: highgui_c.h:76
any & operator=(const T &x)
Assignment operator.
Definition: any.h:244
double hu5
Definition: types_c.h:426
const cv::Matx< double, 3, 3 > & getProjTr() const
Definition: mapprojec.hpp:84
void mapBackward(float u, float v, float &x, float &y)
virtual void setAngleStep(double angleStep)=0
Angle step in degrees.
double cvThreshold(const CvArr *src, CvArr *dst, double threshold, double max_value, int threshold_type)
Applies fixed-level threshold to grayscale image.
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:801
virtual double getScaleStep() const =0
Step between scales (<1)
float * fl
Definition: types_c.h:437
bool hostCopyObsolete() const
void setCameraMatrix(const cv::Mat &val)
Definition: rgbd.hpp:781
virtual void setFixedPointIterations(int val)=0
Number of outer (fixed-point) iterations in the minimization procedure.
@ CV_FONT_LIGHT
Definition: highgui_c.h:68
int widthStep
Definition: types_c.h:326
virtual int getUniquenessRatio() const =0
void load_from_file(cvflann::Matrix< T > &dataset, const String &filename, const String &name)
Definition: hdf5.h:128
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:306
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:249
float trimRatio_
Definition: stabilizer.hpp:117
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
@ BORDER_REPLICATE
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:255
@ CV_CAP_PROP_FRAME_HEIGHT
Definition: videoio_c.h:170
int & operator[](int axis)
Does the same thing as size(int) const.
MatExpr max(const Mat &a, const Mat &b)
@ block_size_x
Definition: reduce.hpp:296
@ MORPH_GRADIENT
Definition: imgproc.hpp:242
__host__ __device__ Binder2nd< Op > bind2nd(const Op &op, const typename Op::second_argument_type &arg2)
Definition: functional.hpp:864
virtual void abs(const MatExpr &expr, MatExpr &res) const
const ConfidenceMap & getLastConfidenceMap() const
Get the last ConfidenceMap for the current frame.
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
size_t next
index of the next node in the same hash table entry
Definition: mat.hpp:2539
Bridge & operator=(const vector_vector_char &)
Definition: bridge.hpp:415
Affine3d getWidgetPose(const String &id) const
Returns the current pose of a widget in the window.
@ CV_CAP_PROP_FRAME_COUNT
Definition: videoio_c.h:173
@ NCV_NPP_ERROR
Definition: NCV.hpp:320
Ptr< TonemapMantiuk > createTonemapMantiuk(float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
Creates TonemapMantiuk object.
Type information.
Definition: types_c.h:1826
void setReductionRatio(int rRatio)
Set reduction ratio (used in Gaussian pyramids)
@ CV_TM_SQDIFF
Definition: types_c.h:433
void queryPCFlann(void *flannIndex, Mat &pc, Mat &indices, Mat &distances)
GenericIndex(const Mat &features, const ::cvflann::IndexParams ¶ms, Distance distance=Distance())
Constructs a nearest neighbor search index for a given dataset.
@ FLANN_DIST_HIST_INTERSECT
Definition: defines.h:135
#define clRetainMemObject
Definition: opencl_core.hpp:258
vector_Rect toVectorRect()
Definition: bridge.hpp:391
virtual void setProduceHiddenOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
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
Definition: types_c.h:347
virtual ~QuantizedPyramid()
Definition: linemod.hpp:96
AVCaptureVideoDataOutput * videoDataOutput
Definition: cap_ios.h:102
@ CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio.hpp:237
virtual int getMinSampleCount() const =0
Definition: warping.hpp:108
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:214
virtual double getSigma()=0
std::vector< Mat > pyramid_dI_dy
Definition: rgbd.hpp:518
@ CAP_PROP_XI_COUNTER_SELECTOR
Select counter.
Definition: videoio.hpp:437
static bool hasEqualOrGreater(int major, int minor)
virtual Mat getTrainSampleWeights() const =0
const ::cvflann::IndexParams * getIndexParameters()
Definition: flann.hpp:233
void SetAttribute(const char *value)
Set the attribute to a string value.
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)
Class, allowing the load and matching 3D models. Typical Use:
Definition: ppf_match_3d.hpp:98
#define CV_SEQ_WRITER_FIELDS()
Definition: types_c.h:1529
int height
Definition: graycodepattern.hpp:80
virtual bool Accept(XMLVisitor *visitor) const
@ CAP_PROP_XI_HDR_T2
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:462
void setMinDepth(double val)
Definition: rgbd.hpp:789
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)
virtual void Free(void *mem)
Definition: tinyxml2.h:368
virtual double getGamma() const =0
#define clGetEventProfilingInfo
Definition: opencl_core_wrappers.hpp:160
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.
XMLHandle(const XMLHandle &ref)
Copy constructor.
Definition: tinyxml2.h:1774
Definition: optical_flow.hpp:104
virtual bool getUseInitialFlow() const =0
virtual void roi(const MatExpr &expr, const Range &rowRange, const Range &colRange, MatExpr &res) const
virtual Ncv32u alignment(void) const =0
_Tp dot(const Point3_ &pt) const
dot product
SparseMatConstIterator const_iterator
Definition: mat.hpp:2513
CvScalar cvGetND(const CvArr *arr, const int *idx)
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.
void * VADisplay
Definition: va_intel.hpp:22
void DeleteAttribute(const char *name)
bool signedGradient
Definition: objdetect.hpp:435
@ COLORMAP_PARULA
Definition: imgproc.hpp:4092
void cvFlip(const CvArr *src, CvArr *dst=NULL, int flip_mode=0)
@ NORM_RELATIVE
flag
Definition: base.hpp:195
int distance_threshold
Definition: linemod.hpp:264
virtual bool VisitExit(const XMLDocument &)
Visit a document.
Definition: tinyxml2.h:452
virtual void setSVMDetector(InputArray detector)=0
Sets coefficients for the linear SVM classifier.
Ncv32u _height
Definition: NCV.hpp:834
static Ptr< DFT2D > create(int width, int height, int depth, int src_channels, int dst_channels, int flags, int nonzero_rows=0)
@ CAP_PROP_GSTREAMER_QUEUE_LENGTH
Default is 1.
Definition: videoio.hpp:274
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
BaseClassifier(int numWeakClassifier, int iterationInit)
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
int clusterCount
Definition: features2d.hpp:1276
float Type
Definition: features2d.hpp:717
virtual Mat getTrainResponses() const =0
Returns the vector of responses.
int numVertices() const
Definition: util.hpp:90
WImageView< uchar > WImageView_b
Definition: wimage.hpp:64
@ ALPHA_PLUS
Definition: cudaimgproc.hpp:159
Mat initCameraMatrix2D(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
Finds an initial camera matrix from 3D-2D point correspondences.
void erase(int i0, int i1, int i2, size_t *hashval=0)
erases the specified element (3D case)
virtual const std::vector< Mat > & stabilizedFrames() const
Definition: inpainting.hpp:88
virtual Mat estimateStabilizationMotion()
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:206
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_P3P
Definition: calib3d_c.h:98
Bridge & operator=(const size_t &)
Definition: bridge.hpp:297
virtual double getThreshold() const =0
static void createHeader(int num_item, int rows, int cols, const char *headerPath)
Create header in binary files collecting the image data and label.
virtual bool getNextPacket(unsigned char **data, int *size, bool *endOfFile)=0
Returns next packet with RAW video frame.
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.
virtual void setIterations(int val)=0
__host__ void create(int arows, int acols)
allocates new GpuMat data unless the GpuMat already has specified size and type
virtual void apply(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Applies the specified filter to the image.
double value
Definition: ml.hpp:1053
void setDevice(int device)
Sets a device and initializes it for the current thread.
Definition: t_hash_int.hpp:68
std::vector< Mat > stabilizationMotions_
Definition: stabilizer.hpp:135
void clear()
Definition: result_set.h:524
unsigned char code
Definition: types.hpp:241
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:97
CvErrorCallback cvRedirectError(CvErrorCallback error_handler, void *userdata=NULL, void **prev_userdata=NULL)
PCAPrior(const char *pathToPrior)
virtual void setSplitNumber(int num)=0
Set Split Number from Bezier-curve to line.
void setWindowTitle(const String &winname, const String &title)
Updates window title.
void cvEndWriteStruct(CvFileStorage *fs)
Finishes writing to a file node collection.
LpMotionStabilizer(MotionModel model=MM_SIMILARITY)
int value_type
Definition: vec_distance.hpp:63
int index
Definition: core_c.h:2953
Definition: all_layers.hpp:357
void deallocate()
deallocates the matrix data
Definition: kmeans_index.h:275
True is_vector_space_distance
Definition: dist.h:325
static void unbind(Target target)
Unbind any buffers from the specified binding point.
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:226
int getCols() const
Definition: rgbd.hpp:161
void cvSplit(const CvArr *src, CvArr *dst0, CvArr *dst1, CvArr *dst2, CvArr *dst3)
virtual bool getFrame(Mat &frame, int datasetID, int frameID)=0
Definition: warpers.hpp:316
virtual void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &numDetections, double scaleFactor, int minNeighbors, int flags, Size minSize, Size maxSize)=0
@ MORPH_RECT
a rectangular structuring element:
Definition: imgproc.hpp:254
void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst)
Calculates the sum of a scaled array and another array.
static MatExpr zeros(int rows, int cols, int type)
Returns a zero array of the specified size and type.
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracker.hpp:673
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:146
@ FLANN_LOG_NONE
Definition: defines.h:120
Ptr< MergeRobertson > createMergeRobertson()
Creates MergeRobertson object.
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.
#define clCreateBuffer
Definition: opencl_core.hpp:106
int height
Definition: types_c.h:1010
#define IPL_DEPTH_16U
Definition: types_c.h:262
const char * GetErrorStr2() const
Return a possibly helpful secondary diagnostic location or string.
Definition: tinyxml2.h:1669
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])
virtual void setThreshold(double val)=0
Sets threshold of model.
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
Definition: videoio_c.h:295
virtual int usedMemory() const =0
@ FLANN_DIST_KL
Definition: defines.h:140
#define clEnqueueReadImage
Definition: opencl_core.hpp:174
void reset()
Frees any allocated memory, and sets the value to NULL.
Definition: any.h:289
virtual void setP1(int P1)=0
Definition: tinyxml2.h:311
@ CV_RGB2Luv
Definition: types_c.h:181
ToFileMotionWriter(const String &path, Ptr< ImageMotionEstimatorBase > estimator)
@ CAP_PROP_XI_HDR
Enable High Dynamic Range feature.
Definition: videoio.hpp:459
Mat_< Vec4s > Mat4s
Definition: mat.hpp:2201
@ GC_INIT_WITH_RECT
Definition: imgproc.hpp:370
cudaTextureObject_t texObj
Definition: texture.hpp:190
XMLElement * FirstChildElement(const char *value=0)
Definition: tinyxml2.h:691
static bool ToBool(const char *str, bool *value)
Definition: ar_sports.hpp:61
@ CV_CAP_PROP_OPENNI2_MIRROR
Definition: videoio_c.h:237
int rows
Definition: deriv.hpp:209
XMLDeclaration & operator=(const XMLDeclaration &)
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
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
Definition: videoio_c.h:400
@ WMF_IV2
Definition: weighted_median_filter.hpp:68
int cvNulDevReport(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
Definition: tracker.hpp:1221
Size size2() const
Returns cv::Size(cols(), rows())
False is_vector_space_distance
Definition: dist.h:382
__device__ __forceinline__ double4 tanh(const double4 &a)
Definition: vec_math.hpp:364
__host__ void gridMinMaxLoc(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:353
size_t elemSize1() const
returns the size of element channel in bytes.
const _Tp * pointer
Definition: mat.hpp:2930
@ CV_CAP_PROP_XI_EXPOSURE
Definition: videoio_c.h:282
float dx
horizontal interval between letters
Definition: imgproc_c.h:1129
static void setLevel(int level)
Definition: logger.h:85
@ NCVMemoryTypeDevice
Definition: NCV.hpp:432
bool isStructure() const
Definition: mxarray.hpp:432
void * depth_cleaner_impl_
Definition: rgbd.hpp:290
std::vector< GPCPatchSample > GPCSamplesVector
Definition: sparse_matching_gpc.hpp:87
OBJECT m_payload
Definition: utility.hpp:1079
@ CV_CAP_PROP_XI_HDR_KNEEPOINT_COUNT
Definition: videoio_c.h:395
signed char schar
Definition: interface.h:44
last
Definition: modelConvert.m:65
GpuMat rowRange(int startrow, int endrow) const
... for the specified row span
@ value
Definition: functional.hpp:884
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
Definition: videoio_c.h:90
const uchar * ptr(const Vec< int, n > &idx) const
ERStat * min_probability_ancestor
Definition: erfilter.hpp:111
Definition: gr_chalearn.hpp:76
size_t hashidx
Definition: mat.hpp:3071
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:2987
@ CENTERS_KMEANSPP
Definition: defines.h:115
double cvNorm(const CvArr *arr1, const CvArr *arr2=NULL, int norm_type=4, const CvArr *mask=NULL)
static Ptr< HistogramPhaseUnwrapping > create(const HistogramPhaseUnwrapping::Params ¶meters=HistogramPhaseUnwrapping::Params())
Constructor.
@ CAP_PROP_XI_DEVICE_RESET
Resets the camera to default state.
Definition: videoio.hpp:455
#define clCreateKernelsInProgram
Definition: opencl_core_wrappers.hpp:40
virtual void setNumIters(int iters)=0
static float DEFAULT_MAX_DEPTH()
Definition: rgbd.hpp:543
virtual ~CvHOGEvaluator()
Definition: feature.hpp:300
Definition: deriv.hpp:235
virtual NCVMemoryType memType(void) const
float(* CvDistanceFunction)(const float *a, const float *b, void *user_param)
Definition: types_c.h:441
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))
std::vector< Bridge > BridgeVector
Definition: bridge.hpp:103
BundleAdjusterBase(int num_params_per_cam, int num_errs_per_measurement)
Construct a bundle adjuster base instance.
Definition: motion_estimators.hpp:151
#define CV_MAT_MAGIC_VAL
Definition: types_c.h:409
@ COLOR_YUV2BGR_YUYV
Definition: imgproc.hpp:693
NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
void create(int dims, const int *size, int type, int i=-1, bool allowTransposed=false, int fixedDepthMask=0) const
@ is_vec
Definition: type_traits.hpp:147
CvSparseMat * cvCreateSparseMat(int dims, const int *sizes, int type)
Creates sparse array.
#define clSetEventCallback
Definition: opencl_core.hpp:264
Yes a[2]
Definition: functional.hpp:877
void * indexPCFlann(Mat pc)
virtual void setQualityLevel(double qlevel)=0
void rotation(const Vec3 &rvec)
Rodrigues vector.
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)
Definition: kmeans_index.h:81
virtual bool empty() const
Return true if detector object is empty.
@ NPPST_MEMFREE_ERR
CUDA memory deallocation error.
Definition: NCV.hpp:362
CvTermCriteria(const cv::TermCriteria &t)
Definition: types_c.h:845
Mat getTestSamples() const
Returns matrix of test samples.
void OpenElement(const char *name, bool compactMode=false)
WImage(IplImage *img)
Definition: wimage.hpp:238
void showImage(InputArray image, const Size &window_size=Size(-1, -1))
Removed all widgets and displays image scaled to whole window area.
CL_RUNTIME_EXPORT cl_image_info
Definition: opencl_core.hpp:332
@ CPU_NEON
Definition: cvdef.h:161
@ CV_CAP_PROP_XI_DOWNSAMPLING_TYPE
Definition: videoio_c.h:286
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)
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
Definition: types_c.h:1099
virtual void setMinSize(int min_size)=0
Ptr< DISOpticalFlow > createOptFlow_DIS(int preset=DISOpticalFlow::PRESET_FAST)
Creates an instance of DISOpticalFlow.
Definition: warpers.hpp:142
void free()
Definition: matrix.h:69
EncoderParams(const String &configFile)
Constructors.
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
Definition: cudalegacy.hpp:71
int width
Definition: types_c.h:316
@ PSP
Definition: sinusoidalpattern.hpp:59
@ CV_IMWRITE_PAM_TUPLETYPE
Definition: imgcodecs_c.h:98
@ CV_GRAY2BGR555
Definition: types_c.h:151
Definition: warpers.hpp:429
SparseMat_ & operator=(const SparseMat &m)
converts the old-style sparse matrix to the C++ class. All the elements are copied
CvMat * cvCreateMat(int rows, int cols, int type)
Creates a matrix header and allocates the matrix data.
LinearIndexParams()
Definition: linear_index.h:42
Mat_(int _rows, int _cols, const _Tp &value)
constructor that sets each matrix element to specified value
virtual bool Accept(XMLVisitor *visitor) const
virtual ~ClassifierCallback()
Definition: ocr.hpp:173
virtual ~NCVMatrix()
Definition: NCV.hpp:749
#define clEnqueueMarker
Definition: opencl_core.hpp:160
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams ¶ms)
Unscented Kalman Filter factory method.
const DictValue & get(const String &key) const
If the key in the dictionary then returns its value, else an error will be generated.
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: kdtree_single_index.h:141
T * PushArr(int count)
Definition: tinyxml2.h:234
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
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:181
Mat normals
Definition: rgbd.hpp:481
virtual void setVariationalRefinementDelta(float val)=0
Weight of the color constancy term.
virtual void setFindLargestObject(bool findLargestObject)=0
Vec< int, 4 > Vec4i
Definition: matx.hpp:377
void cvLinearPolar(const CvArr *src, CvArr *dst, CvPoint2D32f center, double maxRadius, int flags=CV_INTER_LINEAR+CV_WARP_FILL_OUTLIERS)
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
UMat(int rows, int cols, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs 2D matrix of the specified size and type
@ CV_YUV2BGRA_I420
Definition: types_c.h:264
void calcMotionGradient(InputArray mhi, OutputArray mask, OutputArray orientation, double delta1, double delta2, int apertureSize=3)
Calculates a gradient orientation of a motion history image.
Mat_ cross(const Mat_ &m) const
cross-product
Definition: warpers.hpp:173
bool runTask(bool sync, const Queue &q=Queue())
int deviceID() const
Returns system index of the CUDA device starting with 0.
@ NCV_INVALID_SCALE
Definition: NCV.hpp:330
int cols
Definition: interpolation.hpp:78
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
CvMat * cvLoadImageM(const char *filename, int iscolor=CV_LOAD_IMAGE_COLOR)
size_t veclen() const
Definition: kmeans_index.h:409
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
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.
Definition: ar_sports.hpp:67
MotionEstimatorRansacL2(MotionModel model=MM_AFFINE)
@ ERGROUPING_ORIENTATION_HORIZ
Definition: erfilter.hpp:284
Bridge & operator=(const int &)
Definition: bridge.hpp:292
CvTypeInfo * info
Definition: core_c.h:2779
~Index()
Definition: flann_base.hpp:121
Mat(const std::vector< _Tp > &vec, bool copyData=false)
@ CV_HSV2BGR_FULL
Definition: types_c.h:210
@ NCV_FILE_ERROR
Definition: NCV.hpp:321
#define CV_WHOLE_SEQ_END_INDEX
Definition: types_c.h:1095
unsigned member_type
Definition: core.hpp:3189
void type
Definition: any.h:137
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > warpPerspectivePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:148
size_t rows() const
Definition: mxarray.hpp:424
@ light
Definition: gr_skig.hpp:83
virtual int getAlgorithmType() const =0
virtual void setMaxLevel(int maxLevel)=0
Definition: feature.hpp:298
@ CV_CAP_PROP_XI_HDR_T1
Definition: videoio_c.h:396
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
__host__ GpuMat_ & assign(const Expr< Body > &expr, Stream &stream)
@ CV_CAP_PROP_XI_LENS_FOCUS_MOVE
Definition: videoio_c.h:358
__host__ __device__ NcvSize32s(Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:177
Bridge & operator=(const cv::TermCriteria &)
Definition: bridge.hpp:349
void sub8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
@ EVENT_FLAG_LBUTTON
indicates that the left mouse button is down.
Definition: highgui.hpp:221
@ ATTRIBUTE_NAME
Definition: tinyxml2.h:156
@ CV_CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio_c.h:235
@ KL
Definition: defines.h:151
WImageView & operator=(const WImage< T > &img)
Definition: wimage.hpp:431
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: kdtree_index.h:199
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
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.
V_TypeTraits< _Tp >::sum_type v_reduce_sum(const v_reg< _Tp, n > &a)
Sum packed values.
Definition: intrin_cpp.hpp:855
bool init(const Mat &image, const Rect2d &boundingBox)
Initialize the tracker with a know bounding box that surrounding the target.
virtual void CloseElement(bool compactMode=false)
If streaming, close the Element.
@ CV_StsBadFlag
Definition: types_c.h:157
~CommandLineParser()
Destructor.
Definition: all_layers.hpp:251
void invSqrt64f(const double *src, double *dst, int len)
int imageStop
Definition: descriptor.hpp:174
@ CAP_DC1394
Same as CAP_FIREWIRE.
Definition: videoio.hpp:96
virtual void setTemplate(InputArray edges, InputArray dx, InputArray dy, Point templCenter=Point(-1, -1))=0
CALayer * customPreviewLayer
Definition: cap_ios.h:105
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
Moments(double m00, double m10, double m01, double m20, double m11, double m02, double m30, double m21, double m12, double m03)
the full constructor
@ MAT_VECTOR
Definition: core.hpp:3116
bool add(const Mat &image, std::vector< Rect2d > boundingBox)
Add a set of objects to be tracked using the defaultAlgorithm tracker.
KDTreeSingleIndexParams(int leaf_max_size=10, bool reorder=true, int dim=-1)
Definition: kdtree_single_index.h:53
Ptr< cuda::DisparityBilateralFilter > createDisparityBilateralFilter(int ndisp=64, int radius=3, int iters=1)
Creates DisparityBilateralFilter object.
float maxThreshold
Definition: features2d.hpp:561
Affine3 rotate(const Mat3 &R) const
a.rotate(R) is equivalent to Affine(R, 0) * a;
@ CV_StsBadMask
Definition: types_c.h:159
static void read(const FileNode &node, short &value, short default_value)
Definition: persistence.hpp:1073
virtual void setMinLineLength(int minLineLength)=0
const char * vecopTypeToStr(int t)
static Ptr< SVM > load(const String &filepath)
Loads and creates a serialized svm from a file.
Definition: NCVHaarObjectDetection.hpp:79
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_AddOp)
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
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.
void create(const BlobShape &shape, int type=CV_32F, int allocFlags=ALLOC_MAT)
Creates blob with specified shape and type.
flann_algorithm_t getType() const
Definition: lsh_index.h:122
void pop_front()
removes the first element from the sequence
Definition: core_c.h:3047
Mat sum
Definition: feature.hpp:289
Distance::ResultType DistanceType
Definition: kdtree_index.h:74
#define clCreateImage3D
Definition: opencl_core.hpp:118
std::string value
Definition: tr_icdar.hpp:62
@ NPPST_SUCCESS
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
Texture2D()
The constructors.
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)
Definition: extrapolation.hpp:95
const int * size() const
returns the array of sizes, or NULL if the matrix is not allocated
LinearIndex(const LinearIndex &)
virtual float getP() const =0
Percent of top/bottom values to ignore.
Distance::ResultType DistanceType
Definition: flann_base.hpp:104
Point_(const Size_< _Tp > &sz)
void pop_back()
removes the last element from the sequence
Definition: core_c.h:3044
bool split_coeff
split the training coefficients into two matrices
Definition: tracker.hpp:1243
@ CAP_PROP_XI_DEFAULT_CC_MATRIX
Set default Color Correction Matrix.
Definition: videoio.hpp:413
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
void * handle(int accessFlags) const
any & assign(const T &x)
Assignment function.
Definition: any.h:234
float similarity
Definition: linemod.hpp:307
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(const cv::Rect_< _Tp > &r)
Definition: types_c.h:788
Point2f center
Definition: tracker.hpp:1380
@ XML_ERROR_PARSING_UNKNOWN
Definition: tinyxml2.h:1017
@ CV_CAP_PROP_XI_LENS_MODE
Definition: videoio_c.h:355
__host__ GpuMat_(InputArray arr, Allocator *allocator=defaultAllocator())
builds GpuMat from host memory (Blocking call)
int waitKeyEx(int delay=0)
Similar to waitKey, but returns full key code.
void recip16u(const ushort *, size_t, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
TrackerModel()
Constructor.
Definition: tr_icdar.hpp:75
bool collect(int label, double dist)
overloaded interface method
bool load(const String &filename)
Loads a classifier from a file.
virtual Mat getWeights(int layerIdx) const =0
WImageView< short > WImageView_16s
Definition: wimage.hpp:90
double inv_sqrt_m00
Definition: types_c.h:401
Matx< _Tp, m, n > mul(const Matx< _Tp, m, n > &a) const
multiply two matrices element-wise
Mat_< Vec2d > Mat2d
Definition: mat.hpp:2219
Mat getPlanes(int n)
Returns slice of first dimension.
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
void setFov(const Vec2d &fov)
Definition: types.hpp:194
int radius() const
Definition: motion_stabilizing.hpp:103
String & operator+=(const char *s)
@ CALIB_FIX_S1_S2_S3_S4
Definition: calib3d.hpp:267
virtual void setNonMaxSuppression(bool nonMaxSuppression)=0
int delta_index
Definition: persistence.hpp:677
@ CAP_PROP_EXPOSURE
Exposure (only for cameras).
Definition: videoio.hpp:139
double mat4[3]
Definition: msm_epfl.hpp:65
float getScale() const
Definition: warpers.hpp:156
void cvWriteRawData(CvFileStorage *fs, const void *src, int len, const char *dt)
Writes multiple numbers.
Definition: ar_hmdb.hpp:68
virtual double getDataWeight() const =0
data weight
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts polar coordinates into Cartesian.
Size_< int > Size2i
Definition: types.hpp:311
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
#define clAmdFftTeardown
Definition: opencl_clamdfft.hpp:108
@ StsDivByZero
division by zero
Definition: base.hpp:102
static Ptr< CvFeatureParams > create(int featureType)
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
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:2934
void split(const Mat &src, Mat *mvbegin)
Divides a multi-channel array into several single-channel arrays.
Ptr< CornernessCriteria > createHarrisCorner(int srcType, int blockSize, int ksize, double k, int borderType=BORDER_REFLECT101)
Creates implementation for Harris cornerness criteria.
float * values
Definition: types_c.h:369
virtual void setUseRNG(bool val)=0
a wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV.
Definition: retinafasttonemapping.hpp:100
void convertFromImage(void *cl_mem_image, UMat &dst)
Vec(_Tp v0, _Tp v1, _Tp v2)
3-element vector constructor
_Tp value_type
Definition: traits.hpp:109
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.
size_t step1(int i=0) const
int y
Definition: tr_icdar.hpp:63
int plus_delta
Definition: types_c.h:1085
void _mm_deinterleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:56
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.
@ CALIB_FIX_K2
Definition: omnidir.hpp:59
bool imreadmulti(const String &filename, std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
Loads a multi-page image from a file.
float dx
horizontal interval between letters
Definition: highgui.hpp:643
@ LINE_LOOP
Definition: opengl.hpp:481
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:216
String getClassName() const
Get the name of the specific TrackerStateEstimator.
virtual void suppress(int idx, const Mat &frame, Mat &result)
Definition: miniflann.hpp:85
static int warn(const char *fmt,...)
Definition: logger.h:120
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:407
static std::string ToString()
Definition: mxarray.hpp:157
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:369
void cvBackProjectPCA(const CvArr *proj, const CvArr *mean, const CvArr *eigenvects, CvArr *result)
@ CV_CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio_c.h:230
virtual void clear()=0
Clears the train descriptor collection.
@ CV_THRESH_TRIANGLE
Definition: types_c.h:579
virtual void setIterations(int val)=0
Iterations count.
#define clEnqueueCopyImageToBuffer
Definition: opencl_core.hpp:150
Stream()
creates a new asynchronous stream
float minDistBetweenBlobs
Definition: features2d.hpp:563
Ptr< Importer > createTensorflowImporter(const String &model)
Creates the importer of TensorFlow framework network.
v_uint16x8 v_setzero_u16()
Definition: intrin_cpp.hpp:1520
@ COMPOSITE
Definition: defines.h:97
@ CV_DIST_FAIR
Definition: types_c.h:562
struct cv::ROISelector::handlerT selectorParams
static Ptr< ANN_MLP > create()
Creates empty model.
int cols
Definition: interpolation.hpp:273
Mat eigenvalues
eigenvalues of the covariation matrix
Definition: core.hpp:2456
Flags
Definition: core.hpp:2319
uchar * ptr
Definition: imgproc.hpp:4593
virtual bool empty() const =0
Returns true if there are no train descriptors in the collection.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
virtual ~DFT1D()
Definition: hal.hpp:202
@ CV_YUV2RGBA_I420
Definition: types_c.h:263
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
virtual int getDims() const =0
void cvSeqSort(CvSeq *seq, CvCmpFunc func, void *userdata=NULL)
@ CV_CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio_c.h:444
std::string filename
Definition: or_pascal.hpp:80
virtual void setNOctaveLayers(int octaveLayers)=0
#define CV_LU
Definition: core_c.h:1341
#define clEnqueueFillBuffer
Definition: opencl_core.hpp:152
VecCommaInitializer(Vec< _Tp, m > *_vec)
XMLError
Definition: tinyxml2.h:999
genderType gender
Definition: fr_adience.hpp:73
virtual float getInitialStepSize() const =0
Parameter initialStepSize of a SVMSGD optimization problem.
virtual void load(const std::string &path)=0
int cvGuiBoxReport(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
CvSeq * cvFindNextContour(CvContourScanner scanner)
Retrieves next contour.
hashtable_int * hashtableRead(FILE *f)
XMLError QueryBoolAttribute(const char *name, bool *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1243
@ CV_RGBA2GRAY
Definition: types_c.h:128
size_t elemSize() const
returns element size in bytes
void writeFormat(FileStorage &fs) const
virtual Mat estimateMotion()
int recentEdge
Definition: imgproc.hpp:1157
@ CV_Luv2BGR
Definition: types_c.h:190
Size getOriginalWindowSize() const
Matrix< T > as()
Definition: matrix.h:106
virtual void getInitStep(OutputArray step) const =0
Returns the initial step that will be used in downhill simplex algorithm.
CostFunction costFunction() const
Definition: seam_finders.hpp:125
virtual ~XMLVisitor()
Definition: tinyxml2.h:445
Definition: types_c.h:1569
Exception(int _code, const String &_err, const String &_func, const String &_file, int _line)
void cvtColor(InputArray src, OutputArray dst, int code, int dstCn=0)
Converts an image from one color space to another.
virtual int getMaxCategories() const =0
#define clCreateImage
Definition: opencl_core_wrappers.hpp:28
@ COLOR_BayerBG2RGB
Definition: imgproc.hpp:740
#define clGetKernelArgInfo
Definition: opencl_core.hpp:210
void cvSetRealND(CvArr *arr, const int *idx, double value)
int cvInitNArrayIterator(int count, CvArr **arrs, const CvArr *mask, CvMatND *stubs, CvNArrayIterator *array_iterator, int flags=0)
double Px
Definition: gr_chalearn.hpp:67
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
Definition: sparse_matching_gpc.hpp:79
~AutoBuffer()
destructor. calls deallocate()
float initInRad
radius for gathering positive instances during init
Definition: tracker.hpp:807
virtual void setup(String retinaParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
Try to open an XML retina parameters file to adjust current retina instance setup.
virtual size_t maxSize(void) const
int dataOrder
Definition: types_c.h:310
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
std::vector< int > labels
Definition: ar_sports.hpp:63
@ CV_CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio_c.h:222
CvPoint(const cv::Point_< _Tp > &pt)
Definition: types_c.h:874
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
#define clReleaseSampler
Definition: opencl_core.hpp:246
size_t maxConstantBufferSize() const
Ptr< detail::ExposureCompensator > exposureCompensator()
Definition: stitching.hpp:220
L2< T >::ResultType DistanceType
Definition: flann.hpp:345
True is_kdtree_distance
Definition: dist.h:640
@ COLOR_YUV2RGBA_NV12
Definition: imgproc.hpp:635
Definition: fr_adience.hpp:84
Definition: interpolation.hpp:295
virtual void setSigma(double sigma)=0
@ CPU_AVX_512VL
Definition: cvdef.h:159
size_t find(const char *s, size_t pos=0) const
Definition: onlineBoosting.hpp:110
void setTrackbarMin(const String &trackbarname, const String &winname, int minval)
Sets the trackbar minimum position.
_Tp & front()
returns reference to the first sequence element
Definition: core_c.h:3032
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Apply Guided Filter to the filtering image.
@ CV_CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio_c.h:242
void read(const FileNode &fn)
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:80
@ CV_CAP_CMU1394
Definition: videoio_c.h:88
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
@ CV_BGR2YCrCb
Definition: types_c.h:159
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)
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
Definition: types_c.h:103
bool addTrackerSamplerAlgorithm(Ptr< TrackerSamplerAlgorithm > &sampler)
@ HOUGH_MULTI_SCALE
Definition: imgproc.hpp:472
bool empty() const
returns true if the node is empty
@ COLOR_RGB2RGBA
Definition: imgproc.hpp:521
@ CAP_PROP_XI_BINNING_SELECTOR
Binning engine selector.
Definition: videoio.hpp:352
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.
Definition: tracker.hpp:1366
v_reg< float, 4 > v_float32x4
Four 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:366
size_t find_last_of(char c, size_t pos=npos) const
virtual void dsinsert(InputArray Array, String dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:284
void merge16u(const ushort **src, ushort *dst, int len, int cn)
Dictionary/Set of markers. It contains the inner codification.
Definition: dictionary.hpp:61
virtual void setOuterIterations(int val)=0
Outer iterations (number of inner loops) used in the numerical scheme.
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: lsh_index.h:128
Hdr * hdr
Definition: mat.hpp:2769
schar elem_type
Definition: vec_traits.hpp:152
@ CV_CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
Definition: videoio_c.h:350
virtual void setNumLevels(int numLevels)=0
@ FLANN_UINT32
Definition: defines.h:163
void forEach(const Functor &operation) const
mxArray * releaseOwnership()
Definition: mxarray.hpp:393
Bridge & operator=(const Ptr_DualTVL1OpticalFlow &)
Definition: bridge.hpp:477
virtual int getNOctaveLayers() const =0
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
SrcPtr src
Definition: interpolation.hpp:299
size_t hashval
hash value
Definition: mat.hpp:2537
XMLNode * _parent
Definition: tinyxml2.h:838
void max64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
@ CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio.hpp:502
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
__host__ GpuMat_ row(int y) const
@ ICP_SAMPLING_TYPE_UNIFORM
Definition: icp.hpp:86
@ CV_CAP_PROP_XI_CC_MATRIX_20
Definition: videoio_c.h:340
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
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())
Ptr< DenseOpticalFlow > createOptFlow_PCAFlow()
Creates an instance of PCAFlow.
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
void cvNormalizeHist(CvHistogram *hist, double factor)
Normalizes the histogram.
String elname
the currently written element
Definition: persistence.hpp:466
void destroyFlann(void *flannIndex)
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:780
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
void updatePose(double NewPose[16])
Updates the pose with the new one.
@ CV_CAP_PROP_XI_TRG_SELECTOR
Definition: videoio_c.h:349
int DIMode
NVVE_SET_DEINTERLACE,.
Definition: cudacodec.hpp:99
Mat addNoisePC(Mat pc, double scale)
T thresh
Definition: functional.hpp:716
Definition: functional.hpp:281
int verbosity_level
Definition: simple_pipeline.hpp:151
@ CV_TM_CCORR
Definition: types_c.h:435
virtual void read(const FileNode &fn)
@ CV_CAP_PROP_XI_TRG_SOFTWARE
Definition: videoio_c.h:266
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
void forward(const std::vector< LayerId > &startLayers, const std::vector< LayerId > &toLayers)
void SetAttribute(float value)
Set the attribute to value.
Matx< float, 4, 1 > Matx41f
Definition: matx.hpp:208
void writeParameters(const std::string &filename)
bool doInpainting_
Definition: stabilizer.hpp:127
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
virtual void run(const std::vector< std::string > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
Ptr< ERFilter::Callback > loadClassifierNM2(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
double solvePoly(InputArray coeffs, OutputArray roots, int maxIters=300)
Finds the real or complex roots of a polynomial equation.
cv::Point toPoint() const
Definition: bridge.hpp:310
void absdiff64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
void smallRegionRemoval(const Mat ¤tMap, 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
@ DIST_FAIR
distance = c^2(|x|/c-log(1+|x|/c)), c = 1.3998
Definition: imgproc.hpp:314
CvPoint2D32f cvPointTo32f(CvPoint point)
Definition: types_c.h:920
@ HAAR
Definition: bm3d_image_denoising.hpp:64
flann_algorithm_t getType() const
Definition: kdtree_single_index.h:135
@ FLOODFILL_FIXED_RANGE
Definition: imgproc.hpp:392
void cvTranspose(const CvArr *src, CvArr *dst)
BaseClassifier(int numWeakClassifier, int iterationInit, WeakClassifierHaarFeature **weakCls)
std::string toString()
Definition: bridge.hpp:271
CvFileNode * operator*()
returns pointer to the underlying file node
@ SOLVELP_SINGLE
there is only one maximum for target function
Definition: optim.hpp:261
const std::vector< ConfidenceMap > & getConfidenceMaps() const
Get the list of the ConfidenceMap.
virtual int getScaleThresh() const =0
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:546
void setSampleROI(const Rect &ROI)
Set the sampling ROI.
@ CV_XYZ2RGB
Definition: types_c.h:157
@ CAP_PROP_XI_DECIMATION_SELECTOR
Decimation engine selector.
Definition: videoio.hpp:356
virtual void setOuterIterations(int val)=0
Number of warping iterations (number of pyramid levels)
@ COLOR_YUV2GRAY_UYNV
Definition: imgproc.hpp:710
void absdiff16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
std::vector< Rect2d > objects
Definition: tracker.hpp:1349
@ NPPST_ERROR
Unknown error.
Definition: NCV.hpp:356
int getW() const
Definition: saliencySpecializedClasses.hpp:333
@ CAP_ARAVIS
Aravis SDK.
Definition: videoio.hpp:117
bool empty() const
Definition: inpainting.hpp:112
@ CV_TYZX_COLOR
Definition: videoio_c.h:94
IplImage * cvQueryFrame(CvCapture *capture)
Just a combination of cvGrabFrame and cvRetrieveFrame.
const char * cvGetWindowName(void *window_handle)
virtual size_t maxSize(void) const
Definition: all_layers.hpp:369
Definition: motion_stabilizing.hpp:60
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:108
Bridge & operator=(const matlab::MxArray &obj)
Definition: bridge.hpp:213
@ COLOR_YUV420sp2RGBA
Definition: imgproc.hpp:639
virtual size_t size() const =0
#define clCompileProgram
Definition: opencl_core.hpp:104
@ COLOR_BayerBG2BGR_MHT
Bayer Demosaicing (Malvar, He, and Cutler)
Definition: cudaimgproc.hpp:95
@ triangle
Definition: gr_skig.hpp:63
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.
int64 getCounter() const
Definition: utility.hpp:351
EstimatedGaussDistribution(float P_mean, float R_mean, float P_sigma, float R_sigma)
@ MARKER_DIAMOND
A diamond marker shape.
Definition: imgproc.hpp:4235
int readGT(String src_path, OutputArray dst)
Function for reading ground truth disparity maps. Supports basic Middlebury and MPI-Sintel formats....
uint64 CvRNG
Definition: types_c.h:203
@ CV_BayerGB2BGR_EA
Definition: types_c.h:343
@ CV_StsOk
Definition: types_c.h:120
@ CV_YUV2RGBA_NV21
Definition: types_c.h:245
@ 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
void colormap(const Mat &quantized, Mat &dst)
Debug function to colormap a quantized image for viewing.
void set(size_t index)
Definition: dynamic_bitset.h:128
int usedMemory() const
Definition: composite_index.h:128
FileNode operator*() const
returns the currently observed element
void recip32s(const int *, size_t, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates implementation for generalized hough transform from .
virtual IndexParams getParameters() const =0
KCF is a novel tracking framework that utilizes properties of circulant matrix to enhance the process...
Definition: tracker.hpp:1206
Size getPatchSize() const
static Ptr< IR_affine > create()
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)
A helper class for cv::DataType.
Definition: traits.hpp:263
double getMaxTranslation() const
Definition: rgbd.hpp:969
double getSensorErrorA() const
Definition: rgbd.hpp:428
static Ptr< LSTMLayer > create()
bool swapFeature(int id, CvHaarEvaluator::FeatureHaar &feature)
Swap the feature in position id with the feature input.
Blob(InputArray data)
Constructs Blob from existing Mat or UMat.
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
#define log_gamma(x)
Definition: descriptor.hpp:445
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
int Size() const
Definition: tinyxml2.h:269
@ DIST_LABEL_CCOMP
Definition: imgproc.hpp:383
SeqReader reader
Definition: persistence.hpp:683
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
#define TIXMLASSERT(x)
Definition: tinyxml2.h:90
Point2f getVertex(int vertex, int *firstEdge=0) const
Returns vertex location from vertex ID.
void convertTo(OutputArray dst, int rtype, double alpha, double beta, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
@ NAME_EXPECTED
Definition: persistence.hpp:326
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: wobble_suppression.hpp:68
#define clReleaseKernel
Definition: opencl_core.hpp:240
__device__ static __forceinline__ void blockFill(It beg, It end, const T &value)
Definition: block.hpp:75
int dims
Definition: core_c.h:569
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,...
Definition: photo.hpp:456
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)
Definition: tracker.hpp:1090
virtual void static_delete(void **x)
Definition: any.h:80
SrcPtr src
Definition: interpolation.hpp:68
CvMat(const CvMat &m)
Definition: types_c.h:461
virtual float getLambda()=0
void write(const String &fileName) const
Definition: features2d.hpp:930
virtual double getHighThreshold() const =0
SparseMatConstIterator_(const SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:130
virtual ~ResultSet()
Definition: result_set.h:69
uchar ** ptrs
data pointers
Definition: mat.hpp:3267
void setNSS(int val)
Definition: saliencySpecializedClasses.hpp:329
void setText(const String &text)
Sets the text content of the widget.
@ CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Camera housing back side temperature.
Definition: videoio.hpp:388
#define clSetKernelArg
Definition: opencl_core.hpp:266
AngleRangeOption
Specifies the part of Hough space to calculate.
Definition: fast_hough_transform.hpp:65
virtual void setUseInitialFlow(bool val)=0
Use initial flow.
Rect warpRoi(Size src_size, InputArray K, InputArray R)
@ DICT_6X6_250
Definition: dictionary.hpp:152
virtual void setGamma(double val)=0
Gradient constancy importance.
int index_type
Definition: extrapolation.hpp:63
@ CV_BGR2HSV
Definition: types_c.h:164
virtual void apply(const uchar *src, uchar *dst)=0
end if(size(A, 2) ~=1) for i
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.
@ LEFT
Definition: slam_tumindoor.hpp:62
@ CV_CAP_PROP_ANDROID_FOCAL_LENGTH
Definition: videoio_c.h:418
Mat iterCounts
Definition: rgbd.hpp:868
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:89
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:145
void setBundleAdjuster(Ptr< detail::BundleAdjusterBase > bundle_adjuster)
Definition: stitching.hpp:206
void minEnclosingCircle(InputArray points, Point2f ¢er, float &radius)
Finds a circle of the minimum area enclosing a 2D point set.
@ shortdim
Definition: matx.hpp:95
int rotateEdge(int edge, int rotate) const
Returns another edge of the same quad-edge.
CvGraph * cvCloneGraph(const CvGraph *graph, CvMemStorage *storage)
double computeMSE(InputArray GT, InputArray src, Rect ROI)
Function for computing mean square error for disparity maps.
@ HOG
Definition: feature.hpp:144
virtual MotionModel motionModel() const
Definition: global_motion.hpp:209
int rows
Definition: deriv.hpp:116
Ptr< Importer > createTorchImporter(const String &filename, bool isBinary=true)
Creates the importer of Torch7 framework network.
Ncv32u stride() const
Definition: NCV.hpp:760
float x
Definition: types_c.h:895
virtual void setBlackThreshold(size_t value)=0
Sets the value for black threshold, needed for decoding (shadowsmasks computation).
bool isSeq() const
returns true if the node is a sequence
virtual int getBinaryKernelType() const =0
int line_type
Qt: PointSize.
Definition: imgproc_c.h:1130
int cols
Definition: extrapolation.hpp:100
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
void cvDrawChessboardCorners(CvArr *image, CvSize pattern_size, CvPoint2D32f *corners, int count, int pattern_was_found)
@ FTP
Definition: sinusoidalpattern.hpp:58
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)
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:79
@ nppStBorderWrap
Wrap out of range position. Image becomes periodic.
Definition: NPP_staging.hpp:92
@ CAP_PROP_XI_COLUMN_FPN_CORRECTION
Correction of column FPN.
Definition: videoio.hpp:456
void cvReleaseStructuringElement(IplConvKernel **element)
releases structuring element
@ CV_BayerRG2GRAY
Definition: types_c.h:232
int anchorX
Definition: types_c.h:367
Definition: types_c.h:966
Ptr< GrayworldWB > createGrayworldWB()
Creates an instance of GrayworldWB.
int selectBestClassifier(std::vector< bool > &errorMask, float importance, std::vector< float > &errors)
std::ostream & operator<<(std::ostream &out, const empty_any &)
Definition: any.h:34
int step
Definition: types_c.h:426
virtual void setKernel(int kernelType)=0
virtual bool isMaskSupported() const =0
Returns true if the descriptor matcher supports masking permissible matches.
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...
CvFileNode * cvGetFileNode(CvFileStorage *fs, CvFileNode *map, const CvStringHashNode *key, int create_missing=0)
Finds a node in a map or file storage.
void setMinDepth(double val)
Definition: rgbd.hpp:662
virtual vector< Point2f > getGT(int datasetID, int frameID)=0
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.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Definition: warpers.hpp:534
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.
void push_back_(const void *elem)
internal function
__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
float _mu0
Definition: onlineMIL.hpp:93
Definition: track_alov.hpp:74
Point2f pt
Definition: imgproc.hpp:1136
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
SparseMatConstIterator_(const SparseMat *_m)
void registerKeyboardCallback(KeyboardCallback callback, void *cookie=0)
Sets keyboard handler.
WCoordinateSystem(double scale=1.0)
Constructs a WCoordinateSystem.
void seed_random(unsigned int seed)
Definition: random.h:47
@ CV_StsInternal
Definition: types_c.h:123
#define CV_MAX_DIM
Definition: types_c.h:616
int y
Definition: linemod.hpp:306
__device__ __forceinline__ OutIt warpCopy(InIt beg, InIt end, OutIt out)
Definition: warp.hpp:86
std::string srcColor
Definition: is_weizmann.hpp:64
static Matx randn(_Tp a, _Tp b)
bool NoChildren() const
Returns true if this node has no children.
Definition: tinyxml2.h:673
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.
cudaStream_t nppStSetActiveCUDAstream(cudaStream_t cudaStream)
_Tp value(int i0, int i1, size_t *hashval=0) const
returns value of the specified element (2D case)
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
Scalar_(const Vec< _Tp2, cn > &v)
virtual double minimize(InputOutputArray x)=0
actually runs the algorithm and performs the minimization.
void inRange(InputArray src, InputArray lowerb, InputArray upperb, OutputArray dst)
Checks if array elements lie between the elements of two other arrays.
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
Definition: videoio_c.h:301
@ CV_XYZ2BGR
Definition: types_c.h:156
~GpuMat()
destructor - calls release()
end function a14
Definition: modelConvert.m:45
@ CV_CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio_c.h:442
CmpTypes
comparison types
Definition: base.hpp:200
UMat(UMatUsageFlags usageFlags=USAGE_DEFAULT)
default constructor
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.
Definition: types_c.h:519
Complex< float > Complexf
Definition: types.hpp:90
virtual void load(const std::string &path)=0
void(* CvButtonCallback)(int state, void *userdata)
Definition: highgui_c.h:95
#define clEnqueueCopyBuffer
Definition: opencl_core.hpp:142
Mat_< Vec2i > Mat2i
Definition: mat.hpp:2209
Definition: tr_svt.hpp:67
PooledAllocator(int blockSize=BLOCKSIZE)
Definition: allocator.h:95
#define CV_CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d_c.h:208
Definition: ir_affine.hpp:62
int set(int i, const UMat &m)
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:102
static Ptr< Dictionary > create(int nMarkers, int markerSize)
ERStat(int level=256, int pixel=0, int x=0, int y=0)
Constructor.
Definition: traits.hpp:275
virtual void setPreFilterType(int preFilterType)=0
@ COLOR_BGR2YCrCb
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:576
void write(FileStorage &fs) const
@ GC_PR_BGD
a possible background pixel
Definition: imgproc.hpp:362
NCVVector()
Definition: NCV.hpp:572
size_t find_last_of(const char *s, size_t pos=npos) const
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.
MxArray & operator=(MxArray other)
copy-and-swap assignment
Definition: mxarray.hpp:354
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.
virtual int getNumLevels() const =0
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
NCVStatus ncvDrawRects_8u_device(Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
@ IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs.hpp:117
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Method that searches for nearest-neighbours.
Definition: composite_index.h:175
virtual void filter(InputArray src, OutputArray dst, InputArray joint=noArray())=0
Apply high-dimensional filtering using adaptive manifolds.
virtual TermCriteria getTermCriteria() const =0
__host__ Expr< SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelX_(const SrcPtr &src)
Definition: deriv.hpp:81
@ USAGE_ALLOCATE_SHARED_MEMORY
Definition: mat.hpp:398
int _s
Definition: onlineMIL.hpp:95
std::string dep
Definition: gr_skig.hpp:97
virtual Mat getDefaultPeopleDetector() const =0
Returns coefficients of the classifier trained for people detection.
@ CV_CAP_PROP_MONOCHROME
Definition: videoio_c.h:185
@ CAP_V4L2
Same as CAP_V4L.
Definition: videoio.hpp:92
_Tp x
Definition: types.hpp:249
_Tp & at(int i0=0)
Returns a reference to the specified array element.
Mat operator()(const Rect &roi) const
int rows
Definition: glob.hpp:87
Mat_< Vec3f > Mat3f
Definition: mat.hpp:2215
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelSLIC object.
void * cvMemStorageAlloc(CvMemStorage *storage, size_t size)
DictValue * ptr(const String &key)
If the key in the dictionary then returns pointer to its value, else returns NULL.
@ CAP_PROP_XI_LENS_FOCAL_LENGTH
Lens focal distance in mm.
Definition: videoio.hpp:425
Definition: warpers.hpp:386
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
static void ToStr(int v, char *buffer, int bufferSize)
int QR64f(double *A, size_t astep, int m, int n, int k, double *b, size_t bstep, double *hFactors)
_Tp & reference
Definition: mat.hpp:2984
double getThreshold() const
Definition: rgbd.hpp:420
Bridge & operator=(const cv::Scalar &)
Definition: bridge.hpp:334
Class used for calculating a sparse optical flow.
Definition: tracking.hpp:597
void _mm_deinterleave_epi16(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:294
@ SLICO
Definition: slic.hpp:155
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:257
virtual double getThreshold() const =0
threshold parameter accessor - required for default BestMinDist collector
Action action
Definition: types.hpp:239
Definition: NCVHaarObjectDetection.hpp:333
NcvBool isMemReused() const
Definition: NCV.hpp:723
_Tp & ref(int i0, int i1, int i2, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(i0, i1, i2, hashval)
TrackerStateEstimator based on SVM.
Definition: tracker.hpp:778
@ XYZ
Definition: omnidir.hpp:76
void euclideanToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space. E.g., ((x,y)->(x,y,1))
actionType
Definition: gr_skig.hpp:61
std::string rgb
Definition: gr_skig.hpp:96
@ COLOR_YUV2BGRA_IYUV
Definition: imgproc.hpp:654
Point_< float > Point2f
Definition: types.hpp:181
@ ALPHA_PLUS_PREMUL
Definition: cudaimgproc.hpp:160
WGrid(const Vec2i &cells=Vec2i::all(10), const Vec2d &cells_spacing=Vec2d::all(1.0), const Color &color=Color::white())
Constructs a WGrid.
@ COLOR_LBGR2Lab
Definition: imgproc.hpp:612
@ CV_DIST_L12
Definition: types_c.h:561
vector< vector< Ptr< TRACK_votObj > > > data
Definition: track_vot.hpp:86
__host__ void gridPyrUp(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:79
int cvCheckHardwareSupport(int feature)
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:391
int cvRunHaarClassifierCascade(const CvHaarClassifierCascade *cascade, CvPoint pt, int start_stage=0)
@ StsFilterOffsetErr
incorrect filter ofset value
Definition: base.hpp:100
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....
const uchar * ptr(int i0=0) const
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)
static __host__ int getRows(const Expr< Body > &expr)
Definition: expr.hpp:82
int hal_ni_invSqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:423
__host__ void gridMerge(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:502
virtual void setSmallerBlockSize(int blockSize)=0
Definition: outlier_rejection.hpp:75
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:333
void setTransformType(int val)
Definition: rgbd.hpp:710
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.
_OutputArray(const std::vector< Mat > &vec)
RGBD_PLANE_METHOD
Definition: rgbd.hpp:359
int type
Definition: types_c.h:425
void flip(InputArray src, OutputArray dst, int flipCode, Stream &stream=Stream::Null())
Flips a 2D matrix around vertical, horizontal, or both axes.
const uchar * ptr
Definition: mat.hpp:2913
@ CV_CVTIMG_FLIP
Definition: imgcodecs_c.h:123
struct CvSeqBlock * prev
Definition: types_c.h:1217
virtual int getSolverIterations() const =0
Number of linear system solver iterations.
virtual ~Blender()
Definition: blenders.hpp:65
@ COLOR_YUV2BGRA_UYNV
Definition: imgproc.hpp:686
Definition: warping.hpp:131
double negativeSlope
Definition: all_layers.hpp:339
void SetName(const char *str, bool staticMem=false)
Set the name of the element.
Definition: tinyxml2.h:1142
virtual ~DescriptorCollection()
int rows
Definition: zip.hpp:110
@ 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
Definition: videoio_c.h:320
void maxWorkItemSizes(size_t *) const
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
Definition: videoio_c.h:233
SimilarRects(double _eps)
Definition: objdetect.hpp:124
Matx< _Tp, m, 1 > col(int i) const
extract the matrix column
@ female
Definition: fr_adience.hpp:63
@ CV_CAP_OPENNI2
Definition: videoio_c.h:121
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1183
virtual int getAppertureSize() const =0
const CvFileNode * node
Definition: persistence.hpp:609
@ FLAGS_MAPPING
Definition: utility.hpp:1156
const std::vector< Mat > & getSamples() const
Return the samples from all TrackerSamplerAlgorithm, Fig. 1 variable Sk.
int readPose(const std::string &FileName)
@ CALIB_FIX_TAUX_TAUY
Definition: calib3d.hpp:269
void setSize(const Size &size)
Sets the image size of the widget.
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:127
virtual void find(const std::vector< Size > &size, const std::vector< Point > &corners, std::vector< UMat > &masks)
Mat(Size size, int type, const Scalar &s)
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
virtual void checkParams() const
float normL2Sqr_(const float *a, const float *b, int n)
Feature2D FeatureDetector
Definition: features2d.hpp:214
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)
String getClassName() const
Get the name of the specific saliency type.
CvTermCriteria cvCheckTermCriteria(CvTermCriteria criteria, double default_eps, int default_max_iters)
True is_kdtree_distance
Definition: dist.h:260
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)
size_t remaining
Definition: persistence.hpp:684
Ptr< PoseCluster3D > PoseCluster3DPtr
Definition: pose_3d.hpp:61
@ CV_CAP_PROP_SUPPORTED_PREVIEW_SIZES_STRING
Definition: videoio_c.h:212
@ PRESET_FAST
Definition: optflow.hpp:273
Ptr< detail::Blender > blender()
Definition: stitching.hpp:229
virtual void setBaseImage(InputArray img)=0
Set a image used by switch* functions to initialize the class.
int usedMemory
Definition: allocator.h:89
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.
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.
@ INPAINT_SHIFTMAP
Definition: inpainting.hpp:67
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)
bool isNone() const
returns true if the node is a "none" object
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
#define clEnqueueCopyBufferToImage
Definition: opencl_core_wrappers.hpp:76
virtual void setCameraIntrinsicOptions(const libmv_CameraIntrinsicsOptions &libmv_camera_intrinsics_options)=0
void prepare(const std::vector< Point > &corners, const std::vector< Size > &sizes)
Prepares the blender for blending.
Definition: miniflann.hpp:114
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.
@ XML_ERROR_FILE_NOT_FOUND
Definition: tinyxml2.h:1006
HostMem reshape(int cn, int rows=0) const
Ptr_Tonemap toPtrTonemap()
Definition: bridge.hpp:503
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)
Vec2i maxTexture1DLayered() const
maximum 1D layered texture dimensions
virtual void setScale(int val)=0
Scale factor.
void attachContext(const String &platformName, void *platformID, void *context, void *deviceID)
void convertPointsHomogeneous(InputArray src, OutputArray dst)
Converts points to/from homogeneous coordinates.
int getLayerId(const String &layer)
Converts string name of the layer to the integer identifier.
@ CV_CAP_PROP_XI_WB_KB
Definition: videoio_c.h:307
@ CV_StsNotImplemented
Definition: types_c.h:164
int m_numWeakClassifier
Definition: onlineBoosting.hpp:142
virtual XMLNode * ShallowClone(XMLDocument *) const
Definition: tinyxml2.h:1681
double m11
Definition: types.hpp:862
Definition: functional.hpp:87
@ COLOR_Luv2LBGR
Definition: imgproc.hpp:619
int nbins
Definition: objdetect.hpp:425
NCVStatus nppiStIntegral_32f32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
@ CAP_PROP_XI_CC_MATRIX_33
Color Correction Matrix element [3][3].
Definition: videoio.hpp:412
virtual ~NCVMemStackAllocator()
int cols
Definition: deriv.hpp:163
size_t imageMaxArraySize() const
@ CALIB_CB_ASYMMETRIC_GRID
Definition: calib3d.hpp:250
FileNodeIterator begin() const
returns iterator pointing to the first node element
virtual void setWhiteThreshold(size_t value)=0
Sets the value for white threshold, needed for decoding.
@ CV_SPECKLE_REMOVAL_ALGORITHM
Definition: stereo.hpp:118
@ CAP_PROP_XI_CC_MATRIX_22
Color Correction Matrix element [2][2].
Definition: videoio.hpp:407
Definition: warpers.hpp:591
cvflann::flann_distance_t getDistance() const
struct CvStringHashNode * next
Definition: types_c.h:1779
@ CV_CAP_PROP_FOURCC
Definition: videoio_c.h:172
@ MORPH_ERODE
see cv::erode
Definition: imgproc.hpp:236
static Ptr< IS_weizmann > create()
@ depth
Definition: matx.hpp:309
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
Definition: videoio_c.h:192
AffineWarper(float scale=1.f)
Construct an instance of the affine warper class.
Definition: warpers.hpp:220
virtual double getSigmaRange() const =0
filter range sigma
int maxConstantArgs() const
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
cv::Ptr< BIF > createBIF(int num_bands=8, int num_rotations=12)
void generateRandomClassifier()
@ COLOR_RGB2HLS_FULL
Definition: imgproc.hpp:605
void cvSetTrackbarMin(const char *trackbar_name, const char *window_name, int minval)
@ CV_TM_SQDIFF_NORMED
Definition: types_c.h:434
Color(const Scalar &color)
void copyTo(OutputArray m, InputArray mask) const
copies those matrix elements to "m" that are marked with non-zero mask elements.
void split64s(const int64 *src, int64 **dst, int len, int cn)
virtual const XMLElement * ToElement() const
Definition: tinyxml2.h:628
@ CV_CAP_PROP_XI_DEVICE_RESET
Definition: videoio_c.h:390
int num_inliers
Number of geometrically consistent matches.
Definition: matchers.hpp:215
DepthCleaner(int depth, int window_size=5, int method=DEPTH_CLEANER_NIL)
@ CV_CAP_PROP_XI_LENS_FOCUS_DISTANCE
Definition: videoio_c.h:359
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
virtual int getSvmsgdType() const =0
Algorithm type, one of SVMSGD::SvmsgdType.
Inpaint run(const Mat &mask, Inpaint inpaint)
Template method that runs the Fast Marching Method.
Definition: fast_marching_inl.hpp:54
The class implements Histogram of Oriented Gradients () object detector.
Definition: cudaobjdetect.hpp:79
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
@ nppStSupersample
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
bool update(const Mat &image, int target, float importance=1.0)
Definition: all_layers.hpp:345
float Type
Definition: features2d.hpp:715
virtual void setWinSize(int winSize)=0
void drawDetectedCornersCharuco(InputOutputArray image, InputArray charucoCorners, InputArray charucoIds=noArray(), Scalar cornerColor=Scalar(255, 0, 0))
Draws a set of Charuco corners.
virtual void setFastPyramids(bool fastPyramids)=0
virtual void getMagnoRAW(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
#define clEnqueueNativeKernel
Definition: opencl_core_wrappers.hpp:109
@ CV_CAP_OPENNI_DISPARITY_MAP
Definition: videoio_c.h:470
uchar * ptr(int i0, int i1, bool createMissing, size_t *hashval=0)
returns pointer to the specified element (2D case)
virtual int getBlockSize() const =0
Node()
Definition: utility.hpp:1011
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:73
#define clAmdFftSetPlanScale
Definition: opencl_clamdfft.hpp:100
@ OPEN
Definition: tinyxml2.h:1462
void selectRandomSubset(int count, int size, std::vector< int > &subset)
int flags
Definition: types_c.h:1356
Size size() const
returns GpuMat size : width == number of columns, height == number of rows
Base abstract class for the long-term tracker:
Definition: tracker.hpp:531
std::vector< Mat > pyramidCloud
Definition: rgbd.hpp:515
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:174
const SparseMat::Node * node() const
returns the current node of the sparse matrix. it.node->idx is the current element index
void KRtFromProjection(InputArray P, OutputArray K, OutputArray R, OutputArray t)
Get K, R and t from projection matrix P, decompose using the RQ decomposition.
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.
virtual bool scanAttr(const std::string prm, const std::string val)
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a GridBoard.
@ CAP_PROP_SPEED
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:551
double m21
Definition: types.hpp:862
virtual void setTreeHeight(int val)=0
@ COLLAPSE_WHITESPACE
Definition: tinyxml2.h:152
Mat colRange(const Range &r) const
virtual void setMinObjectSize(Size minSize)=0
Minimum possible object size. Objects smaller than that are ignored.
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...
void inpaint(const Mat &src, const Mat &mask, Mat &dst, const int algorithmType)
The function implements different single-image inpainting algorithms.
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)
virtual void setWinSize(int winSize)=0
@ EVENT_MBUTTONDBLCLK
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:214
CvMat * cvCloneMat(const CvMat *mat)
__host__ __device__ static __forceinline__ schar make(schar x)
Definition: vec_traits.hpp:147
int face_id
Definition: fr_adience.hpp:71
FileNode(const FileNode &node)
void setSeamEstimationResol(double resol_mpx)
Definition: stitching.hpp:173
#define CV_SUBMAT_FLAG
Definition: cvdef.h:397
schar * getSeqElem(const CvSeq *seq, int index)
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: kmeans_index.h:498
_Tp & ref(int i0, int i1, int i2, size_t *hashval=0)
returns reference to the specified element (3D case)
@ READ
value, open the file for reading
Definition: persistence.hpp:308
float area_width
Definition: interpolation.hpp:300
#define CV_CUDEV_GRAY2RGB_INST(name, dcn)
Definition: color_cvt.hpp:89
virtual void setWinSize(Size winSize)=0
bool open(int cameraNum, int apiPreference)
Open a camera for video capturing.
@ CV_CAP_PROP_XI_FRAMERATE
Definition: videoio_c.h:371
SparseMatConstIterator begin() const
returns the read-only sparse matrix iterator at the matrix beginning
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)
Definition: tinyxml2.h:1954
@ CV_CAP_PROP_PVAPI_BINNINGY
Definition: videoio_c.h:257
CvTermCriteria(int _type=0, int _iter=0, double _eps=0)
Definition: types_c.h:844
virtual Size winSize() const
Definition: optical_flow.hpp:85
size_t localMemSize() const
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
Mat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
some more overriden methods
@ CV_mRGBA2RGBA
Definition: types_c.h:325
int flags
Definition: objdetect_c.h:108
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
virtual int getMinDisparity() const =0
KDTreeIndex(const Matrix< ElementType > &inputData, const IndexParams ¶ms=KDTreeIndexParams(), Distance d=Distance())
Definition: kdtree_index.h:84
Ptr< CvCapture > cap
Definition: videoio.hpp:800
@ XML_ERROR_FILE_COULD_NOT_BE_OPENED
Definition: tinyxml2.h:1007
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,...
bool equalShape(const Blob &other) const
Checks equality of two blobs shapes.
virtual float getContrastWeight() const =0
@ XML_WRONG_ATTRIBUTE_TYPE
Definition: tinyxml2.h:1004
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...
double maxVal
Maximum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:116
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
@ CPU_AVX_512IFMA512
Definition: cvdef.h:156
cv::Ptr< cv::StereoBM > Ptr_StereoBM
Definition: bridge.hpp:79
Definition: imgproc.hpp:1128
@ JPEG
Definition: cudacodec.hpp:250
virtual ~ClassifierThreshold()
float parasolCells_beta
Definition: retina.hpp:176
void * cvClone(const void *struct_ptr)
Makes a clone of an object.
void addPoint(DistanceType dist, int index)
Definition: result_set.h:405
Mat(int ndims, const int *sizes, int type)
static Ptr< StaticSaliencySpectralResidual > create()
Definition: saliencySpecializedClasses.hpp:76
big_any_policy< T > type
Definition: any.h:121
void cvClearSeq(CvSeq *seq)
@ SOLVELP_UNFEASIBLE
problem is unfeasible (there are no points that satisfy all the constraints imposed)
Definition: optim.hpp:260
int class_id
object class (if the keypoints need to be clustered by an object they belong to)
Definition: types.hpp:708
std::vector< float > classifySetF(const Mat &x)
virtual double getRpropDW0() const =0
@ CV_RGB2BGR
Definition: types_c.h:116
double getMaxDepth() const
Definition: rgbd.hpp:666
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
GrabCutModes
GrabCut algorithm flags.
Definition: imgproc.hpp:367
virtual void setMaxFeatures(int maxFeatures)=0
@ StsUnsupportedFormat
the data format/type is not supported by the function
Definition: base.hpp:110
std::vector< Mat > pyramid_dI_dx
Definition: rgbd.hpp:517
Default predict collector.
Definition: predict_collector.hpp:83
unsigned int desc_npca
non-compressed descriptors of TrackerKCF::MODE
Definition: tracker.hpp:1249
@ ERGROUPING_ORIENTATION_ANY
Definition: erfilter.hpp:293
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
Ptr< Plot2d > createPlot2d(InputArray data)
Creates Plot2d object.
virtual void detect(InputArrayOfArrays images, std::vector< std::vector< KeyPoint > > &keypoints, InputArrayOfArrays masks=noArray())
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 .
float _log_n1
Definition: onlineMIL.hpp:96
Mat measurementNoiseCov
Measurement noise cross-covariance matrix, MP x MP.
Definition: kalman_filters.hpp:136
double getMaxRotation() const
Definition: rgbd.hpp:977
const _Tp & operator()(int i, int j) const
element access
static Yes check(binary_function< T1, T2, D >)
float minInertiaRatio
Definition: features2d.hpp:575
MatExpr abs(const Mat &m)
Calculates an absolute value of each matrix element.
size_t hash(int i0, int i1, int i2) const
computes the element hash value (3D case)
Blob getBlob(String outputName)
Returns the layer output blob.
@ CV_CAP_PROP_XI_AEAG
Definition: videoio_c.h:276
@ NORM_L1
Definition: base.hpp:189
#define clGetDeviceIDs
Definition: opencl_core.hpp:196
@ COLOR_BGRA2RGBA
Definition: imgproc.hpp:535
@ BadDepth
Definition: base.hpp:86
float a
Definition: warpers.hpp:345
const String & source() const
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
void ncvDebugOutput(const cv::String &msg)
void copySize(const UMat &m)
internal use function; properly re-allocates _size, _step arrays
int maxThreadsPerMultiProcessor() const
maximum resident threads per multiprocessor
Mat transition_p
Definition: ocr.hpp:281
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
WImageViewC & operator=(const WImageViewC< T, C > &img)
Definition: wimage.hpp:483
std::vector< cv::Mat > getObjectPoints()
int plusStep
Definition: imgproc.hpp:4598
@ CV_EVENT_FLAG_RBUTTON
Definition: highgui_c.h:195
void meanStdDev(InputArray mtx, Scalar &mean, Scalar &stddev)
Computes a mean value and a standard deviation of matrix elements.
@ CV_CAP_MODE_GRAY
Definition: videoio_c.h:461
void correctMatches(InputArray F, InputArray points1, InputArray points2, OutputArray newPoints1, OutputArray newPoints2)
Refines coordinates of corresponding points.
virtual void setFGSLambda(float _lambda)=0
Sets the respective fastGlobalSmootherFilter() parameter.
virtual int getBlockSize() const =0
static int type()
Definition: flann.hpp:81
static Mat cvarrToMatND(const CvArr *arr, bool copyData=false, int coiMode=0)
Definition: core_c.h:2802
KmeansFlags
k-Means flags
Definition: core.hpp:201
NCVMemoryType _memtype
Definition: NCV.hpp:621
virtual ~RawVideoSource()
Definition: cudacodec.hpp:311
void read(const FileNode &node, SparseMat &mat, const SparseMat &default_mat=SparseMat())
GPCTrainingParams(unsigned _maxTreeDepth=20, int _minNumberOfSamples=3, GPCDescType _descriptorType=GPC_DESCRIPTOR_DCT, bool _printProgress=true)
Definition: sparse_matching_gpc.hpp:131
Definition: types_c.h:364
void forwardOpt(const std::vector< LayerId > &toLayers)
CvPoint * depth_point
Definition: types_c.h:522
Bridge & operator=(const Ptr_AlignMTB &)
Definition: bridge.hpp:457
void makeAgastOffsets(int pixel[16], int rowStride, int type)
Definition: agast_score.txt:54
__device__ static __forceinline__ double min()
Definition: limits.hpp:119
WMFWeightType
Specifies weight types of weighted median filter.
Definition: weighted_median_filter.hpp:65
@ CV_StsUnmatchedFormats
Definition: types_c.h:156
void SetAttribute(const char *name, const char *value)
Sets the named attribute to value.
Definition: tinyxml2.h:1306
Matrix< T > random_sample(Matrix< T > &srcMatrix, long size, bool remove=false)
Definition: sampling.h:40
T operator*()
Definition: dist.h:756
@ CAP_PVAPI_PIXELFORMAT_RGB24
Rgb24.
Definition: videoio.hpp:313
StaticSaliencyFineGrained()
MxArrayVector parse(const MxArrayVector &inputs)
parse a vector of input arguments
Definition: mxarray.hpp:646
virtual void setSpeckleRange(int speckleRange)=0
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)
@ COLOR_YUV2BGR_YUNV
Definition: imgproc.hpp:695
__device__ __forceinline__ uchar1 abs(const uchar1 &a)
Definition: vec_math.hpp:213
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
bool computeImpl(const std::vector< Mat > &images, Mat &response)
SparseMatConstIterator_ & operator++()
moves iterator to the next element
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
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
Op::second_argument_type arg2
Definition: functional.hpp:854
CvRect roi1
Definition: calib3d_c.h:346
~DynArray()
Definition: tinyxml2.h:219
@ CV_CAP_PROP_BUFFERSIZE
Definition: videoio_c.h:206
virtual Mat getWeights() const =0
Returns weights of the mixtures.
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
#define CV_MAT_CN(flags)
Definition: cvdef.h:389
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
MatIterator_ & operator++()
increments the iterator
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
virtual void setOmega(float val)=0
Relaxation factor in SOR.
uint64 const_param_type
Definition: core.hpp:3196
const std::vector< std::pair< String, Ptr< TrackerSamplerAlgorithm > > > & getSamplers() const
Return the collection of the TrackerSamplerAlgorithm.
virtual void write(InputArray frame, bool lastFrame=false)=0
Writes the next video frame.
static bool isPossibleMatch(InputArray mask, int queryIdx, int trainIdx)
int flags
Definition: mat.hpp:2403
Mat_< Vec3w > Mat3w
Definition: mat.hpp:2205
int getSwappedClassifier() const
sampleType sType
Definition: pd_inria.hpp:72
Bridge & operator=(const Ptr_MergeMertens &)
Definition: bridge.hpp:487
double * db
Definition: types_c.h:438
XMLError LoadFile(FILE *)
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
DistanceType mindist
Definition: result_set.h:53
ProgramSource(const ProgramSource &prog)
CvMemStorage * cvCreateChildMemStorage(CvMemStorage *parent)
@ CV_HSV2RGB_FULL
Definition: types_c.h:211
Bridge & operator=(const Ptr_Tonemap &)
Definition: bridge.hpp:502
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:196
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:955
const _Tp & at(int i0=0) const
Ptr< cuda::BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates GMG Background Subtractor.
void restoreImageFromLaplacePyrGpu(std::vector< UMat > &pyr)
virtual void initializeMask(const Mat &)
Definition: objdetect.hpp:212
static void read(FileNodeIterator &it, std::vector< _Tp > &vec, size_t maxCount=(size_t) INT_MAX)
Definition: persistence.hpp:1081
Definition: functional.hpp:852
@ CV_CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio_c.h:240
int type
the type of termination criteria: COUNT, EPS or COUNT + EPS
Definition: types.hpp:802
#define clReleaseProgram
Definition: opencl_core.hpp:244
virtual void process(InputArray img, InputArray mask, Point tl)
void clear()
Definition: NCV.hpp:579
Image class which provides a thin layer around an IplImage.
Definition: wimage.hpp:172
size_t size() const
Definition: composite_index.h:112
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1124
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
virtual void setSaturation(float saturation)=0
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
double conf_thresh_
Definition: motion_estimators.hpp:200
@ CV_CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
Definition: videoio_c.h:357
@ CAP_PROP_BRIGHTNESS
Brightness of the image (only for cameras).
Definition: videoio.hpp:134
@ CAP_OPENNI2
OpenNI2 (for Kinect)
Definition: videoio.hpp:111
@ OPTFLOW_FARNEBACK_GAUSSIAN
Definition: tracking.hpp:58
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:197
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:144
static Ptr< IVideoWriter > create(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
uint64 hash_t
Definition: ocl.hpp:630
@ CV_CAP_PROP_HUE
Definition: videoio_c.h:179
#define clAmdFftDestroyPlan
Definition: opencl_clamdfft.hpp:52
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
@ CV_MOP_TOPHAT
Definition: types_c.h:392
void load(const FileStorage &node)
CvStereoBMState * cvCreateStereoBMState(int preset=0, int numberOfDisparities=0)
flann_algorithm_t getType() const
Definition: flann_base.hpp:184
virtual void print(const char *format,...)=0
@ COLOR_BGRA2YUV_I420
Definition: imgproc.hpp:726
int m_idxOfNewWeakClassifier
Definition: onlineBoosting.hpp:144
virtual void generateFeatures(int numFeatures)
Overload the original generateFeatures in order to limit the number of the features.
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
virtual int ItemSize() const =0
@ CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_FAR
Definition: videoio_c.h:421
virtual ~BaseCascadeClassifier()
const std::vector< Mat > * stabilizedFrames_
Definition: inpainting.hpp:98
__host__ __device__ NcvRect32u(Ncv32u x_, Ncv32u y_, Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:167
double sigma
gaussian kernel bandwidth
Definition: tracker.hpp:1237
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
virtual float operator()(int varIdx, int sampleIdx)
Definition: feature.hpp:332
@ LINEAR
Definition: defines.h:94
virtual void convert(InputArray gpu_keypoints, std::vector< KeyPoint > &keypoints)=0
int addLayer(const String &name, const String &type, LayerParams ¶ms)
Adds new layer to the net.
@ COLOR_RGB2BGR565
Definition: imgproc.hpp:548
ProgramSource(const char *prog)
uchar * data
pointer to the data
Definition: cuda.hpp:292
DepthNormal()
Default constructor. Uses reasonable default parameter values.
type_traits_detail::UnConst< T >::type non_const_type
Definition: type_traits.hpp:130
int num_images_
Definition: motion_estimators.hpp:190
CvCapture * cvCreateCameraCapture(int index)
start capturing frames from camera: index = camera_index + domain_offset (CV_CAP_*)
virtual void detectAndComputeAsync(InputArray image, InputArray mask, OutputArray keypoints, OutputArray descriptors, bool useProvidedKeypoints=false, Stream &stream=Stream::Null())
double ddot(const Point3_ &pt) const
dot product computed in double-precision arithmetics
HierarchicalClusteringIndex & operator=(const HierarchicalClusteringIndex &)
#define clEnqueueMigrateMemObjects
Definition: opencl_core_wrappers.hpp:103
virtual const void * get_value(void *const *src)
Definition: any.h:73
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
virtual void setContrast(float contrast)=0
Mat emission_p
Definition: ocr.hpp:449
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:132
Ptr< TrackerFeatureSet > featureSet
Definition: tracker.hpp:580
virtual int getWindowSize() const =0
Definition: functional.hpp:299
VideoWriter()
Default constructors.
@ DIST_MASK_3
mask=3
Definition: imgproc.hpp:321
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
void cvWriteRawDataBase64(CvFileStorage *fs, const void *src, int len, const char *dt)
Writes multiple numbers in Base64.
struct _IplTileInfo IplTileInfo
Definition: types_c.h:340
#define MLN10
Definition: descriptor.hpp:444
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
Definition: deriv.hpp:282
Definition: tinyxml2.h:1763
struct CvCapture CvCapture
"black box" capture structure
Definition: videoio_c.h:64
Hierarchical Data Format version 5 interface.
Definition: hdf5.hpp:57
virtual double getMinDist() const =0
void computeProjectionMatrix(Matx44d &proj) const
Computes projection matrix using intrinsic parameters of the camera.
GOTURN () is kind of trackers based on Convolutional Neural Networks (CNN). While taking all advantag...
Definition: tracker.hpp:1274
virtual void printDefaults() const
@ CAP_PROP_OPENNI_FRAME_MAX_DEPTH
In mm.
Definition: videoio.hpp:220
@ RECTIFY_LONGLATI
Definition: omnidir.hpp:70
Definition: warpers.hpp:408
void cvReleaseHist(CvHistogram **hist)
Releases the histogram.
std::string videoUrl
Definition: ar_sports.hpp:62
virtual void setInnerIterations(int inner_iterations)=0
virtual void static_delete(void **x)=0
@ CV_CAP_PROP_OPENNI2_SYNC
Definition: videoio_c.h:236
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
std::string name
Definition: ar_hmdb.hpp:63
int * integralImage[num_images]
Definition: descriptor.hpp:68
void writeScalar(FileStorage &fs, double value)
virtual void getImagesForShadowMasks(InputOutputArray blackImage, InputOutputArray whiteImage) const =0
Generates the all-black and all-white images needed for shadowMasks computation.
void computeObjectImagePoints(std::vector< cv::Mat > inputImages)
MatConstIterator_(const Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
CvPoint2D32f(const cv::Point_< _Tp > &pt)
Definition: types_c.h:901
IplImage *(CV_STDCALL * Cv_iplCreateImageHeader)(int, int, int, char *, char *, int, int, int, int, int, IplROI *, IplImage *, void *, IplTileInfo *)
Definition: core_c.h:1936
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.
AutoBuffer< double, 1 > * pd
Definition: dict.hpp:98
virtual void setSVMDetector(InputArray _svmdetector)
static void write(FileStorage &fs, const String &name, const Scalar_< _Tp > &s)
Definition: persistence.hpp:1004
static void read(const FileNode &node, ushort &value, ushort default_value)
Definition: persistence.hpp:1065
size_t size() const
returns the number of elements in the sequence
Definition: core_c.h:2996
@ MM_UNKNOWN
Definition: motion_core.hpp:68
#define clCreateKernelsInProgram
Definition: opencl_core.hpp:122
virtual int getDatasetsNum()=0
@ CV_StsParseError
Definition: types_c.h:163
RgbdFrame(const Mat &image, const Mat &depth, const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
Class implementing the AKAZE keypoint detector and descriptor extractor, described in ....
Definition: features2d.hpp:652
Definition: extrapolation.hpp:121
MatExpr min(const Mat &a, const Mat &b)
L2_Simple< ElementType >::ResultType ResultType
Definition: dist.h:860
Definition: miniflann.hpp:56
int channels() const
returns element type, similar to CV_MAT_CN(cvmat->type)
@ THRESH_BINARY_INV
Definition: imgproc.hpp:330
Matx< float, 1, 2 > Matx12f
Definition: matx.hpp:195
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
@ CAP_GPHOTO2
gPhoto2 connection
Definition: videoio.hpp:113
@ CV_BadAlign
Definition: types_c.h:141
#define clFlush
Definition: opencl_core_wrappers.hpp:142
@ CV_BadOrigin
Definition: types_c.h:140
#define clCreateContext
Definition: opencl_core_wrappers.hpp:22
Accumulator< T >::Type ResultType
Definition: dist.h:207
virtual double getVarMax() const =0
@ CPU_AVX_512PF
Definition: cvdef.h:157
KeyPointsFilter()
Definition: features2d.hpp:101
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
Definition: types_c.h:130
void seqRemove(CvSeq *seq, int index)
virtual int getType() const =0
bool popMin(T &value)
Definition: heap.h:147
void mapForward(float x, float y, float &u, float &v)
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
CvMat * measurement_matrix
Definition: tracking_c.h:191
void cvSobel(const CvArr *src, CvArr *dst, int xorder, int yorder, int aperture_size=3)
Calculates an image derivative using generalized Sobel.
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: kdtree_index.h:140
@ CV_BGR2YUV_YV12
Definition: types_c.h:337
@ CV_YUV2RGBA_YUYV
Definition: types_c.h:309
virtual int getWinSize() const =0
int getCudaEnabledDeviceCount()
Returns the number of installed CUDA-enabled devices.
double invert(InputArray src, OutputArray dst, int flags=DECOMP_LU)
Finds the inverse or pseudo-inverse of a matrix.
A class to represent a line.
Definition: descriptor.hpp:106
@ 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
void locateROI(Size &wholeSize, Point &ofs) const
locates matrix header within a parent matrix. See below
CvGraphVtx * vtx
Definition: core_c.h:1862
@ CV_CAP_PROP_XI_DECIMATION_SELECTOR
Definition: videoio_c.h:291
char3 type
Definition: vec_traits.hpp:78
__host__ NCVStatus setNumClassifierRootNodes(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:291
void write(FileStorage &fs, const String &name, double value)
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
Definition: composite_index.h:72
float height
Definition: types_c.h:1036
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
virtual int getFeatureType() const =0
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:246
void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
Definition: sparse_matching_gpc.hpp:276
static DictValue arrayReal(TypeIter begin, int size)
Constructs floating point array.
Definition: reduce_to_vec.hpp:70
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:273
__host__ __device__ ThreshBinaryFunc< T > thresh_binary_func(T thresh, T maxVal)
Definition: functional.hpp:706
void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst)
Projects the image backward.
@ COLOR_YUV420sp2BGR
Definition: imgproc.hpp:633
virtual ~CvFeatureEvaluator()
Definition: feature.hpp:159
std::map< BucketKey, Bucket > BucketsSpace
Definition: lsh_table.h:138
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:98
Status composePanorama(OutputArray pano)
virtual void setMaxFeatures(int maxFeatures)=0
int queryIdx
Definition: types.hpp:744
double cvDet(const CvArr *mat)
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
@ COLOR_BGR2RGB
Definition: imgproc.hpp:532
void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams ¶ms)
Perform k-nearest neighbor search.
Definition: kdtree_single_index.h:212
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)
virtual bool Visit(const XMLUnknown &)
Visit an unknown node.
Definition: tinyxml2.h:478
T get(int index, bool space_delete=true) const
Access positional arguments by index.
Definition: utility.hpp:833
std::vector< Mat > pyramidNormals
Definition: rgbd.hpp:521
CvMatND * cvCloneMatND(const CvMatND *mat)
bool colorMode
Definition: retina.hpp:161
virtual void setThreshold(int threshold)=0
T * operator()(int c, int r)
Definition: wimage.hpp:214
@ CAP_OPENNI
OpenNI (for Kinect)
Definition: videoio.hpp:102
int widthOfBand_
Definition: descriptor.hpp:200
bool useOpenVX()
Check if use of OpenVX is enabled.
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.
@ RETR_EXTERNAL
Definition: imgproc.hpp:427
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:306
virtual void setOutputMax(float val)=0
Output image range maximum value.
int method_
Definition: rgbd.hpp:209
virtual void setBackpropMomentumScale(double val)=0
void magnitudeSqr(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes squared magnitudes of complex matrix elements.
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)
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
Definition: videoio_c.h:283
void cornerSubPix(InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
Refines the corner locations.
virtual size_t maxSize(void) const =0
WImageBuffer(int width, int height, int nchannels)
Definition: wimage.hpp:303
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(const char *type_name, CvIsInstanceFunc is_instance, CvReleaseFunc release=0, CvReadFunc read=0, CvWriteFunc write=0, CvCloneFunc clone=0)
ObjectDetection(const Rect &rect, float score, int classID=-1)
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
Definition: core_c.h:2923
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
void resetCameraViewpoint(const String &id)
Resets camera viewpoint to a 3D widget in the scene.
virtual int getPreFilterType() const =0
Size img_size
Definition: matchers.hpp:65
const uchar * ptr0
Definition: imgproc.hpp:4594
virtual Size getWinSize() const =0
result_type mySum
Definition: vec_distance.hpp:66
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
int trainIdx
Definition: types.hpp:745
@ ComputeModeProhibited
Definition: cuda.hpp:728
end else len
Definition: modelConvert.m:62
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
double findMedian(const Mat &row)
@ COLOR_BayerGB2GRAY
Definition: imgproc.hpp:746
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:220
std::vector< Feature > features
Definition: feature.hpp:326
#define clRetainContext
Definition: opencl_core_wrappers.hpp:232
bool operator==(const Match &rhs) const
Definition: linemod.hpp:300
__host__ __device__ ThreshToZeroFunc< T > thresh_to_zero_func(T thresh)
Definition: functional.hpp:764
XMLError LoadFile(const char *filename)
@ CV_CAP_PROP_XI_HEIGHT
Definition: videoio_c.h:309
@ CAP_PROP_XI_COLOR_FILTER_ARRAY
Returns color filter array type of RAW data.
Definition: videoio.hpp:393
CvMat * state_pre
Definition: tracking_c.h:184
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
const value_type * const_pointer
Definition: cvstd.hpp:132
int nShiftR
Definition: types_c.h:359
virtual void setMaxLevel(int val)=0
BFMatcher(int normType=NORM_L2, bool crossCheck=false)
Brute-force matcher constructor (obsolete). Please use BFMatcher.create()
_Tp value_type
Definition: types.hpp:384
volatile int m_counter
Definition: utility.hpp:1131
TrainingMethods
Definition: ml.hpp:1274
double DoubleAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1202
virtual int getPreFilterCap() const =0
virtual float getThreshold() const =0
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)
virtual int getDiffusivity() const =0
__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
v_uint8x16 v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1560
virtual vector< Point2d > getGT()=0
@ OPEN_CAMERA
Definition: cap_winrt.hpp:40
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)
bool contains(const Point_< _Tp > &pt) const
checks whether the rectangle contains the point
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3085
int borderMode() const
Definition: inpainting.hpp:156
VideoCapture()
Default constructor.
#define LOG_METHOD(NAME, LEVEL)
Definition: logger.h:108
#define clEnqueueBarrier
Definition: opencl_core_wrappers.hpp:64
@ COLOR_YUV2RGBA_I420
Definition: imgproc.hpp:655
bool ECCEnabled() const
device has ECC support enabled
virtual void setMaxFeatures(int maxFeatures)=0
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:100
@ SF_IYUV
Definition: cudacodec.hpp:76
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
void cvGEMM(const CvArr *src1, const CvArr *src2, double alpha, const CvArr *src3, double beta, CvArr *dst, int tABC=0)
const Mat & correct(const Mat &measurement)
Updates the predicted state from the measurement.
__device__ __forceinline__ uint vcmpgt2(uint a, uint b)
Definition: simd_functions.hpp:339
__host__ __device__ GlobPtr< T > globPtr(T *data, size_t step)
Definition: glob.hpp:91
struct _CvContourScanner * CvContourScanner
Definition: types_c.h:468
int tag
Definition: types_c.h:1788
virtual bool ShallowEqual(const XMLNode *compare) const
Trajectories.
Definition: widgets.hpp:605
Definition: or_pascal.hpp:60
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:277
int type
Definition: all_layers.hpp:261
virtual void setIntensity(float intensity)=0
_OutputArray(const std::vector< UMat > &vec)
std::vector< Feature > features
Definition: feature.hpp:391
void cornerEigenValsAndVecs(InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:256
bool normaliseOutput
Definition: retina.hpp:175
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: wobble_suppression.hpp:67
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)
CvPoint * start
Definition: types_c.h:520
void thinning(InputArray src, OutputArray dst, int thinningType=THINNING_ZHANGSUEN)
Applies a binary blob thinning operation, to achieve a skeletization of the input image.
Definition: inpainting.hpp:175
void cvCvtColor(const CvArr *src, CvArr *dst, int code)
Converts input array pixels from one color space to another.
@ CAP_PROP_POS_MSEC
Current position of the video file in milliseconds.
Definition: videoio.hpp:124
@ CPU_SSE3
Definition: cvdef.h:141
int cvCheckChessboard(IplImage *src, CvSize size)
int & stitchingLogLevel()
@ CV_CAP_PROP_PVAPI_DECIMATIONVERTICAL
Definition: videoio_c.h:255
std::vector< int > * pixels
Definition: erfilter.hpp:97
virtual void setWeights(const Blob &Wxh, const Blob &bh, const Blob &Whh, const Blob &Who, const Blob &bo)=0
#define clCreateImage2D
Definition: opencl_core.hpp:116
const _Tp * ptr(int y=0) const
static Ptr< WBDetector > create()
Create instance of WBDetector.
@ dark
Definition: gr_skig.hpp:84
#define OPENCV_HAL_NOP(a)
Definition: intrin.hpp:55
virtual void setTermCriteria(TermCriteria val)=0
@ 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
_Tp & operator*()
returns reference to the current sequence element
Definition: core_c.h:3104
@ COLOR_YUV2RGBA_YUNV
Definition: imgproc.hpp:703
v_reg< _Tp, n > & operator/=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:411
int rows
Definition: types_c.h:444
#define OPENCV_HAL_IMPL_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:515
Definition: inpainting.hpp:184
@ CAP_PROP_AUTO_EXPOSURE
DC1394: exposure control done by camera, user can adjust reference level using this feature.
Definition: videoio.hpp:145
@ CV_YUV420sp2RGBA
Definition: types_c.h:247
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: bgsegm.hpp:63
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
Definition: NCV.hpp:344
CensusKernel(uint8_t **images)
Definition: descriptor.hpp:176
PoseCluster3D(Pose3DPtr newPose)
Definition: pose_3d.hpp:147
static const int TIXML2_MAJOR_VERSION
Definition: tinyxml2.h:125
virtual int getNOctaveLayers() const =0
@ CV_BLUR
Definition: types_c.h:76
double minOtsuStdDev
Definition: aruco.hpp:148
@ CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Readonly, returns (const char *).
Definition: videoio.hpp:546
CvSparseNode * cvGetNextSparseNode(CvSparseMatIterator *mat_iterator)
Returns the next sparse matrix element.
Definition: core_c.h:542
ReduceTypes
Definition: core.hpp:235
virtual float getGamma() const =0
__host__ GpuMat_ & operator=(const GpuMat_ &m)
assignment operators
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...
__host__ CubicInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interCubic(const SrcPtr &src)
Definition: interpolation.hpp:219
void cvPerspectiveTransform(const CvArr *src, CvArr *dst, const CvMat *mat)
std::vector< std::vector< Ptr< Object > > > test
Definition: dataset.hpp:533
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.
float getRadius(cv::Mat cloud, cv::Point3d center)
Get the proper camera radius from the view point to the center of model.
any(const char *x)
Special initializing constructor for string literals.
Definition: any.h:204
#define CV_IN_OUT
Definition: cvdef.h:377
const char * Value() const
The value of the attribute.
@ StsKernelStructContentErr
incorr. transform kernel content
Definition: base.hpp:99
bool isValidDepth(const float &depth)
Definition: rgbd.hpp:61
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
void read(const FileNode &fn)
virtual void setNumDisparities(int numDisparities)=0
std::map< int, double > getResultsMap() const
Return results as map Labels are keys, values are minimal distances.
virtual void setThreshold(int threshold)=0
static MatExpr eye(Size size)
Definition: tracker.hpp:1277
double DoubleValue() const
Query as a double. See IntValue()
Definition: tinyxml2.h:1070
@ CV_CAP_PROP_XI_WIDTH
Definition: videoio_c.h:308
@ CV_HSV2RGB
Definition: types_c.h:186
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:597
virtual void setNumIters(int numIters)=0
int rows
Definition: constant.hpp:69
@ depth
Definition: traits.hpp:114
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > > remap_(const SrcPtr &src, const MapPtr &map)
Definition: warping.hpp:76
@ NONMAX_SUPPRESSION
Definition: features2d.hpp:479
__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
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2788
int IntAttribute(const char *name) const
Definition: tinyxml2.h:1184
Distance::ResultType ensureSimpleDistance(typename Distance::ResultType dist)
Definition: dist.h:895
Callback with the character classifier is made a class.
Definition: ocr.hpp:171
@ CV_COMP_CHISQR_ALT
Definition: types_c.h:535
virtual void extractSimpleFeatures(InputArray src, OutputArray dst)=0
Implements the feature extraction part of the algorithm.
int deviceVersionMajor() const
T * allocate(size_t count=1)
Definition: allocator.h:49
Definition: functional.hpp:735
UndistortTypes
cv::undistort mode
Definition: imgproc.hpp:353
CvTermCriteria cvTermCriteria(int type, int max_iter, double epsilon)
Definition: types_c.h:852
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:106
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...
XMLUnknown & operator=(const XMLUnknown &)
virtual double getPolySigma() const =0
@ CV_EVENT_LBUTTONDOWN
Definition: highgui_c.h:179
@ TM_CCOEFF_NORMED
Definition: imgproc.hpp:3637
int & size(int axis)
Returns reference to the size of the specified axis.
HOGDescriptor()
Definition: objdetect.hpp:345
virtual void computeDataModulationTerm(InputArrayOfArrays patternImages, OutputArray dataModulationTerm, InputArray shadowMask)=0
compute the data modulation term.
True is_vector_space_distance
Definition: dist.h:139
@ CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio.hpp:488
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:84
double beta
Default is 2.0.
Definition: kalman_filters.hpp:141
int QueryAttribute(const char *name, unsigned int *value) const
Definition: tinyxml2.h:1289
int index_type
Definition: deriv.hpp:352
NCVStatus nppsStCompact_32f_host(Ncv32f *h_src, Ncv32u srcLen, Ncv32f *h_dst, Ncv32u *dstLen, Ncv32f elemRemove)
@ CV_YUV2RGB_Y422
Definition: types_c.h:282
std::string imagePath
Definition: track_vot.hpp:64
float Type
Definition: features2d.hpp:714
virtual void setWinStride(Size win_stride)=0
Window stride. It must be a multiple of block stride.
void cvDecomposeProjectionMatrix(const CvMat *projMatr, CvMat *calibMatr, CvMat *rotMatr, CvMat *posVect, CvMat *rotMatrX=NULL, CvMat *rotMatrY=NULL, CvMat *rotMatrZ=NULL, CvPoint3D64f *eulerAngles=NULL)
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
void getErrors(float *errors)
struct CvHidHaarClassifierCascade CvHidHaarClassifierCascade
Definition: objdetect_c.h:104
@ NCV_INVALID_STEP
Definition: NCV.hpp:329
virtual double get(int propId) const
Returns the specified VideoWriter property.
@ COLOR_YUV2GRAY_YV12
Definition: imgproc.hpp:663
@ MORPH_HITMISS
Definition: imgproc.hpp:248
float fx
Definition: resize.hpp:66
#define CV_CUDEV_RGB2HSV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:209
void cvAnd(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
virtual void setUseMeanNormalization(bool val)=0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
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...
int preferredVectorWidthShort() const
int num_matches_thresh2_
Definition: matchers.hpp:297
CvMat * cvEncodeImage(const char *ext, const CvArr *image, const int *params=0)
void accumulateSquare(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds the square of a source image to the accumulator.
False is_kdtree_distance
Definition: dist.h:324
CvMat * cvReshape(const CvArr *arr, CvMat *header, int new_cn, int new_rows=0)
Changes shape of matrix/image without copying data.
virtual void getParvo(OutputArray retinaOutput_parvo)=0
Accessor of the details channel of the retina (models foveal vision).
virtual int getCovarianceMatrixType() const =0
#define CV_CUDEV_Luv2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:398
int(* CvCmpFunc)(const void *a, const void *b, void *userdata)
Definition: core_c.h:1706
int hal_ni_morphFree(cvhalFilter2D *context)
hal_morphFree
Definition: hal_replacement.hpp:230
__device__ __forceinline__ schar saturate_cast< schar >(uchar v)
Definition: saturate_cast.hpp:109
@ XML_ERROR_PARSING_DECLARATION
Definition: tinyxml2.h:1016
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
CvFont cvFont(double scale, int thickness=1)
Definition: imgproc_c.h:1157
#define clEnqueueWaitForEvents
Definition: opencl_core.hpp:180
CovarFlags
Covariation flags.
Definition: core.hpp:165
TrackerStateEstimator based on Boosting.
Definition: tracker.hpp:591
Ptr_TonemapMantiuk toPtrTonemapMantiuk()
Definition: bridge.hpp:518
@ CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio.hpp:499
std::string type2
Definition: hpe_humaneva.hpp:65
@ CAP_PROP_PAN
Definition: videoio.hpp:156
virtual void load(const std::string &path)=0
Mat errorCovPost
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: tracking.hpp:374
Definition: result_set.h:51
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
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)
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
void convertToD3D11Texture2D(InputArray src, ID3D11Texture2D *pD3D11Texture2D)
Converts InputArray to ID3D11Texture2D. If destination texture format is DXGI_FORMAT_NV12 then input ...
@ NATIVE_DOUBLE
Definition: cuda.hpp:607
StereographicWarper(float scale)
Definition: warpers.hpp:318
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:1957
static Ptr< AR_hmdb > create()
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:291
__host__ void gridFindMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:329
void getDisparityVis(InputArray src, OutputArray dst, double scale=1.0)
Function for creating a disparity map visualization (clamped CV_8U image)
Interface for Adaptive Manifold Filter realizations.
Definition: edge_filter.hpp:204
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracker.hpp:1446
CvSize(int w=0, int h=0)
Definition: types_c.h:1013
value_type * pointer
Definition: cvstd.hpp:131
TLSData< NodeDataTls > m_tls
Definition: utility.hpp:1133
void estimatePoseSingleMarkers(InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs)
Pose estimation for single markers.
SparseMat()
Various SparseMat constructors.
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
@ CALIB_CB_FAST_CHECK
Definition: calib3d.hpp:246
CompositeIndex(const CompositeIndex &)
bool isContinuous() const
Reports whether the matrix is continuous or not.
Definition: imgproc.hpp:906
Definition: features2d.hpp:557
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:167
Type type
Definition: types.hpp:264
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:705
Definition: types_c.h:1767
Event(CreateFlags flags=DEFAULT)
int coi
Definition: types_c.h:344
const T & PeekTop() const
Definition: tinyxml2.h:264
Mat(const Matx< _Tp, m, n > &mtx, bool copyData=true)
flann_algorithm_t getType() const
Definition: hierarchical_clustering_index.h:483
@ COLOR_BayerGB2RGB_VNG
Definition: imgproc.hpp:757
Mat normalize_pc(Mat pc, float scale)
void SetText(unsigned value)
Convenience method for setting text inside and element. See SetText() for important limitations.
int getFeatureType() const
void setUseSVM(bool enabled)
@ XML_ERROR_FILE_READ_ERROR
Definition: tinyxml2.h:1008
static const char * SkipWhiteSpace(const char *p)
Definition: tinyxml2.h:492
Definition: stabilizer.hpp:160
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.
virtual void freeAllReservedBuffers()=0
void cvSVD(CvArr *A, CvArr *W, CvArr *U=NULL, CvArr *V=NULL, int flags=0)
virtual void setBlockSize(int blockSize)=0
VideoCapture(int index)
Open a camera for video capturing.
@ CV_CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
Definition: videoio_c.h:409
int waitKey(int delay=0)
Waits for a pressed key.
@ CV_DIST_L1
Definition: types_c.h:558
short saturate_cast< short >(ushort v)
Definition: saturate.hpp:131
Base class for all exposure compensators.
Definition: exposure_compensate.hpp:61
@ COLOR_BayerGB2BGR_EA
Definition: imgproc.hpp:763
_Range(int start, int size=1)
Definition: shape_utils.hpp:80
virtual double getGamma() const =0
Gradient constancy importance.
@ BadOffset
offset is invalid
Definition: base.hpp:80
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:93
@ CV_FONT_DEMIBOLD
Definition: highgui_c.h:70
XMat & getRef(bool writeOnly=true)
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
void writeFeature(FileStorage &fs) const
@ COLORMAP_HOT
Definition: imgproc.hpp:4091
@ CV_DIST_MASK_5
Definition: types_c.h:543
@ CV_YCrCb2BGR
Definition: types_c.h:161
int dims
Definition: types_c.h:680
cv::Mat getScreenshot() const
Returns the Mat screenshot of the current scene.
@ CV_OpenGlNotSupported
Definition: types_c.h:169
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:581
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...
std::vector< int > computeSwappedClassifier()
Get the list of the weak classifiers that replace those to be replaced.
Base class for warping logic implementation.
Definition: warpers.hpp:125
virtual bool isOpened() const
Checks whether the file is opened.
sparse matrix node - element of a hash table
Definition: mat.hpp:2535
@ RIGHT
Definition: slam_tumindoor.hpp:63
@ CAP_PROP_GPHOTO2_FLUSH_MSGS
Readonly, returns (const char *).
Definition: videoio.hpp:550
Distance::ElementType ElementType
Definition: autotuned_index.h:73
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
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:473
float score
Definition: linemod.hpp:133
XMLNode * _prev
Definition: tinyxml2.h:844
virtual int getCannyLowThresh() const =0
bool imageSupport() const
int getThreshold() const
Definition: agast.txt:7524
uint8_t * image[num_images]
Definition: descriptor.hpp:67
@ COUNT
the maximum number of iterations or elements to compute
Definition: types.hpp:788
Distance::ResultType DistanceType
Definition: linear_index.h:54
static std::vector< float > getDaimlerPeopleDetector()
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:378
Ptr< BaseCascadeClassifier::MaskGenerator > getMaskGenerator()
#define clReleaseCommandQueue
Definition: opencl_core.hpp:232
IndexParams getParameters() const
Definition: lsh_index.h:177
virtual void read(const FileNode &)
Reads algorithm parameters from a file storage.
int descriptorsCount() const
Returns the count of all descriptors stored in the training set.
@ COLOR_BayerBG2GRAY_MHT
Definition: cudaimgproc.hpp:105
@ QT_NEW_BUTTONBAR
Button should create a new buttonbar.
Definition: highgui.hpp:250
virtual float getSaturation() const =0
std::vector< Mat > descriptors
Definition: features2d.hpp:1253
virtual void train(InputArrayOfArrays src, InputArray labels)=0
Trains a FaceRecognizer with given data and associated labels.
void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
@ CV_CAP_PROP_EXPOSUREPROGRAM
Definition: videoio_c.h:513
virtual vector< Point2f > getNextGT()=0
int uniquenessRatio
Definition: calib3d_c.h:338
@ IMWRITE_JPEG_CHROMA_QUALITY
Separate chroma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:87
double mu12
Definition: types.hpp:867
void setNormalArray(InputArray normal)
Sets an array of vertex normals.
void reduce(InputArray mtx, OutputArray vec, int dim, int reduceOp, int dtype=-1, Stream &stream=Stream::Null())
Reduces a matrix to a vector.
double const_param_type
Definition: core.hpp:3140
virtual int getTrainMethod() const =0
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)
virtual int getAngleThresh() const =0
#define IPL_DEPTH_8S
Definition: types_c.h:265
static Ptr< ObjectnessBING > create()
Definition: saliencySpecializedClasses.hpp:278
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::Mat getMinGradientMagnitudes() const
Definition: rgbd.hpp:953
@ CAP_PROP_ROLL
Definition: videoio.hpp:158
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
Definition: types_c.h:133
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
@ USAGE_ALLOCATE_DEVICE_MEMORY
Definition: mat.hpp:397
virtual double getPyrScale() const =0
@ CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio.hpp:212
void cvGetTextSize(const char *text_string, const CvFont *font, CvSize *text_size, int *baseline)
Calculates bounding box of text stroke (useful for alignment)
@ AGAST_5_8
Definition: features2d.hpp:478
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:131
@ COLOR_YUV2BGR_UYVY
Definition: imgproc.hpp:671
__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
@ CAP_OPENNI_IR_IMAGE
Data given from IR image generator.
Definition: videoio.hpp:257
virtual bool test_point(Point pt)
#define clCreateCommandQueue
Definition: opencl_core.hpp:108
size_t idx
Definition: mat.hpp:3276
int nRows
Definition: types_c.h:355
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)
void knnSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, int knn, const ::cvflann::SearchParams ¶ms)
Performs a K-nearest neighbor search for a given query point using the index.
Bridge & operator=(const double &)
Definition: bridge.hpp:282
double Rx
Definition: gr_chalearn.hpp:67
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: hierarchical_clustering_index.h:489
@ CV_BGR2GRAY
Definition: types_c.h:121
virtual void setMinY(double _plotMinY)=0
This class represents a keyboard event.
Definition: types.hpp:225
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
String readClass(const FileNode &fn, const String &class_id_override="")
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const
virtual Ncv32u alignment(void) const
int getMinSize() const
Definition: rgbd.hpp:404
virtual void run(InputArrayOfArrays points2d)=0
Calls the pipeline in order to perform Eclidean reconstruction.
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
Definition: feature.hpp:157
virtual void setMinArea(int minArea)=0
bool m_funError
Definition: utility.hpp:1129
void download(OutputArray dst, Stream &stream) const
pefroms download data from device to host memory (Non-Blocking call)
Definition: tuple_adapter.hpp:79
virtual ~Feature2DAsync()
IplImage * cvCloneImage(const IplImage *image)
cv::Mat getIterationCounts() const
Definition: rgbd.hpp:945
void setDouble(const String &key, double value)
double mu03
Definition: types_c.h:400
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:75
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:882
@ CV_CAP_PROP_XI_BUFFER_POLICY
Definition: videoio_c.h:376
virtual void setLambda(float lambda)=0
@ L2Hys
Definition: objdetect.hpp:340
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
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
virtual void load(const std::string &path)=0
@ CV_BGR2RGB
Definition: types_c.h:115
@ NPPST_MEM_ALLOC_ERR
CUDA memory allocation error.
Definition: NCV.hpp:361
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
bool isLogical() const
Definition: mxarray.hpp:429
@ CV_EVENT_RBUTTONUP
Definition: highgui_c.h:183
uchar blobColor
Definition: features2d.hpp:566
void rotation(const Mat3 &R)
Rotation matrix.
virtual int kpgetsize(String kplabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch keypoint dataset size.
virtual void setNonmaxSuppression(bool f)=0
void reset(size_t index)
set one bit to 0
Definition: dynamic_bitset.h:100
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
@ QT_STYLE_NORMAL
Normal font.
Definition: highgui.hpp:240
@ CV_GAUSSIAN_5x5
Definition: types_c.h:90
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2455
int start_index
Definition: types_c.h:1219
Kernel(const char *kname, const Program &prog)
cv::Mat toMat() const
Definition: bridge.hpp:243
This 3D Widget defines a finite plane.
Definition: widgets.hpp:250
void mapBackward(float u, float v, float &x, float &y)
@ CV_LBGR2Luv
Definition: types_c.h:217
void initBaseClassifier()
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
float result_type
Definition: vec_distance.hpp:125
bool doWobbleSuppression_
Definition: stabilizer.hpp:190
virtual void loadIndex(FILE *stream)
Definition: autotuned_index.h:134
int nativeVectorWidthShort() const
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:157
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...
String format(const char *fmt,...)
Returns a text string formatted using the printf-like expression.
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)
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
virtual void copy_from_value(void const *src, void **dest)=0
Ptr2D::value_type value_type
Definition: traits.hpp:61
size_t globalMemSize() const
void mapBackward(float u, float v, float &x, float &y)
int getMaxDisparity()
method for getting the disparity
Definition: matching.hpp:383
static KernelArg Local()
Definition: ocl.hpp:361
virtual const XMLUnknown * ToUnknown() const
Definition: tinyxml2.h:981
@ CAP_PROP_XI_CC_MATRIX_11
Color Correction Matrix element [1][1].
Definition: videoio.hpp:402
void create(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
const std::vector< float > & getConfidences() const
Definition: onlineBoosting.hpp:231
virtual void setFeatureExtractor(void(*)(const Mat, const Rect, Mat &), bool pca_func=false)
#define clEnqueueWriteBufferRect
Definition: opencl_core.hpp:184
void writeScalar(FileStorage &fs, int value)
size_t size() const
Definition: result_set.h:107
Definition: motion_stabilizing.hpp:118
virtual double getPyrScale() const =0
@ CV_BGRA2RGB
Definition: types_c.h:113
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:194
Definition: extrapolation.hpp:172
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.
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
@ XML_ERROR_PARSING_ELEMENT
Definition: tinyxml2.h:1010
@ CAP_PROP_XI_EXPOSURE
Exposure time in microseconds.
Definition: videoio.hpp:347
virtual int getNAllVars() const =0
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
T operator[](int)
Definition: dist.h:761
@ CAP_PROP_TILT
Definition: videoio.hpp:157
static Ptr< SoftmaxLayer > create(int axis=1)
static Ptr< Dictionary > create(int nMarkers, int markerSize, const Ptr< Dictionary > &baseDictionary)
CameraParams(const CameraParams &other)
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:127
Affine3< double > Affine3d
Definition: affine.hpp:143
@ EVENT_RBUTTONUP
indicates that right mouse button is released.
Definition: highgui.hpp:210
int PeakBitrate
NVVE_PEAK_BITRATE,.
Definition: cudacodec.hpp:90
CvSize(const cv::Size_< _Tp > &sz)
Definition: types_c.h:1015
XMLError ErrorID() const
Return the errorID.
Definition: tinyxml2.h:1661
@ CAP_OPENNI2_ASUS
OpenNI2 (for Asus Xtion and Occipital Structure sensors)
Definition: videoio.hpp:112
void create(int num_vertices)
Definition: util.hpp:89
Rect_ & operator=(const Rect_ &r)
std::ostream & operator<<(std::ostream &out, const LshStats &stats)
Definition: lsh_table.h:101
@ DECOMP_NORMAL
Definition: base.hpp:151
Definition: reduce.hpp:294
Vec2i maxTextureCubemapLayered() const
maximum Cubemap layered texture dimensions
@ EVENT_RBUTTONDBLCLK
indicates that right mouse button is double clicked.
Definition: highgui.hpp:213
@ CV_EVENT_MBUTTONUP
Definition: highgui_c.h:184
@ CPU_AVX_512F
Definition: cvdef.h:151
__device__ __forceinline__ uchar1 max(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:785
static CvTypeInfo * last
Definition: core_c.h:2782
@ EPS
the desired accuracy or change in parameters at which the iterative algorithm stops
Definition: types.hpp:790
int cols
Definition: deriv.hpp:76
UMat rowRange(int startrow, int endrow) const
... for the specified row span
void setNumOfOctaves(int octaves)
Set number of octaves.
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
int getPatchIdxOfDetection(int detectionIdx)
void write(FileStorage &) const
static Ptr< SliceLayer > create(int axis, const std::vector< int > &sliceIndices)
virtual int getTrainMethod() const =0
bool IsNull() const
Definition: wimage.hpp:340
LineSegmentDetectorModes
Definition: imgproc.hpp:478
@ CV_CHAIN_APPROX_SIMPLE
Definition: types_c.h:458
AKAZE features finder. :
Definition: matchers.hpp:161
void knnSearch(const Mat &queries, Mat &indices, Mat &dists, int knn, const ::cvflann::SearchParams ¶ms)
Definition: histogram.hpp:101
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
@ COLOR_RGB2YUV
Definition: imgproc.hpp:623
__device__ __forceinline__ uint vsetlt4(uint a, uint b)
Definition: simd_functions.hpp:691
GemmFlags
generalized matrix multiplication flags
Definition: base.hpp:209
int hashtableResize(hashtable_int *hashtbl, size_t size)
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1012
bool isDrawing
Definition: tracker.hpp:1374
virtual double getMaxVal() const =0
Definition: autotuned_index.h:71
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:331
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
@ DICT_4X4_1000
Definition: dictionary.hpp:145
@ CV_IMWRITE_JPEG_LUMA_QUALITY
Definition: imgcodecs_c.h:86
@ StsBadFlag
flag is wrong or not supported
Definition: base.hpp:106
static BlobShape like(const Mat &m)
Returns shape of passed Mat.
void setSensorErrorA(double val)
Definition: rgbd.hpp:432
XMLHandle(XMLNode &node)
Create a handle from a node.
Definition: tinyxml2.h:1770
static Ptr< GR_chalearn > create()
AutoBuffer(const AutoBuffer< _Tp, fixed_size > &buf)
the copy constructor
void cvAddWeighted(const CvArr *src1, double alpha, const CvArr *src2, double beta, double gamma, CvArr *dst)
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.
const float * warpMat
Definition: warping.hpp:112
void magnitude64f(const double *x, const double *y, double *dst, int n)
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
float strong_threshold
Definition: linemod.hpp:228
std::vector< float > vector_float
Definition: bridge.hpp:72
@ NPPST_MEM_RESIDENCE_ERROR
Memory residence error detected (check if pointers should be device or pinned)
Definition: NCV.hpp:369
void cvSet1D(CvArr *arr, int idx0, CvScalar value)
Change the particular array element.
@ CAP_PROP_XI_LENS_FOCUS_MOVE
Moves lens focus motor by steps set in XI_PRM_LENS_FOCUS_MOVEMENT_VALUE.
Definition: videoio.hpp:423
int hdr_refcount
Definition: types_c.h:682
bool waveCorrection() const
Definition: stitching.hpp:181
Definition: flann_base.hpp:101
void blockAgregation(const Mat &partialSums, int windowSize, Mat &cost)
The aggregation on the cost volume.
Definition: matching.hpp:464
@ CV_TYZX_RIGHT
Definition: videoio_c.h:93
bool isIntel() const
Definition: ocl.hpp:186
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const =0
Predicts response(s) for the provided sample(s)
Mersenne Twister random number generator.
Definition: core.hpp:2845
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const =0
WImageView< T > View(int c, int r, int width, int height)
Definition: wimage.hpp:588
int id
Definition: ar_hmdb.hpp:62
void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
int writePoseCluster(const std::string &FileName)
void selection(Mat &response, int npoints)
Identify most effective features.
XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or readi...
Definition: persistence.hpp:303
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
@ CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio.hpp:504
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:194
virtual void compute(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Computes the cornerness criteria at each image pixel.
@ CPU_SSE
Definition: cvdef.h:139
Buffer(Size asize, int atype, unsigned int abufId, bool autoRelease=false)
@ CV_CAP_INTELPERC
Definition: videoio_c.h:119
void cvDilate(const CvArr *src, CvArr *dst, IplConvKernel *element=NULL, int iterations=1)
dilates input image (applies maximum filter) one or more times.
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:368
void cvSetIdentity(CvArr *mat, CvScalar value=cvRealScalar(1))
virtual bool VisitEnter(const XMLElement &, const XMLAttribute *)
Visit an element.
Definition: tinyxml2.h:457
double cvGetSpatialMoment(CvMoments *moments, int x_order, int y_order)
Retrieve spatial moments.
void create(int dims, const int *_sizes)
equivalent to cv::SparseMat::create(dims, _sizes, DataType<_Tp>::type)
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).
virtual void setReconstructionOptions(const libmv_ReconstructionOptions &libmv_reconstruction_options)=0
Setter method for reconstruction options.
float t[3]
Definition: warpers.hpp:135
int depth() const
returns element type
cv::Mat getCameraMatrix() const
Definition: rgbd.hpp:777
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.
v_reg< int, n > v_floor(const v_reg< _Tp, n > &a)
Floor elements.
Definition: intrin_cpp.hpp:501
@ CAP_PROP_XI_HOUS_TEMP
Camera housing temperature.
Definition: videoio.hpp:387
void add8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
virtual void write(FileStorage &fs) const
#define CV_8U
Definition: interface.h:67
@ CV_CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Definition: videoio_c.h:386
void cvMaxS(const CvArr *src, double value, CvArr *dst)
const char * Value() const
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
Definition: types_c.h:299
const _Tp & operator[](int i) const
virtual double getDecisionThreshold() const =0
Returns the value of decision threshold.
float uniform(float a, float b)
MatConstIterator_(const MatConstIterator_ &it)
copy constructor
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:154
@ CV_CAP_PROP_XI_BINNING_HORIZONTAL
Definition: videoio_c.h:289
SrcPtr src
Definition: interpolation.hpp:239
static cudaEvent_t getEvent(const Event &event)
static Mat subspaceProject(InputArray W, InputArray mean, InputArray src)
SeqIterator< _Tp > iterator
Definition: core_c.h:2842
int minDistanceToBorder
Definition: aruco.hpp:138
virtual void setWinSize(Size winSize)=0
WImageBufferC< short, 3 > WImageBuffer3_16s
Definition: wimage.hpp:99
virtual void setSmallerBlockSize(int blockSize)=0
Bayes classifier for normally distributed data.
Definition: ml.hpp:380
ERStat * child
Definition: erfilter.hpp:104
Point3_(const Vec< _Tp, 3 > &v)
@ BM3D_STEP2
Definition: bm3d_image_denoising.hpp:75
static void ToStr(float v, char *buffer, int bufferSize)
void cvPyrUp(const CvArr *src, CvArr *dst, int filter=CV_GAUSSIAN_5x5)
Up-samples image and smoothes the result with gaussian kernel.
int index_type
Definition: deriv.hpp:332
MatExpr min(const Mat &a, double s)
virtual void clone(void *const *src, void **dest)
Definition: any.h:89
#define CV_8S
Definition: interface.h:68
@ CV_CAP_PROP_VIEWFINDER
Definition: videoio_c.h:514
@ CV_HLS2BGR_FULL
Definition: types_c.h:212
void detectCharucoDiamond(InputArray image, InputArrayOfArrays markerCorners, InputArray markerIds, float squareMarkerLengthRate, OutputArrayOfArrays diamondCorners, OutputArray diamondIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray())
Detect ChArUco Diamond markers.
virtual ~BFMatcher()
Definition: features2d.hpp:1031
int rows
Definition: warping.hpp:127
#define CV_GRAPH_FIELDS()
Definition: types_c.h:1365
virtual ~Pose3D()
Definition: pose_3d.hpp:125
@ GpuApiCallError
Definition: base.hpp:117
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:151
virtual void write(String fs) const =0
Write xml/yml formated parameters information.
class for automatic module/RTTI data registration/unregistration
Definition: core_c.h:2774
void cvStartReadSeq(const CvSeq *seq, CvSeqReader *reader, int reverse=0)
bool updateAlt(const CvMat *¶m, CvMat *&JtJ, CvMat *&JtErr, double *&errNorm)
int getMinLabel() const
Returns label with minimal distance.
Definition: interpolation.hpp:366
Impl * p
Definition: ocl.hpp:258
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
virtual void load(const std::string &path)=0
Bridge & operator=(const vector_KeyPoint &)
Definition: bridge.hpp:395
int subsetOfs
Definition: ml.hpp:1083
virtual void release()
Closes the file and releases all the memory buffers.
@ COLOR_BGRA2RGB
Definition: imgproc.hpp:530
void * allocateMemory(int size)
Definition: allocator.h:123
#define IPL_DEPTH_SIGN
Definition: types_c.h:258
void * block
Definition: persistence.hpp:673
static Ptr< DCT2D > create(int width, int height, int depth, int flags)
void showWidget(const String &id, const Widget &widget, const Affine3d &pose=Affine3d::Identity())
Shows a widget in the window.
Definition: all_layers.hpp:217
@ COLOR_RGBA2YUV_YV12
Definition: imgproc.hpp:731
void cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
virtual void setUniquenessRatio(int uniquenessRatio)=0
Parameters of StructuredLightPattern constructor.
Definition: graycodepattern.hpp:77
@ CV_BayerGB2RGB
Definition: types_c.h:176
Matx34d p
Definition: msm_epfl.hpp:73
int warpSize() const
warp size in threads
Ptr< UnscentedKalmanFilter > createAugmentedUnscentedKalmanFilter(const AugmentedUnscentedKalmanFilterParams ¶ms)
Augmented Unscented Kalman Filter factory method.
@ COLOR_mRGBA2RGBA
Definition: imgproc.hpp:717
#define clRetainSampler
Definition: opencl_core_wrappers.hpp:250
void setEdgePoints(int edge, int orgPt, int dstPt)
@ NCV_CUDA_ERROR
Definition: NCV.hpp:319
@ FLANN_INDEX_KMEANS
Definition: defines.h:85
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).
virtual int inputNameToIndex(String inputName)
Returns index of input blob into the input array.
Definition: tinyxml2.h:443
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
cuda::GpuMat mapDevice(cuda::Stream &stream)
Maps OpenGL buffer to CUDA device memory.
void demosaicing(InputArray _src, OutputArray _dst, int code, int dcn=0)
@ COLOR_YUV2BGR_YVYU
Definition: imgproc.hpp:691
@ CV_BayerRG2RGB_EA
Definition: types_c.h:349
cv::Ptr< CvMat > JtErr
Definition: calib3d_c.h:412
Base class for Canny Edge Detector. :
Definition: cudaimgproc.hpp:280
void max32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
void cvReleaseMat(CvMat **mat)
Deallocates a matrix.
void forward(LayerId startLayer, LayerId toLayer)
Runs forward pass to compute output of layer toLayer, but computations start from startLayer.
NcvBool isMemAllocated() const
Definition: NCV.hpp:893
Bridge & operator=(const vector_vector_DMatch &)
Definition: bridge.hpp:420
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
@ CALIB_FIX_SKEW
Definition: omnidir.hpp:57
double depth(InputArray R, InputArray t, InputArray X)
Returns the depth of a point transformed by a rigid transform.
@ CAP_ANDROID
Android - not used.
Definition: videoio.hpp:104
virtual void convert(OutputArray gpu_objects, std::vector< Rect > &objects)=0
Converts objects array from internal representation to standard vector.
char * pointer
Definition: cvstd.hpp:483
@ StsObjectNotFound
request can't be completed
Definition: base.hpp:104
@ turnaround
Definition: gr_skig.hpp:70
virtual int getMaxFeatures() const =0
void destroy(pointer p)
Definition: cvstd.hpp:153
const_pointer address(const_reference r)
Definition: cvstd.hpp:147
void setBlockSize(int val)
Definition: rgbd.hpp:400
int rows
Definition: deriv.hpp:256
Scalar sum(InputArray src)
Calculates the sum of array elements.
@ CV_CAP_PROP_PVAPI_BINNINGX
Definition: videoio_c.h:256
RegKinds
Regularization kinds.
Definition: ml.hpp:1471
void createWeightMap(InputArray mask, float sharpness, InputOutputArray weight)
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:288
@ BORDER_DEFAULT
same as BORDER_REFLECT_101
Definition: base.hpp:262
virtual void setFlags(int flags)=0
virtual void apply(int index, Point corner, InputOutputArray image, InputArray mask)=0
Compensate exposure in the specified image.
uchar * cvPtr3D(const CvArr *arr, int idx0, int idx1, int idx2, int *type=NULL)
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
The class implements the Expectation Maximization algorithm.
Definition: ml.hpp:749
@ CV_EVENT_FLAG_SHIFTKEY
Definition: highgui_c.h:198
Impl * p
Definition: ocl.hpp:349
static Ptr< CascadeClassifier > create(const FileStorage &file)
_Tp & operator*() const
returns the reference to the current element
void * cvAlloc(size_t size)
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.
This 3D Widget represents normals of a point cloud. :
Definition: widgets.hpp:765
#define CV_CUDEV_RGB2Luv_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:371
@ ACCESS_WRITE
Definition: mat.hpp:62
NCVStatus nppsStCompact_32u_host(Ncv32u *h_src, Ncv32u srcLen, Ncv32u *h_dst, Ncv32u *dstLen, Ncv32u elemRemove)
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
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
Vec< int, 3 > Vec3i
Definition: matx.hpp:376
virtual float getSaturation() const =0
Definition: objdetect.hpp:338
const float dampingFactor
Definition: pcaflow.hpp:102
virtual cv::Mat getPriors() const =0
The array of a priori class probabilities, sorted by the class label value.
double cvGetReal2D(const CvArr *arr, int idx0, int idx1)
void scale(double factor)
virtual void compose(const Map &map)=0
Definition: warpers.hpp:109
virtual void detectAndCompute(InputArray image, InputArray mask, std::vector< KeyPoint > &keypoints, OutputArray descriptors, bool useProvidedKeypoints=false)
vector_uchar toVectorUchar()
Definition: bridge.hpp:411
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
Ptr_DualTVL1OpticalFlow toPtrDualTVL1OpticalFlow()
Definition: bridge.hpp:478
const size_t & operator[](int i) const
@ CAP_GSTREAMER
GStreamer.
Definition: videoio.hpp:114
int set(int i, const _Tp &value)
Definition: ocl.hpp:412
int speckleWindowSize
Definition: calib3d_c.h:341
@ CV_FONT_BOLD
Definition: highgui_c.h:71
@ CV_BGR5552BGRA
Definition: types_c.h:148
int cvClipLine(CvSize img_size, CvPoint *pt1, CvPoint *pt2)
Clips the line segment connecting *pt1 and *pt2 by the rectangular window.
Definition: msm_epfl.hpp:61
virtual ~CompositeIndex()
Definition: composite_index.h:95
TranslationBasedLocalOutlierRejector()
virtual ~RotationWarper()
Definition: warpers.hpp:62
int hal_ni_split32s(const int *src_data, int **dst_data, int len, int cn)
Definition: hal_replacement.hpp:347
#define CV_PI_F
Definition: common.hpp:87
#define CV_NEXT_SEQ_ELEM(elem_size, reader)
Definition: types_c.h:1613
@ CV_CAP_INTELPERC_GENERATORS_MASK
Definition: videoio_c.h:452
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracker.hpp:516
v_reg< _Tp, n > & operator*=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:406
virtual bool isOldFormatCascade() const =0
@ TM_CCORR
Definition: imgproc.hpp:3632
Distance::ResultType DistanceType
Definition: lsh_index.h:82
SearchParams(int checks=32, float eps=0, bool sorted=true)
static void retainBest(std::vector< KeyPoint > &keypoints, int npoints)
virtual double getGradientEps() const
SrcPtr src
Definition: deriv.hpp:106
virtual double getNoiseSigma() const =0
@ CAP_PROP_XI_CC_MATRIX_02
Color Correction Matrix element [0][2].
Definition: videoio.hpp:399
MatAllocator * allocator
custom allocator
Definition: mat.hpp:1969
virtual int getP1() const =0
@ CAP_PROP_XI_SHARPNESS
Sharpness Strength.
Definition: videoio.hpp:396
@ CAP_FIREWARE
Same as CAP_FIREWIRE.
Definition: videoio.hpp:94
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracker.hpp:689
#define CV_AA
Definition: imgproc_c.h:988
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
void cvRestoreMemStoragePos(CvMemStorage *storage, CvMemStoragePos *pos)
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
Recovers inverse camera response.
~RadiusResultSet()
Definition: result_set.h:244
Ncv32u y
Point Y.
Definition: NCV.hpp:203
void seek(size_t pos)
positions the iterator within the sequence
Definition: core_c.h:3095
std::vector< uchar > pool
Definition: mat.hpp:2528
static void conditionalError(bool expr, const std::string &str)
raise error if condition fails
Definition: mxarray.hpp:96
virtual void setProduceCellOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
virtual const std::vector< float > & blurrinessRates() const
Definition: deblurring.hpp:81
#define clEnqueueBarrierWithWaitList
Definition: opencl_core_wrappers.hpp:67
double cornerRefinementMinAccuracy
Definition: aruco.hpp:143
cv::RNG toRNG()
explicit conversion to cv::RNG()
Definition: bridge.hpp:361
virtual void write(FileStorage &fs) const =0
Definition: wobble_suppression.hpp:114
float endPointX
Definition: descriptor.hpp:131
@ COLOR_YUV2BGRA_YUYV
Definition: imgproc.hpp:702
bool member_type
Definition: core.hpp:3125
Definition: hierarchical_clustering_index.h:81
void sub64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
virtual Ncv32u alignment(void) const
virtual void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
Definition: core.hpp:3034
SrcPtr src
Definition: deriv.hpp:354
SparseMat_(const SparseMat_ &m)
the copy constructor. This is O(1) operation - no data is copied
void(CV_STDCALL * Cv_iplDeallocate)(IplImage *, int)
Definition: core_c.h:1939
const Ptr< detail::FeaturesFinder > featuresFinder() const
Definition: stitching.hpp:188
void cvCalcProbDensity(const CvHistogram *hist1, const CvHistogram *hist2, CvHistogram *dst_hist, double scale=255)
Divides one histogram by another.
void cvGraphRemoveEdgeByPtr(CvGraph *graph, CvGraphVtx *start_vtx, CvGraphVtx *end_vtx)
LSTM recurrent layer.
Definition: all_layers.hpp:77
const XMLDeclaration * ToDeclaration() const
Definition: tinyxml2.h:1902
@ XML_ERROR_PARSING_TEXT
Definition: tinyxml2.h:1013
virtual void setSaturation(float saturation)=0
CvBox2D(CvPoint2D32f c=CvPoint2D32f(), CvSize2D32f s=CvSize2D32f(), float a=0)
Definition: types_c.h:1069
@ COLOR_BayerRG2RGB_VNG
Definition: imgproc.hpp:758
virtual void setMinDisparity(int minDisparity)=0
void boxPoints(RotatedRect box, OutputArray points)
Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
size_t workGroupSize() const
Matx33d k
Definition: msm_middlebury.hpp:63
float result_type
Definition: vec_distance.hpp:93
virtual double getSigmaS() const =0
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.
static matlab::MxArray FromMat(const cv::Mat &mat)
Definition: bridge.hpp:227
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)
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:140
#define CV_MAKETYPE(depth, cn)
Definition: interface.h:79
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))
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
virtual bool empty() const
Returns true if there are no train descriptors in the both collections.
pointer address(reference r)
Definition: cvstd.hpp:146
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
bool haveOpenVX()
Check if use of OpenVX is possible.
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:169
void train(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, const GPCTrainingParams params=GPCTrainingParams())
Definition: sparse_matching_gpc.hpp:265
virtual int getDatasetLength(int id)=0
virtual void setScaleFactor(double scaleFactor)=0
Parameter specifying how much the image size is reduced at each image scale.
WaveCorrectKind
Definition: motion_estimators.hpp:323
@ CHAIN_APPROX_TC89_KCOS
Definition: imgproc.hpp:452
_Tp operator()(int i0, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(i0, hashval)
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:524
virtual void setMedianFiltering(int val)=0
Median filter kernel size (1 = no filter) (3 or 5)
virtual void multiply(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
bool wasStopped() const
Returns whether the event loop has been stopped.
int rows
Definition: extrapolation.hpp:66
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
UMat descriptors
Definition: matchers.hpp:67
int label
Definition: or_sun.hpp:62
virtual int getVotesThreshold() const =0
~TrackerMILTargetState()
Destructor.
Definition: tracker.hpp:614
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:370
Definition: functional.hpp:173
@ CAP_PROP_PVAPI_BINNINGY
Vertical binning factor.
Definition: videoio.hpp:289
@ CV_BGR2YUV_I420
Definition: types_c.h:328
CvRect(int _x=0, int _y=0, int w=0, int h=0)
Definition: types_c.h:786
Yes a[2]
Definition: functional.hpp:890
Blob & reshape(const BlobShape &shape)
Changes shape of the blob without copying the data.
static int swapEndian(int val)
Suit the position of bytes in 4 byte data structure for particular system.
@ CAP_PROP_XI_CC_MATRIX_13
Color Correction Matrix element [1][3].
Definition: videoio.hpp:404
void randu(InputOutputArray dst, InputArray low, InputArray high)
Generates a single uniformly-distributed random number or an array of random numbers.
virtual void setPriors(const cv::Mat &val)=0
The array of a priori class probabilities, sorted by the class label value.
void pow(InputArray src, double power, OutputArray dst, Stream &stream=Stream::Null())
Raises every matrix element to a power.
@ CV_RGBA2mRGBA
Definition: types_c.h:324
_Tp y
Definition: types.hpp:176
Definition: types_c.h:1776
@ CV_CAP_PROP_XI_LED_MODE
Definition: videoio_c.h:273
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:94
@ FLANN_CENTERS_KMEANSPP
Definition: defines.h:109
virtual void setDiscSingleJump(double disc_single_jump)=0
virtual void calc(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err=cv::noArray())=0
Calculates a sparse optical flow.
void assign(const Mat &m) const
void * m_retAddress
Definition: utility.hpp:1127
bool empty() const
Checks whether the classifier has been loaded.
int signature
Definition: types_c.h:1191
static Matx all(_Tp alpha)
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:90
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)
@ CAP_PROP_XI_SENSOR_BOARD_TEMP
Camera sensor board temperature.
Definition: videoio.hpp:389
void waitForCompletion()
Blocks the current CPU thread until all operations in the stream are complete.
double m10
Definition: types_c.h:399
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
void init(int nparams, int nerrs, CvTermCriteria criteria=cvTermCriteria(CV_TERMCRIT_EPS+CV_TERMCRIT_ITER, 30, DBL_EPSILON), bool completeSymmFlag=false)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
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)
virtual void setPreFilterSize(int preFilterSize)=0
virtual bool set(int propId, double value)
Sets a property in the VideoCapture.
double maxDepth
Definition: rgbd.hpp:864
int maxSurface1D() const
maximum 1D surface size
float localAdaptintegration_tau
Definition: retina.hpp:176
virtual ~WarperCreator()
Definition: warpers.hpp:58
Mat reconstruct(InputArray src)
std::vector< cv::Point3d > CameraPos
Camera position on the sphere after duplicated points elimination.
Definition: cnn_3dobj.hpp:159
@ CV_StsFilterOffsetErr
Definition: types_c.h:151
Definition: warpers.hpp:598
@ StsBackTrace
pseudo error for back trace
Definition: base.hpp:70
virtual void setUseInitialFlow(bool useInitialFlow)=0
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
Definition: vec_math.hpp:61
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)
virtual void setSaturation(float saturation)=0
@ COLOR_RGBA2BGRA
Definition: imgproc.hpp:536
CvScalar cvGet1D(const CvArr *arr, int idx0)
Return a specific array element.
Mat_< Vec4f > Mat4f
Definition: mat.hpp:2216
v_reg< ushort, 8 > v_uint16x8
Eight 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:358
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
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...
void setBool(const String &key, bool value)
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
@ THRESH_TOZERO
Definition: imgproc.hpp:332
double mu21
Definition: types.hpp:867
virtual void dscreate(const int rows, const int cols, const int type, String dslabel) const =0
@ CV_CAP_MODE_YUYV
Definition: videoio_c.h:462
Mat_(Size _size)
equivalent to Mat(_size, DataType<_Tp>::type)
Whitespace WhitespaceMode() const
Definition: tinyxml2.h:1566
RotatedRect minAreaRect(InputArray points)
Finds a rotated rectangle of the minimum area enclosing the input 2D point set.
size_t elemSize() const
Returns the matrix element size in bytes.
Base class for all minimum graph-cut-based seam estimators.
Definition: seam_finders.hpp:229
__host__ NCVStatus setStageThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:275
virtual int getPreFilterType() const =0
InpaintingModes
Definition: photo_c.h:58
@ OCR_LEVEL_WORD
Definition: ocr.hpp:60
@ CAP_PROP_GPHOTO2_RELOAD_CONFIG
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:547
@ value
Definition: functional.hpp:897
CvString str
Definition: types_c.h:1795
Mat _eigenvectors
Definition: core.hpp:2531
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:96
#define clEnqueueCopyBuffer
Definition: opencl_core_wrappers.hpp:70
Types
SVM type
Definition: ml.hpp:580
static Ptr< OR_pascal > create()
_Tp * ptr(const Vec< int, n > &idx)
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)
bool full() const
Definition: result_set.h:112
T ElementType
Definition: dist.h:697
void create(int dims, const int *_sizes, int _type)
reallocates sparse matrix.
@ CLOSED
Definition: tinyxml2.h:1463
void remove(int idx)
removes element at the specified position
Definition: core_c.h:3065
virtual ~WeakClassifierHaarFeature()
@ SOLVEPNP_UPNP
Exhaustive Linearization for Robust Camera Pose and Focal Length Estimation .
Definition: calib3d.hpp:239
Definition: cap_ios.h:101
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: kmeans_index.h:451
int label
Definition: predict_collector.hpp:87
NCVStatus nppiStTranspose_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
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...
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)
@ 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
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.
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
@ CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio.hpp:522
std::vector< int > parent
Definition: util.hpp:64
void cvAvgSdv(const CvArr *arr, CvScalar *mean, CvScalar *std_dev, const CvArr *mask=NULL)
bool variantIs(const String &name)
check if the valid variant is the key name
Definition: mxarray.hpp:628
PlaneWarperGpu(float scale=1.f)
Definition: warpers.hpp:438
void createConcentricSpheresTestSet(int nsamples, int nfeatures, int nclasses, OutputArray samples, OutputArray responses)
Creates test set.
@ KMEANS_PP_CENTERS
Definition: core.hpp:205
@ RECTIFY_CYLINDRICAL
Definition: omnidir.hpp:69
virtual void setLRCthresh(int _LRC_thresh)=0
@ DIST_LABEL_PIXEL
Definition: imgproc.hpp:385
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.
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
struct CvSeqBlock * next
Definition: types_c.h:1218
uchar * data
Definition: cuda.hpp:419
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:169
@ CAP_PROP_XI_GPO_MODE
Set general purpose output mode.
Definition: videoio.hpp:336
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2405
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
size_t freeList
Definition: mat.hpp:2527
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...
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
virtual ~StrongClassifierDirectSelection()
virtual int getMaxLines() const =0
@ CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Horizontal sub-sampling of the image.
Definition: videoio.hpp:286
void copyTo(OutputArray arr) const
Copies from OpenGL buffer to host/device memory or another OpenGL buffer object.
virtual void getPoints(OutputArray points3d)=0
@ WINDOW_KEEPRATIO
the ratio of the image is respected.
Definition: highgui.hpp:189
Definition: types_c.h:472
__host__ void gridMerge_(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:64
void * hashtableGet(hashtable_int *hashtbl, KeyType key)
@ CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
Selects which test pattern generator is controlled by the TestPattern feature.
Definition: videoio.hpp:360
void calcNorm(InputArray src, OutputArray dst, int normType, InputArray mask=noArray(), Stream &stream=Stream::Null())
int header_size
Definition: persistence.hpp:671
void swapChannels(InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null())
Exchanges the color channels of an image in-place.
#define HaarFeatureDescriptor32_NumFeatures_Shift
Definition: NCVHaarObjectDetection.hpp:124
void bind(Target target) const
Binds OpenGL buffer to the specified buffer binding point.
int minusDelta
Definition: imgproc.hpp:4597
CvCapture * cvCreateFileCapture(const char *filename)
start capturing frames from video file
float startPointX
Definition: descriptor.hpp:129
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.
@ COLOR_RGB2HSV
Definition: imgproc.hpp:582
@ CV_CAP_PROP_ANDROID_WHITEBALANCE_LOCK
Definition: videoio_c.h:423
@ COLOR_BayerBG2GRAY
Definition: imgproc.hpp:745
Class for matching keypoint descriptors.
Definition: types.hpp:738
float angle
Definition: types.hpp:703
int cvFloor(double value)
Rounds floating-point number to the nearest integer not larger than the original.
Definition: fast_math.hpp:131
#define clAmdBlasSgemmEx
Definition: opencl_clamdblas.hpp:379
void setFrameSource(Ptr< IFrameSource > val)
Definition: stabilizer.hpp:77
void cvCalcArrHist(CvArr **arr, CvHistogram *hist, int accumulate=0, const CvArr *mask=NULL)
Calculates array histogram.
schar * seqPushFront(CvSeq *seq, const void *element=0)
@ CV_CAP_PROP_TILT
Definition: videoio_c.h:202
int firstEdge
Definition: imgproc.hpp:1134
void min32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
CvMat * temp2
Definition: tracking_c.h:201
virtual void setGammaCorrection(bool gamma_correction)=0
Flag to specify whether the gamma correction preprocessing is required or not.
size_t veclen() const
Definition: kdtree_index.h:176
virtual void setMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:78
uint8_t * image[num_images]
Definition: descriptor.hpp:103
@ COLOR_BGR5552RGB
Definition: imgproc.hpp:562
@ EVENT_MBUTTONDOWN
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:208
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const
Clones the matcher.
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
virtual bool VisitExit(const XMLDocument &)
Visit a document.
Definition: tinyxml2.h:2000
ZeroIterator< T > & operator+=(int)
Definition: dist.h:776
@ CAP_PROP_ZOOM
Definition: videoio.hpp:151
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.
virtual void setGradientConstancyImportance(double gamma)=0
bool operator==(const NodeData &lhs, const NodeData &rhs)
NCVStatus nppiStTranspose_32f_C1R(Ncv32f *d_src, Ncv32u srcStride, Ncv32f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
TrackerStateEstimatorAdaBoosting(int numClassifer, int initIterations, int nFeatures, Size patchSize, const Rect &ROI)
Constructor.
@ CAP_PROP_XI_DEBUG_LEVEL
Set debug level.
Definition: videoio.hpp:467
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:73
@ CV_BadDataPtr
Definition: types_c.h:132
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.
SrcPtr src
Definition: remap.hpp:80
const ZeroIterator< T > & operator++()
Definition: dist.h:766
Definition: type_traits.hpp:79
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3038
CvSize2D32f(const cv::Size_< _Tp > &sz)
Definition: types_c.h:1041
Mat(const Point_< _Tp > &pt, bool copyData=true)
void copyTo(OutputArray dst, Stream &stream) const
copies the GpuMat content to device memory (Non-Blocking call)
void SetAttribute(const char *name, double value)
Sets the named attribute to value.
Definition: tinyxml2.h:1326
void integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
unsigned cvRandInt(CvRNG *rng)
Returns a 32-bit unsigned integer and updates RNG.
Definition: types_c.h:228
@ CV_StsObjectNotFound
Definition: types_c.h:155
double residual
Definition: pose_3d.hpp:127
@ COLOR_HLS2BGR_FULL
Definition: imgproc.hpp:609
CvRect cvGetValidDisparityROI(CvRect roi1, CvRect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize)
const int * ascii
font data and metrics
Definition: imgproc_c.h:1123
@ CV_YUV2GRAY_IYUV
Definition: types_c.h:272
int targetNum
Current number of targets in tracking-list.
Definition: tracker.hpp:1438
bool computeBinaryMap(InputArray _saliencyMap, OutputArray _binaryMap)
This function perform a binary map of given saliency map. This is obtained in this way:
int getState() const
Returns current state of the blob,.
virtual Mat getClassLabels() const =0
Returns the vector of class labels.
Matx< double, 1, 2 > Matx12d
Definition: matx.hpp:196
void addPoint(DistanceType dist, int index)
Definition: result_set.h:185
@ CV_CHAIN_APPROX_TC89_L1
Definition: types_c.h:459
cv::Scalar toScalar()
Definition: bridge.hpp:335
PaniniPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:397
static void cv2eigen(const Mat &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst)
Definition: eigen.hpp:95
#define CV_TERMCRIT_EPS
Definition: types_c.h:831
Point3_< double > Point3d
Definition: types.hpp:254
Definition: wimage.hpp:444
static const int TIXML2_MINOR_VERSION
Definition: tinyxml2.h:126
XMLText & operator=(const XMLText &)
double cvGetRealND(const CvArr *arr, const int *idx)
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)
File Storage Node class.
Definition: persistence.hpp:486
SparseMatIterator_()
the default constructor
std::vector< std::string > imageNames
Definition: hpe_humaneva.hpp:68
@ CAP_PROP_FRAME_HEIGHT
Height of the frames in the video stream.
Definition: videoio.hpp:128
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
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:192
@ CAP_MODE_BGR
BGR24 (default)
Definition: videoio.hpp:170
ConfidenceMap currentConfidenceMap
Definition: tracker.hpp:517
__host__ Expr< ReduceToRowBody< Reductor, SrcPtr > > reduceToRow_(const SrcPtr &src)
Definition: reduction.hpp:187
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:1512
const Mat refinementMask() const
Definition: motion_estimators.hpp:132
True is_vector_space_distance
Definition: dist.h:106
@ CMP_NE
src1 is unequal to src2.
Definition: base.hpp:205
void setValues(float mean, float sigma)
_Tp x
Definition: types.hpp:176
Mat & setTo(InputArray value, InputArray mask=noArray())
Sets all or some of the array elements to the specified value.
#define CV_CUDEV_EXPR_CVTCOLOR_INST(name)
Definition: color.hpp:60
Definition: warpers.hpp:490
CvMoments()
Definition: types_c.h:404
virtual Mat getProcessNoiseCov() const =0
QtFontStyles
Qt font style.
Definition: highgui.hpp:239
Video reader interface.
Definition: cudacodec.hpp:288
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
float calc(const std::vector< Mat > &_hists, const Mat &_normSum, size_t y, int featComponent) const
Definition: feature.hpp:340
Definition: result_set.h:288
static Ptr< Layer > createLayerInstance(const String &type, LayerParams ¶ms)
Creates instance of registered layer.
bool compilerAvailable() const
void reset()
Definition: utility.hpp:359
@ CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Current format of pixels on transport layer.
Definition: videoio.hpp:432
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
@ WMF_JAC
Definition: weighted_median_filter.hpp:70
virtual ~NCVVector()
Definition: NCV.hpp:577
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
MotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:123
size_t & operator[](int i)
void clear()
removes all the elements from the sequence
Definition: core_c.h:3041
std::string imageName
Definition: is_weizmann.hpp:62
const void * node
Definition: core_c.h:1896
virtual int getWarpingsNumber() const =0
Number of warpings per scale.
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
WImage< uchar > WImage_b
Definition: wimage.hpp:60
int pyramid_levels
Definition: linemod.hpp:420
String padMode
Definition: all_layers.hpp:213
LshTable(unsigned int feature_size, unsigned int key_size)
Definition: lsh_table.h:156
PredictResult(int label_=-1, double distance_=DBL_MAX)
Definition: predict_collector.hpp:89
char4 type
Definition: vec_traits.hpp:79
int tilt_ang
Definition: fr_adience.hpp:78
@ rightleft
Definition: gr_skig.hpp:65
@ CV_CAP_PROP_XI_RECENT_FRAME
Definition: videoio_c.h:389
@ COLOR_YUV2BGR_NV12
Definition: imgproc.hpp:629
size_t size() const
returns the current buffer size
@ CV_CANNY_L2_GRADIENT
Definition: types_c.h:602
virtual ~ICP()
Definition: icp.hpp:100
KeypointBasedMotionEstimator(Ptr< MotionEstimatorBase > estimator)
virtual void setLowThreshold(double low_thresh)=0
_Tp dot(const Point_ &pt) const
dot product
@ CAP_PROP_XI_IMAGE_DATA_FORMAT
Output data format.
Definition: videoio.hpp:362
cv::Mat getCameraMatrix() const
Definition: rgbd.hpp:905
@ COLOR_BGR2YUV_IYUV
Definition: imgproc.hpp:723
Vec3i maxTexture3D() const
maximum 3D texture dimensions
virtual int radiusSearch(InputArray query, OutputArray indices, OutputArray dists, double radius, int maxResults, const SearchParams ¶ms=SearchParams())
int img_idx
Definition: matchers.hpp:64
@ ALPHA_PREMUL
Definition: cudaimgproc.hpp:160
CvMatND * cvCreateMatND(int dims, const int *sizes, int type)
Creates the header and allocates the data for a multi-dimensional dense array.
void setMaxDepthDiff(double val)
Definition: rgbd.hpp:678
virtual bool getUseInitialFlow() const =0
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
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
int cols
Definition: cuda.hpp:286
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3123
@ CAP_PVAPI_PIXELFORMAT_RGBA32
Rgba32.
Definition: videoio.hpp:315
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.
virtual void setNLevels(int nlevels)=0
bool isContinuous() const
returns true iff the matrix data is continuous
Definition: gpumat.hpp:61
void create(const std::vector< int > &sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
Definition: functional.hpp:289
Definition: hierarchical_clustering_index.h:55
size_t step1(int i=0) const
Returns a normalized step.
@ CV_CAP_PROP_XI_TIMEOUT
Definition: videoio_c.h:281
Size_(_Tp _width, _Tp _height)
vector< Point2d > gtbb
Definition: track_vot.hpp:65
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)
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
@ DECOMP_CHOLESKY
Definition: base.hpp:143
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.
Bridge & operator=(const mxArray *obj)
Definition: bridge.hpp:212
Definition: cap_ios.h:133
static void write(FileStorage &fs, const String &name, const Rect_< _Tp > &r)
Definition: persistence.hpp:990
int cvSliceLength(CvSlice slice, const CvSeq *seq)
@ CPU_SSE2
Definition: cvdef.h:140
virtual void load(const std::string &path)=0
void addValue(int pos, float val, float *vals, T *point, T *points, int n)
Definition: simplex_downhill.h:41
virtual double getLambda() const =0
@ CV_BGR5552RGBA
Definition: types_c.h:149
#define clBuildProgram
Definition: opencl_core_wrappers.hpp:10
void setIterationCounts(const cv::Mat &val)
Definition: rgbd.hpp:949
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_kernel_info
Definition: opencl_core.hpp:334
void hashtableDestroy(hashtable_int *hashtbl)
const int sectionSizes[]
Definition: track_alov.hpp:71
XMLError SaveFile(FILE *fp, bool compact=false)
@ IMWRITE_JPEG_RST_INTERVAL
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:85
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, logical_not< T > > > operator!(const GpuMat_< T > &src)
Definition: unary_op.hpp:90
Definition: interpolation.hpp:272
__host__ void gridFindMinMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:341
std::vector< cv::Point > vector_Point
Definition: bridge.hpp:70
char * ParseName(char *in)
int Width() const
Definition: wimage.hpp:188
__host__ SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelXPtr(const SrcPtr &src)
Definition: deriv.hpp:173
@ DFT_COMPLEX_OUTPUT
Definition: base.hpp:232
int depth
Definition: gr_chalearn.hpp:78
NCVMemStackAllocator(NCVMemoryType memT, size_t capacity, Ncv32u alignment, void *reusePtr=NULL)
@ SF_BGR
Definition: cudacodec.hpp:77
float const_param_type
Definition: core.hpp:3180
bool normaliseOutput
Definition: retina.hpp:161
virtual void setGamma(double val)=0
coefficient for additional illumination variation term
#define CV_MAX_ARR
Definition: core_c.h:563
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.
int width
Definition: tr_icdar.hpp:63
@ CAP_PROP_XI_LUT_INDEX
Control the index (offset) of the coefficient to access in the LUT.
Definition: videoio.hpp:443
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R, InputArray T)
Ncv32u x
Point X.
Definition: NCV.hpp:202
#define clGetEventProfilingInfo
Definition: opencl_core.hpp:202
__host__ Expr< ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrY_(const SrcPtr &src)
Definition: deriv.hpp:108
bool hostUnifiedMemory() const
@ FLANN_DIST_CS
Definition: defines.h:138
virtual ~DPMDetector()
Definition: dpm.hpp:142
Mat_< uchar > Mat1b
Definition: mat.hpp:2193
int cvGraphRemoveVtx(CvGraph *graph, int index)
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:729
@ POINTS
Definition: opengl.hpp:479
int cols
Definition: extrapolation.hpp:66
WImageView< ushort > WImageView_16u
Definition: wimage.hpp:102
int cvStdErrReport(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
virtual XMLUnknown * ToUnknown()
Safely cast to an Unknown, or null.
Definition: tinyxml2.h:978
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:499
#define clGetPlatformInfo
Definition: opencl_core.hpp:220
int * refcount
Definition: cuda.hpp:420
void read(const FileNode &fn)
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
void write(FileStorage &fs) const
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1222
@ CV_BadAlphaChannel
Definition: types_c.h:138
CompressedRectilinearWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:334
float weight2() const
Definition: motion_stabilizing.hpp:135
@ CV_MOP_BLACKHAT
Definition: types_c.h:393
Definition: seam_finders.hpp:119
T & operator[](int i)
Definition: tinyxml2.h:254
@ CALIB_FIX_K5
Definition: calib3d.hpp:263
void buildPyramid(InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT)
Constructs the Gaussian pyramid for an image.
@ COLOR_RGB2YUV_YV12
Definition: imgproc.hpp:729
@ CV_RGBA2RGB
Definition: types_c.h:107
bool normBySize
Definition: all_layers.hpp:243
@ CV_CHECKBOX
Definition: highgui_c.h:96
WImageC< float, 3 > WImage3_f
Definition: wimage.hpp:83
#define clReleaseDevice
Definition: opencl_core_wrappers.hpp:211
int cvCountNonZero(const CvArr *arr)
Ptr< Layer > _layerDynamicRegisterer(LayerParams ¶ms)
Definition: layer.hpp:123
virtual const XMLComment * ToComment() const
Definition: tinyxml2.h:634
@ CV_YUV2BGR_YUYV
Definition: types_c.h:301
RandomPatternGenerator(int imageWidth, int imageHeight)
DynamicBitset(size_t sz)
Definition: dynamic_bitset.h:69
int hal_ni_merge32s(const int **src_data, int *dst_data, int len, int cn)
Definition: hal_replacement.hpp:368
#define clReleaseProgram
Definition: opencl_core_wrappers.hpp:223
virtual void setMotions(const std::vector< Mat > &val)
int nneg
Definition: feature.hpp:191
String padMode
Definition: all_layers.hpp:264
@ CAP_PROP_XI_GAMMAC
Chromaticity gamma.
Definition: videoio.hpp:395
Definition: warpers.hpp:365
SparseMatIterator_(SparseMat *_m)
void setNumBands(int val)
Definition: blenders.hpp:132
virtual bool getUse1SERule() const =0
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
Definition: tracker.hpp:861
virtual void setUsePrefilter(bool factor)=0
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)
Estimates global motion between two 2D point clouds.
static Matx diag(const diag_type &d)
WImageBufferC< uchar, 1 > WImageBuffer1_b
Definition: wimage.hpp:69
__host__ LinearInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interLinear(const SrcPtr &src)
Definition: interpolation.hpp:140
@ CV_StsOutOfRange
Definition: types_c.h:162
MatIterator_< _Tp > begin()
Returns the matrix iterator and sets it to the first matrix element.
UnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
WPolyLine(InputArray points, InputArray colors)
@ FLANN_INDEX_LINEAR
Definition: defines.h:83
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)
@ StsInternal
internal error (bad state)
Definition: base.hpp:72
virtual void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)=0
Method that searches for nearest-neighbours.
int type() const
returns type of sparse matrix elements
cv::Point2f toPoint2f() const
Definition: bridge.hpp:315
int edgeDst(int edge, Point2f *dstpt=0) const
Returns the edge destination.
Base class for a seam estimator.
Definition: seam_finders.hpp:59
@ DICT_5X5_50
Definition: dictionary.hpp:146
CvMat * temp4
Definition: tracking_c.h:203
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:91
Structure containing image keypoints and descriptors.
Definition: matchers.hpp:63
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)
static void backSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
performs back substitution
float * MeasurementMatr
Definition: tracking_c.h:174
Definition: result_set.h:67
String run(InputArray image, InputArray mask, int min_confidence, int component_level=0)
static bool ToUnsigned(const char *str, unsigned *value)
@ CALIB_RATIONAL_MODEL
Definition: calib3d.hpp:265
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.
Mat(const std::vector< int > &sizes, int type)
void write(FileStorage &) const
Read parameters from file, currently unused.
float _sig0
Definition: onlineMIL.hpp:93
float k_rinv[9]
Definition: warpers.hpp:134
T work_type
Definition: reduce_to_vec.hpp:107
@ CV_BayerRG2BGR
Definition: types_c.h:172
Template class for specifying the size of an image or rectangle.
Definition: types.hpp:291
double focal
Definition: camera.hpp:65
int step
Definition: imgproc.hpp:4595
Affine transformation based estimator.
Definition: motion_estimators.hpp:120
virtual ~ParallelLoopBody()
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.
int QueryAttribute(const char *name, bool *value) const
Definition: tinyxml2.h:1293
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
int cols
Definition: interpolation.hpp:367
@ QT_FONT_DEMIBOLD
Weight of 63.
Definition: highgui.hpp:233
virtual Size getMinObjectSize() const =0
int64 getCPUTickCount()
Returns the number of CPU ticks.
Match()
Definition: linemod.hpp:284
void isotropicPreconditionerFromPoints(InputArray points, OutputArray T)
Point conditioning (isotropic).
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)
@ BadAlphaChannel
Definition: base.hpp:87
virtual bool VisitExit(const XMLElement &)
Visit an element.
Definition: tinyxml2.h:461
void translation(const Vec3 &t)
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:425
Ptr< RgbdNormals > getNormalsComputer() const
Definition: rgbd.hpp:985
void setMaxDepthDiff(double val)
Definition: rgbd.hpp:933
virtual void setNumComponents(int val)=0
MatIterator_(Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
unsigned char ElementType
Definition: dist.h:384
NCVStatus ncvGroupRectangles_host(NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
virtual void setNMixtures(int nmix)=0
int width
Definition: tr_svt.hpp:63
Definition: inpainting.hpp:62
int channels() const
returns number of channels
const Node * node(size_t nidx) const
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:1532
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:64
@ CV_CAP_PROP_BRIGHTNESS
Definition: videoio_c.h:176
void cvGetQuadrangleSubPix(const CvArr *src, CvArr *dst, const CvMat *map_matrix)
Retrieves quadrangle from the input array.
Video writer interface.
Definition: cudacodec.hpp:176
static std::string ToString()
Definition: mxarray.hpp:163
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:73
static Matx< _Tp1, m, n > & operator-=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1129
virtual bool getUseInitialFlow() const =0
virtual void setMinVal(double val)=0
virtual const std::vector< Mat > & motions2() const
Definition: wobble_suppression.hpp:82
float optimizeSimplexDownhill(T *points, int n, F func, float *vals=NULL)
Definition: simplex_downhill.h:69
@ CALIB_FIX_K1
Definition: calib3d.hpp:1889
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...
virtual void setUseInitialFlow(bool val)=0
virtual double getTau() const =0
Asymptotic value of steepest descent method.
int height
Definition: tr_icdar.hpp:63
@ CV_CAP_PROP_XI_DEBOUNCE_POL
Definition: videoio_c.h:354
int nativeVectorWidthChar() const
void min16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
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
Definition: types_c.h:611
static MatExpr zeros(int ndims, const int *sz, int type)
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w, Matx< _Tp, m, nm > &u, Matx< _Tp, n, nm > &vt)
Texture-based strategy for the selective search segmentation algorithm The class is implemented from ...
Definition: segmentation.hpp:118
int beam_size
Definition: ocr.hpp:451
Interface for modalities that plug into the LINE template matching representation.
Definition: linemod.hpp:157
virtual void setLightAdaptation(float light_adapt)=0
__device__ __forceinline__ double4 hypot(double s, const double4 &b)
Definition: vec_math.hpp:917
virtual void setSigmaR(double val)=0
@ PROJ_SPHERICAL_EQRECT
Definition: imgproc.hpp:355
@ DIST_L1
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:310
virtual void setPyrScale(double val)=0
Ptr< HoughSegmentDetector > createHoughSegmentDetector(float rho, float theta, int minLineLength, int maxLineGap, int maxLines=4096)
Creates implementation for cuda::HoughSegmentDetector .
@ CV_WINDOW_FULLSCREEN
Definition: highgui_c.h:126
float index_type
Definition: texture.hpp:188
WImage< ushort > WImage_16u
Definition: wimage.hpp:101
L2< ElementType >::ResultType ResultType
Definition: dist.h:807
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: kmeans_index.h:463
virtual void add(const std::vector< GpuMat > &descriptors)=0
Adds descriptors to train a descriptor collection.
void update(std::vector< ConfidenceMap > &confidenceMaps)
Update the ConfidenceMap with the scores.
float size
Definition: descriptor.hpp:126
virtual int getFastThreshold() const =0
int type() const
returns element type, similar to CV_MAT_TYPE(cvmat->type)
void cvRepeat(const CvArr *src, CvArr *dst)
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:312
CvPoint cvReadChainPoint(CvChainPtReader *reader)
Retrieves the next chain point.
Mutex * mutex
Definition: utility.hpp:601
virtual int getThreshold() const =0
ptrdiff_t operator-(const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
Definition: core_c.h:3157
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:199
@ NCV_ALLOCATOR_NOT_INITIALIZED
Definition: NCV.hpp:332
Ptr< cuda::BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
@ COLORMAP_BONE
Definition: imgproc.hpp:4081
FLANNException(const char *message)
Definition: general.h:42
int64 getTimeTicks() const
Definition: utility.hpp:319
Vertex(Point2f pt, bool _isvirtual, int _firstEdge=0)
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:962
virtual bool collect(int label, double dist)=0
Interface method called by face recognizer for each result.
@ CV_CAP_PROP_XI_DEBOUNCE_T0
Definition: videoio_c.h:352
virtual void process(std::vector< Rect > &rects)=0
Based on all images, graph segmentations and stragies, computes all possible rects and return them.
Definition: tracker.hpp:1120
XMLError QueryIntText(int *ival) const
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
@ COLOR_RGBA2mRGBA
alpha premultiplication
Definition: imgproc.hpp:716
Ncv8u x
Definition: NCV.hpp:139
cv::Ptr< CLAHE > Ptr_CLAHE
Definition: bridge.hpp:82
void cvSetErrStatus(int status)
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:102
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:63
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)
virtual void setTermCriteria(const cv::TermCriteria &val)=0
Impl * p
Definition: ocl.hpp:229
float searchWinSize
size of search window
Definition: tracker.hpp:809
void mapBackward(float u, float v, float &x, float &y)
CvPluginFuncInfo * func_tab
Definition: types_c.h:1858
void(KMeansIndex::* centersAlgFunction)(int, int *, int, int *, int &)
Definition: kmeans_index.h:88
size_t size() const
Definition: kmeans_index.h:401
@ CV_CAP_PROP_XI_TRG_SOURCE
Definition: videoio_c.h:265
Affine3 inv(int method=cv::DECOMP_SVD) const
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:340
#define clGetExtensionFunctionAddress
Definition: opencl_core.hpp:204
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
5-element vector constructor
#define clReleaseCommandQueue
Definition: opencl_core_wrappers.hpp:205
virtual void read(const FileNode &node)=0
Read detector from FileNode.
int getClusterCenters(Matrix< DistanceType > ¢ers)
Definition: kmeans_index.h:532
void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
size_t size() const
Definition: hierarchical_clustering_index.h:438
int index_type
Definition: mask.hpp:60
double bias
Definition: all_layers.hpp:242
MemPoolT()
Definition: tinyxml2.h:330
CensusKernel()
Definition: descriptor.hpp:175
Type conversion class for converting OpenCV and native C++ types.
Definition: bridge.hpp:159
Callback with the character classifier is made a class.
Definition: ocr.hpp:354
@ block_size_y
Definition: reduce_to_vec.hpp:215
Point2f pt
coordinates of the keypoints
Definition: types.hpp:701
Definition: descriptor.hpp:66
virtual int getQuantizationLevels() const =0
__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
@ CAP_PROP_XI_TRG_SOURCE
Defines source of trigger.
Definition: videoio.hpp:330
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.
void findMaxSpanningTree(int num_images, const std::vector< MatchesInfo > &pairwise_matches, Graph &span_tree, std::vector< int > ¢ers)
void replaceWeakClassifier(int index)
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
float getSquareLength() const
Definition: charuco.hpp:111
static flann_datatype_t type()
Definition: saving.h:51
bool create(const ProgramSource &src, const String &buildflags, String &errmsg)
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)
UMat operator()(const std::vector< Range > &ranges) const
bool NcvBool
Definition: NCV.hpp:118
virtual void setQuantizationLevels(int nlevels)=0
const XMLConstHandle NextSiblingElement(const char *_value=0) const
Definition: tinyxml2.h:1885
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:78
void buildIndex()
Definition: lsh_index.h:110
ptrdiff_t difference_type
Definition: cvstd.hpp:136
MatConstIterator(const Mat *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
imageType type
Definition: slam_tumindoor.hpp:71
void read(const FileNode &fn)
double m12
Definition: types_c.h:399
const std::vector< Mat > & getDescriptors() const
Returns a training set of descriptors.
#define clEnqueueFillImage
Definition: opencl_core_wrappers.hpp:88
@ IMREAD_IGNORE_ORIENTATION
If set, do not rotate the image according to EXIF's orientation flag.
Definition: imgcodecs.hpp:77
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
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)
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 .
Mat mat() const
Simplified reading API to use with bindings.
virtual const std::vector< Mat > & motions() const
Definition: deblurring.hpp:78
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))
__host__ size_t stepT() const
returns step()/sizeof(T)
@ CV_RGBA2BGRA
Definition: types_c.h:119
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
Definition: is_weizmann.hpp:61
void cvMixChannels(const CvArr **src, int src_count, CvArr **dst, int dst_count, const int *from_to, int pair_count)
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
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
RotatedRect(const Point2f ¢er, const Size2f &size, float angle)
void sqrt(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square root of each matrix element.
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)
virtual void buildIndex()=0
Builds the index.
void finalize()
Finalizes cloud data by repacking to single cloud.
@ CV_CAP_GIGANETIX
Definition: videoio_c.h:117
_Tp * ptr
pointer to the real buffer, can point to buf if the buffer is small enough
Definition: utility.hpp:147
@ COLOR_Luv2LRGB
Definition: imgproc.hpp:620
Matrix read-only iterator.
Definition: mat.hpp:2926
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.
struct for detection region of interest (ROI)
Definition: objdetect.hpp:328
virtual void checkParams() const
@ male
Definition: fr_adience.hpp:62
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
4-element vector constructor
void showImage(cv::InputArray img, const CallMetaData &data, const char *description, const char *view)
cv::Ptr< CvMat > JtJN
Definition: calib3d_c.h:411
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...
virtual double getScaleFactor() const =0
HersheyFonts
Definition: core.hpp:223
double getConfidence()
Definition: matching.hpp:405
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)
@ COLOR_YUV2GRAY_420
Definition: imgproc.hpp:660
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.
Class that enables getting cudaEvent_t from cuda::Event.
Definition: cuda_stream_accessor.hpp:76
void cvReleaseImage(IplImage **image)
Deallocates the image header and the image data.
virtual ~WBDetector()
Definition: xobjdetect.hpp:96
void mapForward(float x, float y, float &u, float &v)
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
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const
int width
Definition: sinusoidalpattern.hpp:85
bool is_full_
Definition: result_set.h:374
unsigned int Ncv32u
Definition: NCV.hpp:128
const XMLNode * NextSibling() const
Get the next (right) sibling node of this node.
Definition: tinyxml2.h:730
@ RHO
RHO algorithm.
Definition: calib3d.hpp:232
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
@ is_signed_int
Definition: type_traits.hpp:143
std::vector< uchar > inliers_mask
Geometrically consistent matches mask.
Definition: matchers.hpp:214
CvSize2D32f(float w=0, float h=0)
Definition: types_c.h:1039
virtual int getSpeckleWindowSize() const =0
@ CAP_PROP_OPENNI_REGISTRATION
Definition: videoio.hpp:223
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
@ CV_CAP_XIAPI
Definition: videoio_c.h:113
@ CMP_GT
src1 is greater than src2.
Definition: base.hpp:201
int cols
Definition: glob.hpp:87
Definition: or_imagenet.hpp:67
static int fatal(const char *fmt,...)
Definition: logger.h:118
void CvArr
This is the "metatype" used only as a function parameter.
Definition: types_c.h:114
void removeAllWidgets()
Removes all widgets from the window.
@ CV_CAP_MODE_BGR
Definition: videoio_c.h:459
void cvSet2D(CvArr *arr, int idx0, int idx1, CvScalar value)
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2407
int refcount
Definition: mat.hpp:497
static Ptr< ANN_MLP > load(const String &filepath)
Loads and creates a serialized ANN from a file.
Definition: deriv.hpp:255
@ CV_BayerBG2RGB_VNG
Definition: types_c.h:200
#define TINYXML2_LIB
Definition: tinyxml2.h:75
int cvHaveImageReader(const char *filename)
String name() const
returns the node name or an empty string if the node is nameless
UMat t() const
matrix transposition by means of matrix expressions
void randShuffle(InputOutputArray dst, double iterFactor=1., RNG *rng=0)
Shuffles the array elements randomly.
static UMat ones(int ndims, const int *sz, int type)
size_t imageMaxBufferSize() const
MatConstIterator_ & operator++()
increments the iterator
virtual void merge(int r1, int r2)=0
Inform the strategy that two regions will be merged.
virtual double getHitThreshold() const =0
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
WCameraPosition(double scale=1.0)
Creates camera coordinate frame at the origin.
virtual void PrintSpace(int depth)
Affine warper that uses rotations and translations.
Definition: warpers.hpp:214
void cvCalcPCA(const CvArr *data, CvArr *mean, CvArr *eigenvals, CvArr *eigenvects, int flags)
@ COLOR_RGB2XYZ
Definition: imgproc.hpp:572
virtual void setMaxLevel(int maxLevel)=0
const XMLElement * ToElement() const
Definition: tinyxml2.h:1893
Status composePanorama(InputArrayOfArrays images, OutputArray pano)
These functions try to compose the given images (or images stored internally from the other function ...
void recip8u(const uchar *, size_t, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
int cvGetErrInfo(const char **errcode_desc, const char **description, const char **filename, int *line)
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
#define CV_CONTOUR_FIELDS()
Definition: types_c.h:1388
virtual ~VideoWriter()
Definition: cudacodec.hpp:178
virtual ~WImage()=0
Definition: wimage.hpp:510
@ CAP_PROP_TRIGGER
Definition: videoio.hpp:148
size_t rows
Definition: matrix.h:51
#define clGetMemObjectInfo
Definition: opencl_core.hpp:216
int cvGrabFrame(CvCapture *capture)
grab a frame, return 1 on success, 0 on fail.
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
Ncv32u y
y-coordinate of upper left corner.
Definition: NCV.hpp:163
Definition: vec_distance.hpp:123
Class implementing the FLD (Fast Line Detector) algorithm described in .
Definition: fast_line_detector.hpp:25
@ CV_MOP_DILATE
Definition: types_c.h:388
WImage< T >::BaseType BaseType
Definition: wimage.hpp:411
size_t size() const
Definition: mxarray.hpp:422
virtual void setAlpha(double val)=0
Flow smoothness.
int max_patch_size
threshold for the ROI size
Definition: tracker.hpp:1246
@ CV_GRAY2BGR
Definition: types_c.h:123
@ CV_CAP_OPENNI_POINT_CLOUD_MAP
Definition: videoio_c.h:469
Definition: composite_index.h:46
RotateFlags
Definition: core.hpp:1025
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:182
MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracker.hpp:1214
const _Tp & operator[](ptrdiff_t i) const
returns the i-th matrix element, relative to the current
@ COLOR_Lab2LBGR
Definition: imgproc.hpp:617
Ncv32f * pNewFrame
new frame
Definition: NPP_staging.hpp:125
struct CvModuleInfo * next
Definition: types_c.h:1855
void exp(InputArray src, OutputArray dst)
Calculates the exponent of every array element.
@ CAP_OPENNI_SXGA_30HZ
Definition: videoio.hpp:263
void DeleteChild(XMLNode *node)
Definition: sparse_matching_gpc.hpp:310
int memoryClockRate() const
peak memory clock frequency in kilohertz
@ ALPHA_ATOP_PREMUL
Definition: cudaimgproc.hpp:160
int canonicalAxis(int axis) const
Converts axis index to canonical format (where 0 <= axis < dims()).
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
static MatExpr ones(Size size, int type)
__host__ void gridFindMinMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:174
int type() const
Returns type of the blob.
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
virtual void setCut(bool value)=0
virtual Mat postProcessFrame(const Mat &frame)
LineIterator & operator++()
prefix increment operator (++it). shifts iterator to the next pixel
@ CV_MAX_SOBEL_KSIZE
Definition: types_c.h:97
SparseMatIterator_< _Tp > end()
returns sparse matrix iterator pointing to the element following the last sparse matrix element
XMLDocument(bool processEntities=true, Whitespace=PRESERVE_WHITESPACE)
constructor
void getNames(std::vector< String > &names) const
Returns vector of symbolic names captured in loadFromCSV()
@ DIST_C
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:312
@ MPEG1
Definition: cudacodec.hpp:245
Point3_< int > Point3i
Definition: types.hpp:252
Ptr< flann::IndexParams > indexParams
Definition: features2d.hpp:1098
virtual ~XMLText()
Definition: tinyxml2.h:894
const char * const_pointer
Definition: cvstd.hpp:484
Ptr< TrackerModel > model
Definition: tracker.hpp:582
virtual void setMotionModel(MotionModel val)
Sets motion model.
Definition: global_motion.hpp:106
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: feature.hpp:199
#define clGetMemObjectInfo
Definition: opencl_core_wrappers.hpp:181
Definition: types_c.h:779
@ CAP_PROP_FORMAT
Format of the Mat objects returned by VideoCapture::retrieve().
Definition: videoio.hpp:132
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)
void buildIndex()
Definition: kdtree_single_index.h:116
int readPoseCluster(FILE *f)
static bool ToDouble(const char *str, double *value)
int maxLevel_
Definition: optical_flow.hpp:93
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:113
@ COLOR_RGB2Lab
Definition: imgproc.hpp:585
size_t size() const
Definition: result_set.h:174
TermCriteria(int type, int maxCount, double epsilon)
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 ...
void setMaxDisparity(int val)
method for setting the maximum disparity
Definition: matching.hpp:377
@ CV_YUV2BGRA_NV21
Definition: types_c.h:246
virtual void setOptimalParameters(int svmsgdType=SVMSGD::ASGD, int marginType=SVMSGD::SOFT_MARGIN)=0
Function sets optimal parameters values for chosen SVM SGD model.
float uniform(float a, float b)
returns uniformly distributed floating-point random number from [a,b) range
Definition: deblurring.hpp:91
#define CV_CUDEV_EXPR_UNOP_INST(op, functor)
Definition: unary_op.hpp:63
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
#define OPENCV_HAL_AND(a, b)
Definition: intrin.hpp:54
void cvReleaseVideoWriter(CvVideoWriter **writer)
close video file writer
int ClosingType() const
Definition: tinyxml2.h:1466
bool addTrackerFeature(Ptr< TrackerFeature > &feature)
double cvCalcGlobalOrientation(const CvArr *orientation, const CvArr *mask, const CvArr *mhi, double timestamp, double duration)
size_t size() const
Definition: result_set.h:359
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
int size
subset size
Definition: motion_core.hpp:75
virtual int getClustersNumber() const =0
MatConstIterator_< _Tp > end() const
@ SFM_IO_VISUALSFM
Definition: io.hpp:59
IplImage * cvGetImage(const CvArr *arr, IplImage *image_header)
Returns image header for arbitrary array.
virtual void collectGarbage()
Clear all inner buffers.
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(double x, double y, double z)
Definition: types_c.h:953
void seqPopMulti(CvSeq *seq, void *elements, int count, int in_front=0)
The base class for algorithms that align images of the same scene with different exposures.
Definition: photo.hpp:478
CvBox2D cvFitEllipse2(const CvArr *points)
Fits ellipse into a set of 2d points.
void setFlags(FLAGS modeFlags)
int maxCatCount
Definition: feature.hpp:151
const char & const_reference
Definition: cvstd.hpp:482
@ is_tuple
Definition: tuple.hpp:66
virtual int getMaxLines() const =0
Definition: slam_kitti.hpp:75
@ CAP_PROP_POS_FRAMES
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:125
@ COLOR_YUV2RGBA_UYNV
Definition: imgproc.hpp:685
void read(const FileNode &fn)
int QueryAttribute(const char *name, double *value) const
Definition: tinyxml2.h:1297
@ CV_IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs_c.h:101
MatIterator_(Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
N
Definition: modelConvert.m:31
@ RECTIFY_PERSPECTIVE
Definition: omnidir.hpp:68
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:375
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...
@ FLANN_UINT16
Definition: defines.h:162
int getMouseWheelDelta(int flags)
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVEN...
Definition: tuple_adapter.hpp:58
virtual void setSamples(int samples)=0
CvRect cvBoundingRect(CvArr *points, int update=0)
Calculates contour bounding rectangle (update=1) or just retrieves pre-calculated rectangle (update=0...
int start_index
Definition: types_c.h:1100
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracker.hpp:398
int depth
Definition: or_pascal.hpp:84
virtual double getThreshold() const =0
@ ALPHA_OUT
Definition: cudaimgproc.hpp:159
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
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
std::vector< Mat > LinearMemories
Definition: linemod.hpp:427
cv::Ptr< DualTVL1OpticalFlow > Ptr_DualTVL1OpticalFlow
Definition: bridge.hpp:88
virtual void setType(int val)=0
bool isAMD() const
Definition: ocl.hpp:185
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
void * data
Definition: matrix.h:92
std::vector< cv::String > vector_String
Definition: bridge.hpp:73
@ DICT_7X7_100
Definition: dictionary.hpp:155
Definition: warpers.hpp:374
@ CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio.hpp:240
static Ptr< StandardCollector > create(double threshold=DBL_MAX)
Static constructor.
#define clEnqueueWaitForEvents
Definition: opencl_core_wrappers.hpp:127
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:65
@ CV_BGR2XYZ
Definition: types_c.h:154
void setIterationCounts(const cv::Mat &val)
Definition: rgbd.hpp:686
IplImage * cvCreateImage(CvSize size, int depth, int channels)
Creates an image header and allocates the image data.
@ DISP_SCALE
Definition: stereo.hpp:83
int cols
Definition: warping.hpp:79
Status stitch(InputArrayOfArrays images, const std::vector< std::vector< Rect > > &rois, OutputArray pano)
These functions try to stitch the given images.
@ CV_WINDOW_NORMAL
Definition: highgui_c.h:117
float endPointY
Definition: descriptor.hpp:132
double eps
Definition: objdetect.hpp:133
void createHanningWindow(OutputArray dst, Size winSize, int type)
This function computes a Hanning window coefficients in two dimensions.
void cvReleaseCapture(CvCapture **capture)
stop capturing/reading and free resources
std::vector< handlerT > objects
Definition: tracker.hpp:1387
void setConfidence(double val)
setter for the confidence check
Definition: matching.hpp:399
short i
Definition: cvdef.h:315
virtual float getInputMax() const =0
Input image range maximum value.
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(const cv::Mat &m)
#define clBuildProgram
Definition: opencl_core.hpp:102
ChiSquareDistance< ElementType >::ResultType ResultType
Definition: dist.h:829
T ElementType
Definition: dist.h:206
NcvBool bNeedsTiltedII
Definition: NCVHaarObjectDetection.hpp:339
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
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const
Clones the matcher.
__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
const XMLDocument * GetDocument() const
Get the XMLDocument that owns this XMLNode.
Definition: tinyxml2.h:595
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
void add32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
virtual int getTextureThreshold() const =0
void Median9x1Filter(const Mat &originalImage, Mat &filteredImage)
9x1 median filter
Definition: matching.hpp:590
const std::vector< float > & getWeights() const
virtual void dsread(OutputArray Array, String dslabel) const =0
CvHaarFeature * haar_feature
Definition: objdetect_c.h:86
virtual void setMode(int mode)=0
int connectedComponents(InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image
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
Ptr< RetinaFastToneMapping > createRetinaFastToneMapping(Size inputSize)
static bool hasSIMD128()
Definition: intrin_cpp.hpp:1780
ErrorTypes
Error types
Definition: ml.hpp:90
@ CAP_PROP_XI_SENSOR_FEATURE_VALUE
Allows access to sensor feature value currently selected by XI_PRM_SENSOR_FEATURE_SELECTOR.
Definition: videoio.hpp:475
__host__ __device__ BinaryTupleAdapter< Op, n0, n1 > binaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:92
Allocator * allocator
allocator
Definition: cuda.hpp:303
@ CV_CAP_PROP_XI_DEVICE_MODEL_ID
Definition: videoio_c.h:363
int elemSize
Definition: imgproc.hpp:4595
Accumulator< T >::Type ResultType
Definition: dist.h:109
size_t offset(int n=0, int cn=0, int row=0, int col=0) const
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.
void write(FileStorage &fs, const String &name, const std::vector< KeyPoint > &value)
double cvGetCentralMoment(CvMoments *moments, int x_order, int y_order)
Retrieve central moments.
static Ptr< FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=FastFeatureDetector::TYPE_9_16)
double mu30
Definition: types_c.h:400
@ CV_YUV2RGBA_Y422
Definition: types_c.h:291
int x
Definition: linemod.hpp:305
Distance::ResultType DistanceType
Definition: composite_index.h:75
std::vector< std::pair< int, double > > getResults(bool sorted=false) const
Return results as vector.
#define NCV_CT_ASSERT(X)
Definition: NCV.hpp:89
const std::vector< Mat > & const_param_type
Definition: core.hpp:3164
int perform_morphing
These erase one-pixel junk blobs and merge almost-touching blobs. Default value is 1.
Definition: cudalegacy.hpp:167
virtual float getTheta() const =0
@ CV_LINK_RUNS
Definition: types_c.h:461
@ FONT_HERSHEY_SCRIPT_SIMPLEX
hand-writing style font
Definition: core.hpp:230
Definition: onlineBoosting.hpp:152
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
WImageBuffer(IplImage *img)
Definition: wimage.hpp:309
int flags
Definition: mat.hpp:502
virtual void clone(void *const *src, void **dest)
Definition: any.h:70
Vec conj() const
conjugation (makes sense for complex numbers and quaternions)
static Ptr< StereoBM > create(int numDisparities=0, int blockSize=21)
Creates StereoBM object.
IndexParams getParameters() const
Definition: linear_index.h:115
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:245
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: calib3d.hpp:1741
virtual ~BOWKMeansTrainer()
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:216
String className
Definition: tracker.hpp:442
@ COLOR_YUV2GRAY_YUYV
Definition: imgproc.hpp:712
Definition: functional.hpp:253
virtual int getSpeckleWindowSize() const =0
virtual double getTau() const =0
virtual void setTilesGridSize(Size tileGridSize)=0
Definition: kdtree_index.h:71
schar * cvSeqSearch(CvSeq *seq, const void *elem, CvCmpFunc func, int is_sorted, int *elem_idx, void *userdata=NULL)
bool isString() const
Definition: mxarray.hpp:430
bool readPose(const String &file, Affine3d &pose, const String &tag="pose")
Read/write poses and trajectories.
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))
double cvGetReal1D(const CvArr *arr, int idx0)
Return a specific element of single-channel 1D, 2D, 3D or nD array.
CvMat * cvDecodeImageM(const CvMat *buf, int iscolor=CV_LOAD_IMAGE_COLOR)
ValueType & at(const KeyType &k)
Definition: map.hpp:78
void debugFilter(cv::InputArray original, cv::InputArray result, const CallMetaData &data, const char *description, const char *view)
static UMat diag(const UMat &d)
constructs a square diagonal matrix which main diagonal is vector "d"
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
void cvSetZero(CvArr *arr)
Clears the array.
Definition: is_weizmann.hpp:69
float index_type
Definition: interpolation.hpp:297
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
Definition: types_c.h:226
@ CV_IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs_c.h:100
size_t rfind(const String &str, size_t pos=npos) const
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)
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:532
EdgeAwareFiltersList
Definition: edge_filter.hpp:52
__host__ GpuMat_(const GpuMat &m, Allocator *allocator=defaultAllocator())
copy/conversion contructor. If m is of different type, it's converted
MatExpr operator/(const Mat &a, const Mat &b)
@ CV_YUV420sp2BGR
Definition: types_c.h:241
@ KMEANS_RANDOM_CENTERS
Definition: core.hpp:203
@ StsBadArg
function arg/param is bad
Definition: base.hpp:74
@ IMWRITE_PNG_STRATEGY
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_DEFAULT.
Definition: imgcodecs.hpp:89
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
@ 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
Definition: NCV.hpp:316
int singleFPConfig() const
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...
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)
Line iterator.
Definition: imgproc.hpp:4567
float cvFastArctan(float y, float x)
virtual int outputNameToIndex(String outputName)
Returns index of output blob in output array.
@ COLOR_BayerGB2RGB
Definition: imgproc.hpp:741
_Tp * ptr(int i0, int i1, int i2)
void createDirectory(const std::string &path)
void cvSetTrackbarPos(const char *trackbar_name, const char *window_name, int pos)
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:472
void setMaxPointsPart(double val)
Definition: rgbd.hpp:702
Bridge & operator=(const Ptr_Stitcher &)
Definition: bridge.hpp:497
void accumulate(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds an image to the accumulator.
@ COLOR_BayerRG2BGR_VNG
Definition: imgproc.hpp:753
@ CV_CAP_PROP_XI_TS_RST_SOURCE
Definition: videoio_c.h:382
Scalar * real()
Definition: mxarray.hpp:401
virtual void quantize(Mat &dst) const =0
Compute quantized image at current pyramid level for online detection.
virtual void setAppertureSize(int apperture_size)=0
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:108
virtual void setBackgroundRatio(double backgroundRatio)=0
@ VAR_ORDERED
ordered variables
Definition: ml.hpp:84
Matx(const Matx< _Tp, m, n > &a, _T2 alpha, Matx_ScaleOp)
int minorVersion() const
minor compute capability
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.
Definition: hpe_humaneva.hpp:61
MapPtr map
Definition: remap.hpp:66
const std::vector< Rect > & getAreas() const
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.
virtual int getHistory() const =0
const _Tp & at(Point pt) const
virtual bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)=0
int getT(int pyramid_level) const
Get sampling step T at pyramid_level.
Definition: linemod.hpp:387
double maxDepth
Definition: rgbd.hpp:1000
CvScalar color
Definition: imgproc_c.h:1121
@ CV_YUV2BGR_UYNV
Definition: types_c.h:285
@ REAL
floating-point number
Definition: persistence.hpp:493
void release()
Decrements the reference counter and destroys the buffer object if needed.
Point3_ cross(const Point3_ &pt) const
cross product of the 2 3D points
InputOutputArray InputOutputArrayOfArrays
Definition: mat.hpp:384
Ptr_MergeRobertson toPtrMergeRobertson()
Definition: bridge.hpp:493
@ CV_CAP_PROP_XI_COLUMN_FPN_CORRECTION
Definition: videoio_c.h:391
Class implementing two-dimensional phase unwrapping based on This algorithm belongs to the quality-g...
Definition: histogramphaseunwrapping.hpp:66
Mat cameraMatrix
Definition: rgbd.hpp:1008
double seamEstimationResol() const
Definition: stitching.hpp:172
@ value
Definition: type_traits.hpp:80
@ XML_ERROR_PARSING_COMMENT
Definition: tinyxml2.h:1015
@ CV_RGB2BGRA
Definition: types_c.h:110
virtual void setMinArea(float minArea)=0
virtual void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const =0
size_t rfind(char c, size_t pos=npos) const
float localAdaptintegration_k
Definition: retina.hpp:176
@ __UMAT_USAGE_FLAGS_32BIT
Definition: mat.hpp:400
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
static Context & getDefault(bool initialize=true)
@ OCR_DECODER_VITERBI
Definition: ocr.hpp:147
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
void niBlackThreshold(InputArray _src, OutputArray _dst, double maxValue, int type, int blockSize, double delta)
Applies Niblack thresholding to input image.
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
GpuMat & setTo(Scalar s, InputArray mask, Stream &stream)
sets some of the GpuMat elements to s, according to the mask (Non-Blocking call)
virtual Mat postProcessFrame(const Mat &frame)
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:396
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
@ NCV_ALLOCATOR_DEALLOC_ORDER
Definition: NCV.hpp:336
@ COLOR_RGB2Luv
Definition: imgproc.hpp:588
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
Definition: videoio_c.h:216
bool inversed
Definition: ml.hpp:1072
DecompTypes
matrix decomposition types
Definition: base.hpp:133
bool normVariance
Definition: all_layers.hpp:291
XMLHandle & operator=(const XMLHandle &ref)
Assignment.
Definition: tinyxml2.h:1778
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:1453
__device__ static __forceinline__ uint laneId()
Definition: warp.hpp:64
int y
Definition: fr_adience.hpp:75
v_uint16x8 v_reinterpret_as_u16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1562
double pca_learning_rate
compression learning rate
Definition: tracker.hpp:1241
double Wx
Definition: gr_chalearn.hpp:67
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:359
__device__ __forceinline__ uint vavrg4(uint a, uint b)
Definition: simd_functions.hpp:589
virtual void drawSegments(InputOutputArray _image, InputArray lines)=0
Draws the line segments on a given image.
#define clEnqueueBarrierWithWaitList
Definition: opencl_core.hpp:140
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:217
@ IMREAD_GRAYSCALE
If set, always convert image to the single channel grayscale image.
Definition: imgcodecs.hpp:66
@ CV_SCHARR
Definition: types_c.h:96
#define clSetUserEventStatus
Definition: opencl_core.hpp:270
@ CAP_PROP_HUE
Hue of the image (only for cameras).
Definition: videoio.hpp:137
Ncv32f pos
new frame position
Definition: NPP_staging.hpp:118
Brute-force descriptor matcher.
Definition: features2d.hpp:1023
Mat errorCovPre
priori error estimate covariance matrix (P'(k)): P'(k)=A*P(k-1)*At + Q)*/
Definition: tracking.hpp:372
FeatherBlender(float sharpness=0.02f)
Definition: blenders.hpp:122
Ptr< OCRHMMDecoder::ClassifierCallback > classifier
Definition: ocr.hpp:279
virtual void inpaint(int idx, Mat &frame, Mat &mask)
__device__ __forceinline__ uint vcmpne2(uint a, uint b)
Definition: simd_functions.hpp:454
static Ptr< BinaryDescriptor > createBinaryDescriptor()
Create a BinaryDescriptor object with default parameters (or with the ones provided) and return a sma...
size_t elemSize() const
returns element size in bytes,
~MultiTracker()
Destructor.
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, std::pair< int, int > range)
int cols
Definition: interpolation.hpp:136
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)
virtual bool getUsePostProcessing()=0
virtual ~NNIndex()
Definition: nn_index.h:53
@ CAP_PVAPI_FSTRIGMODE_SYNCIN1
SyncIn1.
Definition: videoio.hpp:295
cv::String m_funName
Definition: utility.hpp:1122
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.
Template Read-Only Sparse Matrix Iterator Class.
Definition: mat.hpp:3119
int64_t int64
Definition: interface.h:57
const ImageFeatures * features_
Definition: motion_estimators.hpp:196
size_t textureAlignment() const
alignment requirement for textures
@ CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio.hpp:228
@ CV_WINDOW_KEEPRATIO
Definition: highgui_c.h:128
Definition: tr_icdar.hpp:67
static Ptr< GrayCodePattern > create(const GrayCodePattern::Params ¶meters=GrayCodePattern::Params())
Constructor.
XMLError SaveFile(const char *filename, bool compact=false)
int N1cc
Number of color co-occurrence vectors used to model normal background color variation at a given pixe...
Definition: cudalegacy.hpp:162
size_type max_size() const
Definition: cvstd.hpp:155
void setMaxRotation(double val)
Definition: rgbd.hpp:726
CvSeq * cvCloneSeq(const CvSeq *seq, CvMemStorage *storage=NULL)
Definition: core_c.h:1694
void Set(char *start, char *end, int flags)
Definition: tinyxml2.h:165
__device__ __host__ NcvBool isRightNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:161
float alpha1
How quickly we forget old background pixel values seen. Typically set to 0.1.
Definition: cudalegacy.hpp:170
double ddot(const Matx< _Tp, m, n > &v) const
dot product computed in double-precision arithmetics
void pushBack(Ptr< InpainterBase > inpainter)
Definition: inpainting.hpp:111
void cvSetOpenGlDrawCallback(const char *window_name, CvOpenGlDrawCallback callback, void *userdata=NULL)
XMLConstHandle(const XMLNode *node)
Definition: tinyxml2.h:1849
ModifiedCsCensus(uint8_t **images, int ker)
Definition: descriptor.hpp:148
FastMarchingMethod()
Definition: fast_marching.hpp:66
@ NCV_DIMENSIONS_INVALID
Definition: NCV.hpp:326
void setClip(const Vec2d &clip)
Definition: types.hpp:188
@ CV_CAP_OPENNI_DISPARITY_MAP_32F
Definition: videoio_c.h:471
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
uchar * ptr(const int *idx)
@ CV_CAP_PROP_XI_HDR
Definition: videoio_c.h:394
@ CAP_PROP_XI_LUT_EN
Activates LUT.
Definition: videoio.hpp:442
UMat & setTo(InputArray value, InputArray mask=noArray())
sets some of the matrix elements to s, according to the mask
int cols
Definition: texture.hpp:207
void prepare(Rect dst_roi)
Definition: frame_source.hpp:58
int freeQEdge
Definition: imgproc.hpp:1153
@ CV_RGB2BGR555
Definition: types_c.h:143
@ CV_CAP_OPENNI_QVGA_60HZ
Definition: videoio_c.h:489
void setMatchingMask(const cv::UMat &mask)
Definition: stitching.hpp:198
virtual int getCannyThreshold() const =0
WImage< T >::BaseType BaseType
Definition: wimage.hpp:259
uchar const_param_type
Definition: core.hpp:3204
@ ALGORITHM
Definition: core.hpp:3116
@ HISTCMP_KL_DIV
Definition: imgproc.hpp:512
BlobShape shape() const
Returns shape of the blob.
@ COLOR_BGR2YUV
convert between RGB/BGR and YUV
Definition: imgproc.hpp:622
T ElementType
Definition: dist.h:141
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:71
Definition: warpers.hpp:422
Mat(const cuda::GpuMat &m)
download data from GpuMat
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1)
Calculates the weighted sum of two arrays.
float * PriorState
Definition: tracking_c.h:172
@ COVAR_NORMAL
Definition: core.hpp:178
static Ptr< TrackerSamplerAlgorithm > create(const String &trackerSamplerType)
Create TrackerSamplerAlgorithm by tracker sampler type.
Comma-separated Vec Initializer.
Definition: matx.hpp:414
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
Definition: types_c.h:531
short * s
Definition: types_c.h:640
void write(FileStorage &fs, const float &value)
Definition: persistence.hpp:876
Definition: tinyxml2.h:1034
@ CAP_PROP_XI_GAIN
Gain in dB.
Definition: videoio.hpp:350
virtual bool load(InputArray features, const String &filename)
Definition: all_layers.hpp:224
@ CV_MODIFIED_CS_CENSUS
Definition: descriptor.hpp:59
@ CV_CAP_PROP_XI_CMS
Definition: videoio_c.h:325
int depth() const
returns depth of the matrix elements
v_float64x2 v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1567
#define clReleaseContext
Definition: opencl_core_wrappers.hpp:208
@ is_const
Definition: type_traits.hpp:136
double cvMahalanobis(const CvArr *vec1, const CvArr *vec2, const CvArr *mat)
int Presets
NVVE_PRESETS,.
Definition: cudacodec.hpp:100
int classID
Definition: dpm.hpp:111
int index_type
Definition: deriv.hpp:104
double getMaxRotation() const
Definition: rgbd.hpp:841
Definition: ar_hmdb.hpp:61
virtual bool Accept(XMLVisitor *visitor) const
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
virtual void getParvoRAW(OutputArray retinaOutput_parvo)=0
Accessor of the details channel of the retina (models foveal vision).
OPLandIplParvoParameters OPLandIplParvo
Definition: retina.hpp:178
Rotation-only model image warper interface.
Definition: warpers.hpp:60
@ CC_STAT_HEIGHT
The vertical size of the bounding box.
Definition: imgproc.hpp:411
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
virtual size_t getDescriptorSize() const =0
Returns the number of coefficients required for the classification.
void setExposureCompensator(Ptr< detail::ExposureCompensator > exposure_comp)
Definition: stitching.hpp:222
@ CALIB_ZERO_TANGENT_DIST
Definition: calib3d.hpp:257
virtual int getLevelsNumber() const =0
float Type
Definition: dist.h:74
int thickness
Qt: weight /** letters thickness */.
Definition: imgproc_c.h:1128
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)
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
void Median1x9Filter(const Mat &originalImage, Mat &filteredImage)
Definition: matching.hpp:582
double maxTranslation
Definition: rgbd.hpp:873
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:354
Lightweight class for storing and processing a shape of blob (or anything else).
Definition: blob.hpp:58
const CvFileStorage * fs
Definition: persistence.hpp:681
Format
An Image Format describes the way that the images in Textures store their data.
Definition: opengl.hpp:289
~Node()
Definition: utility.hpp:1019
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)
void cvWriteComment(CvFileStorage *fs, const char *comment, int eol_comment)
Writes a comment.
__device__ __forceinline__ T2 operator()(typename TypeTraits< T1 >::parameter_type, typename TypeTraits< T2 >::parameter_type rhs) const
Definition: functional.hpp:301
DictValue & operator=(const DictValue &r)
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
const float claheClip
Definition: pcaflow.hpp:103
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
float minConvexity
Definition: features2d.hpp:578
size_t step
stride between two consecutive rows in bytes. Step is stored always and everywhere in bytes!...
Definition: glob.hpp:70
Definition: reduction.hpp:219
void save(const String &filename) const
int connectEdges(int edgeA, int edgeB)
virtual bool read(OutputArray image)
Grabs, decodes and returns the next video frame.
@ CAP_PROP_APERTURE
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:552
A simple white balance algorithm that works by independently stretching each of the input image chann...
Definition: white_balance.hpp:80
int type() const
Definition: sparse_matching_gpc.hpp:117
virtual void inpaint(int idx, Mat &frame, Mat &mask)
@ CV_LOAD_IMAGE_ANYCOLOR
Definition: imgcodecs_c.h:66
void createContinuous(int rows, int cols, int type, OutputArray arr)
Creates a continuous matrix.
static double norm(const Matx< _Tp, m, n > &M)
SeqIterator()
the default constructor
Definition: core_c.h:3086
void setMaxPointsPart(double val)
Definition: rgbd.hpp:941
MatIterator_< _Tp > it
Definition: mat.hpp:462
Definition: global_motion.hpp:193
void setWindowSize(int val)
Definition: rgbd.hpp:173
void scale(double factor)
UMat * m
Definition: ocl.hpp:385
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:106
@ CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Reload all settings on set.
Definition: videoio.hpp:548
__device__ static __forceinline__ uchar max()
Definition: limits.hpp:77
@ UNSIGNED_INT
Definition: core.hpp:3117
@ CAP_PROP_XI_TARGET_TEMP
Set sensor target temperature for cooling.
Definition: videoio.hpp:385
CvHaarEvaluator::FeatureHaar & getFeatureAt(int id)
Get the feature in position id.
SparseMatIterator_< _Tp > end()
returns the typed sparse matrix iterator at the matrix end
void ndoffset(size_t *ofs) const
AVCaptureStillImageOutput * stillImageOutput
Definition: cap_ios.h:142
__host__ GpuMat_(int arows, int acols, Allocator *allocator=defaultAllocator())
constructs GpuMat of the specified size
void completeFrameAccordingToFlow(const Mat &flowMask, const Mat &flowX, const Mat &flowY, const Mat &frame1, const Mat &mask1, float distThresh, Mat &frame0, Mat &mask0)
int getInt(const String &key, int defaultVal=-1) const
HostMem(int rows, int cols, int type, AllocType alloc_type=PAGE_LOCKED)
@ CV_HOUGH_PROBABILISTIC
Definition: types_c.h:609
_OutputArray(int _flags, void *_obj)
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
Ptr< Y > staticCast() const
@ SFM_IO_BUNDLER
Definition: io.hpp:58
virtual int getGridX() const =0
LshIndexParams(int table_number, int key_size, int multi_probe_level)
NCVStatus memSegCopyHelper(void *dst, NCVMemoryType dstType, const void *src, NCVMemoryType srcType, size_t sz, cudaStream_t cuStream)
@ LSD_REFINE_ADV
Definition: imgproc.hpp:481
__device__ __forceinline__ double4 acos(const double4 &a)
Definition: vec_math.hpp:328
int id
Definition: track_vot.hpp:63
virtual ~BaseOCR()
Definition: ocr.hpp:68
XMLElement * ToElement()
Safe cast to XMLElement. This can return null.
Definition: tinyxml2.h:1821
Matx< _Tp, m1, n1 > get_minor(int i, int j) const
extract part of the matrix
void queryMemory(size_t &totalMemory, size_t &freeMemory) const
gets free and total device memory
NCVStatus ncvGrowDetectionsVector_host(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale)
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.
True is_kdtree_distance
Definition: dist.h:591
virtual void interpolate(InputArray from_image, InputArray from_points, InputArray to_image, InputArray to_points, OutputArray dense_flow)=0
Interpolate input sparse matches.
Mat(const Mat &m, const Range &rowRange, const Range &colRange=Range::all())
std::string name
Definition: or_sun.hpp:63
@ CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio.hpp:490
Definition: kdtree_index.h:54
virtual int getNOctaves() const =0
double maxErroneousBitsInBorderRate
Definition: aruco.hpp:147
virtual Mat get_learnt_thetas() const =0
This function returns the trained paramters arranged across rows.
size_t length() const
Definition: NCV.hpp:614
ColorInpainter(int method=INPAINT_TELEA, double radius=2.)
Definition: inpainting.hpp:196
__host__ __device__ __forceinline__ int divUp(int total, int grain)
Definition: common.hpp:80
Definition: types_c.h:1343
static Ptr< SparsePyrLKOpticalFlow > create(Size winSize=Size(21, 21), int maxLevel=3, int iters=30, bool useInitialFlow=false)
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
virtual void * get_value(void **src)=0
float thresh[32][2]
Definition: types_c.h:752
std::map< int, String > _labelsInfo
Definition: face.hpp:366
int child
Definition: objdetect_c.h:100
WImageBuffer< ushort > WImageBuffer_16u
Definition: wimage.hpp:103
_Tp & value(Node *n)
returns the value stored in the sparse martix node
Mat getMat(int flags) const
virtual void setSpekleRemovalTechnique(int factor)=0
virtual void run(InputArray frame0, InputArray frame1, InputOutputArray flowX, InputOutputArray flowY, OutputArray errors)=0
void erase(const int *idx, size_t *hashval=0)
erases the specified element (nD case)
virtual void setCVFolds(int val)=0
AutoBuffer()
the default constructor
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...
CvSparseNode * node
Definition: types_c.h:720
illuminationType illumination
Definition: gr_skig.hpp:100
virtual double getP() const =0
static std::string ToString()
Definition: mxarray.hpp:175
Definition: track_vot.hpp:62
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
@ GAMMA
Definition: ml.hpp:633
int iterationNum
number of selection rounds
Definition: tracker.hpp:927
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
Definition: highgui_c.h:111
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
const char * cvGetFileNodeName(const CvFileNode *node)
Returns the name of a file node.
TrackerSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracker.hpp:851
virtual const std::type_info & type()=0
virtual void detect(InputArray image, OutputArray corners, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Determines strong corners on an image.
@ FONT_HERSHEY_COMPLEX
normal size serif font
Definition: core.hpp:227
void Rodrigues(InputArray src, OutputArray dst, OutputArray jacobian=noArray())
Converts a rotation matrix to a rotation vector or vice versa.
@ StsUnmatchedFormats
formats of input/output arrays differ
Definition: base.hpp:105
int getTargetWidth() const
Get the width of the target.
Definition: onlineBoosting.hpp:196
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
int p3
Definition: feature.hpp:323
virtual int getSpekleRemovalTechnique() const =0
__device__ __forceinline__ float1 sqrt(const uchar1 &a)
Definition: vec_math.hpp:222
int nbrOfPeriods
Definition: sinusoidalpattern.hpp:87
CvSeq * cvSegmentMotion(const CvArr *mhi, CvArr *seg_mask, CvMemStorage *storage, double timestamp, double seg_thresh)
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:97
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:77
@ ARO_45_135
Definition: fast_hough_transform.hpp:71
cv::Mat tld_getNextDatasetFrame()
cv::Ptr< Tonemap > Ptr_Tonemap
Definition: bridge.hpp:93
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
@ ROTATE_180
Definition: core.hpp:1027
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.
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.
Definition: call_meta_data.hpp:9
T ElementType
Definition: dist.h:594
@ CV_THRESH_BINARY
Definition: types_c.h:571
Bridge & operator=(const Ptr_CLAHE &)
Definition: bridge.hpp:447
virtual bool train(InputArray samples, int layout, InputArray responses)
Trains the statistical model.
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
@ StsError
unknown /unspecified error
Definition: base.hpp:71
#define clCreateContextFromType
Definition: opencl_core_wrappers.hpp:25
CvGraph * cvCreateGraph(int graph_flags, int header_size, int vtx_size, int edge_size, CvMemStorage *storage)
Definition: ir_robot.hpp:71
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.
#define clCreateBuffer
Definition: opencl_core_wrappers.hpp:16
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)
void cvCopyHist(const CvHistogram *src, CvHistogram **dst)
Copies a histogram.
GpuMat & setTo(Scalar s)
sets some of the GpuMat elements to s (Blocking call)
@ MODIFY_A
Definition: core.hpp:2556
std::vector< int > computeReplacedClassifier()
Get the list of the weak classifiers that should be replaced.
T type
Definition: matrix.h:49
bool globalPooling
Definition: all_layers.hpp:263
int preFilterType
Definition: calib3d_c.h:326
virtual double getSigmaR() const =0
uint8_t * image[num_images]
Definition: descriptor.hpp:144
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.
Ptr< LearningBasedWB > createLearningBasedWB(const String &path_to_model=String())
Creates an instance of LearningBasedWB.
XMLElement * LastChildElement(const char *value=0)
Definition: tinyxml2.h:709
const uchar * ptr(const int *idx) const
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
double Py
Definition: gr_chalearn.hpp:67
@ CV_CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Definition: videoio_c.h:508
virtual int getShadowValue() const =0
Returns the shadow value.
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: cudafeatures2d.hpp:456
@ COLOR_Lab2LRGB
Definition: imgproc.hpp:618
#define CV_CUDEV_YUV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:119
@ COLOR_YUV2GRAY_I420
Definition: imgproc.hpp:665
void cvUnregisterType(const char *type_name)
Unregisters the type.
virtual cv::Mat getMean() const =0
virtual ~AutotunedIndex()
Definition: autotuned_index.h:89
Definition: ir_robot.hpp:66
const Vec2d & getFocalLength() const
Definition: types.hpp:197
void absdiff32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
unsigned right
Definition: sparse_matching_gpc.hpp:170
virtual void setMinDistance(double minDistance)=0
@ NPPST_INVALID_ROI
Invalid region of interest argument.
Definition: NCV.hpp:365
@ NCV_ALLOCATOR_BAD_REUSE
Definition: NCV.hpp:337
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:112
GpuMat(InputArray arr, Allocator *allocator=defaultAllocator())
builds GpuMat from host memory (Blocking call)
std::string nameUser
Definition: gr_chalearn.hpp:77
@ IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs.hpp:116
int Lc
Quantized levels per 'color' component. Power of two, typically 32, 64 or 128.
Definition: cudalegacy.hpp:156
virtual void setSvmsgdType(int svmsgdType)=0
Algorithm type, one of SVMSGD::SvmsgdType.
double gaussian(double sigma)
Returns the next random number sampled from the Gaussian distribution.
const Mat & predict(const Mat &control=Mat())
Computes a predicted state.
MxArray field(const std::string &name)
Definition: mxarray.hpp:398
void subMatrix(const Mat &src, Mat &dst, const std::vector< int > &cols, const std::vector< int > &rows)
virtual bool isMaskSupported() const
Returns true if the descriptor matcher supports masking permissible matches.
MatStep step
Definition: mat.hpp:1979
HostMem(AllocType alloc_type=PAGE_LOCKED)
CvSetElem * cvGetSetElem(const CvSet *set_header, int idx)
Definition: core_c.h:1767
@ ROTATE_90_CLOCKWISE
Definition: core.hpp:1026
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
Definition: highgui_c.h:113
void addref()
manually increments the reference counter to the header.
SparseMatConstIterator_(const SparseMatConstIterator_ &it)
the copy constructor
int numOfOctave_
Definition: descriptor.hpp:196
@ CV_CAP_PROP_MODE
Definition: videoio_c.h:175
int doubleFPConfig() const
@ OpenCLNoAMDBlasFft
Definition: base.hpp:123
static Ptr< GFTTDetector > create(int maxCorners=1000, double qualityLevel=0.01, double minDistance=1, int blockSize=3, bool useHarrisDetector=false, double k=0.04)
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
LDA(InputArrayOfArrays src, InputArray labels, int num_components=0)
@ ONE_STEP
Definition: types.hpp:61
@ CV_CAP_PROP_XI_APPLY_CMS
Definition: videoio_c.h:326
virtual void setBlockSize(int blockSize)=0
@ CV_CAP_PROP_XI_EXP_PRIORITY
Definition: videoio_c.h:277
~TrackerStateEstimatorAdaBoosting()
Destructor.
virtual void setPyrScale(double pyrScale)=0
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: warpers.hpp:287
int cvGetOptimalDFTSize(int size0)
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:280
Bridge & operator=(const cv::Moments &)
Definition: bridge.hpp:329
void cvStartReadChainPoints(CvChain *chain, CvChainPtReader *reader)
Initializes Freeman chain reader.
bool concurrentKernels() const
device can possibly execute multiple kernels concurrently
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
Definition: types_c.h:310
virtual double getBackgroundPrior() const =0
Returns the prior probability that each individual pixel is a background pixel.
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
Definition: videoio_c.h:191
int cvSeqPartition(const CvSeq *seq, CvMemStorage *storage, CvSeq **labels, CvCmpFunc is_equal, void *userdata)
This is a real-time object tracking based on a novel on-line version of the AdaBoost algorithm.
Definition: tracker.hpp:1117
SparseMat_()
the default constructor
void cvSeqPop(CvSeq *seq, void *element=NULL)
virtual ~Function()
Definition: optim.hpp:66
@ CV_CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
Definition: videoio_c.h:369
@ CV_StsFilterStructContentErr
Definition: types_c.h:149
void write(FileStorage) const
Definition: feature.hpp:229
@ CAP_PROP_FOCUS
Definition: videoio.hpp:152
void write(FileStorage &fs, const String &name, const Mat &value)
virtual Mat getVarImportance() const =0
void cvEqualizeHist(const CvArr *src, CvArr *dst)
equalizes histogram of 8-bit single-channel image
Mat _eigenvalues
Definition: core.hpp:2532
void setTransformType(int val)
Definition: rgbd.hpp:965
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
void cvWrite(CvFileStorage *fs, const char *name, const void *ptr, CvAttrList attributes=cvAttrList())
Writes an object to file storage.
const ValueType & at(const KeyType &k) const
Definition: map.hpp:86
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.
SelectIf< type_traits_detail::IsSimpleParameter< unqualified_type >::value, T, typename type_traits_detail::AddParameterType< T >::type >::type parameter_type
Definition: type_traits.hpp:150
void inpaint(InputArray src, InputArray inpaintMask, OutputArray dst, double inpaintRadius, int flags)
Restores the selected region in an image using the region neighborhood.
#define clRetainProgram
Definition: opencl_core_wrappers.hpp:247
float trimRatio() const
Definition: stabilizer.hpp:87
virtual int getMode() const =0
void distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha=0)
Distorts 2D points using fisheye model.
@ CV_SPECKLE_REMOVAL_AVG_ALGORITHM
Definition: stereo.hpp:118
int rows
Definition: interpolation.hpp:367
Class encapsulating training data.
Definition: ml.hpp:138
void cvConvertImage(const CvArr *src, CvArr *dst, int flags=0)
int ppf_step
Definition: ppf_match_3d.hpp:151
static const char * ReadBOM(const char *p, bool *hasBOM)
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:374
virtual void setPatchStride(int val)=0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:1544
virtual Rect getROI()=0
Get the ROI used in the last filter call.
void cvFilter2D(const CvArr *src, CvArr *dst, const CvMat *kernel, CvPoint anchor=cvPoint(-1,-1))
Convolves an image with the kernel.
@ FLANN_CHECKS_AUTOTUNED
Definition: defines.h:172
@ CV_RGBA2YUV_YV12
Definition: types_c.h:338
void sub16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
virtual void pyrDown()=0
Go to the next pyramid level.
virtual int getNeighbors() const =0
void addPoint(DistanceType dist, int index)
Definition: result_set.h:263
virtual void add(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
Definition: limits.hpp:58
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
KMeansIndexParams(int branching=32, int iterations=11, cvflann::flann_centers_init_t centers_init=cvflann::FLANN_CENTERS_RANDOM, float cb_index=0.2f)
void release()
Decrements the reference counter and deallocates the matrix if needed.
bool isInit
Definition: tracker.hpp:578
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:354
@ EVENT_LBUTTONDOWN
indicates that the left mouse button is pressed.
Definition: highgui.hpp:206
static void runByImageBorder(std::vector< KeyPoint > &keypoints, Size imageSize, int borderSize)
#define clCreateFromGLTexture2D
Definition: opencl_gl.hpp:30
Types
Definition: ml.hpp:1209
KDTreeIndex & operator=(const KDTreeIndex &)
Mat project(InputArray src)
void forward(LayerId toLayer=String())
Runs forward pass to compute output of layer toLayer.
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
std::vector< cv::Mat > vector_Mat
Definition: bridge.hpp:69
Definition: reduction.hpp:109
virtual void write(const Mat &image)
Writes the next video frame.
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:104
IplImage * cvLoadImage(const char *filename, int iscolor=CV_LOAD_IMAGE_COLOR)
int Lcc
Quantized levels per 'color co-occurrence' component. Power of two, typically 16, 32 or 64.
Definition: cudalegacy.hpp:161
virtual void checkParams() const
virtual int getNumIters() const =0
Definition: functional.hpp:244
Context(const Context &c)
virtual int getMinDisparity() const =0
int err
Definition: types_c.h:1084
int regsPerBlock() const
32-bit registers available per block
@ COLOR_YUV2RGB_YUNV
Definition: imgproc.hpp:694
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
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Compute the saliency.
The FLANN nearest neighbor index class. This class is templated with the type of elements for which t...
Definition: flann.hpp:109
Mat_< Vec2s > Mat2s
Definition: mat.hpp:2199
void matchTemplate(InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
Compares a template against overlapped image regions.
void write(FileStorage &fs, const int &value)
Definition: persistence.hpp:870
void calcNormDiff(InputArray src1, InputArray src2, OutputArray dst, int normType=NORM_L2, Stream &stream=Stream::Null())
virtual double getMinDistance() const =0
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)
double uniform(double a, double b)
returns uniformly distributed double-precision floating-point random number from [a,...
CvSet * cvCreateSet(int set_flags, int header_size, int elem_size, CvMemStorage *storage)
Flann-based descriptor matcher.
Definition: features2d.hpp:1069
uchar * value_type
Definition: mat.hpp:2861
Object * getObjectByName(const std::string &name)
unpack an object from Matlab into C++
Definition: bridge.hpp:181
This class provides methods for continuous n-dimensional CPU and GPU array processing.
Definition: blob.hpp:147
virtual void setScaleThresh(int scaleThresh)=0
Scale votes threshold.
__host__ Texture(const GlobPtrSz< T > &mat, bool normalizedCoords=false, cudaTextureFilterMode filterMode=cudaFilterModePoint, cudaTextureAddressMode addressMode=cudaAddressModeClamp)
Definition: texture.hpp:209
int height
Definition: types_c.h:317
double rhs
Bias term of the hyperplane.
Definition: sparse_matching_gpc.hpp:168
poseType pose
Definition: gr_skig.hpp:101
@ MPEG4
Definition: cudacodec.hpp:247
unsigned int bufId() const
get OpenGL opject id
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
value_type channel_type
Definition: traits.hpp:111
Mat preProcessedFrame_
Definition: stabilizer.hpp:126
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds lines in a binary image using the classical Hough transform.
void markDeviceMemMapped(bool flag)
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:191
const std::vector< Mat > * motions_
Definition: inpainting.hpp:97
virtual void load(const std::string &path)=0
void SetAttribute(const char *name, bool value)
Sets the named attribute to value.
Definition: tinyxml2.h:1321
__device__ __forceinline__ schar abs_(schar val)
Definition: vec_math.hpp:202
__device__ static __forceinline__ double max()
Definition: limits.hpp:120
int idx
Definition: matx.hpp:262
static std::string ToString()
Definition: mxarray.hpp:133
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst)=0
Short version of process, that doesn't take extra arguments.
Definition: functional.hpp:353
static Ptr< MVNLayer > create(bool normVariance=true, bool acrossChannels=false, double eps=1e-9)
const XMLConstHandle NextSibling() const
Definition: tinyxml2.h:1882
virtual int getMedianFiltering() const =0
Median filter kernel size (1 = no filter) (3 or 5)
bool ProcessEntities() const
Definition: tinyxml2.h:1563
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Definition: warpers.hpp:502
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
Definition: types_c.h:321
const XMLElement * RootElement() const
Definition: tinyxml2.h:1588
int next()
Definition: random.h:120
@ NCV_MEM_RESIDENCE_ERROR
Definition: NCV.hpp:340
bool isIntegral
Definition: feature.hpp:212
const float retainedCornersFraction
Definition: pcaflow.hpp:100
virtual int getFinestScale() const =0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
__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
virtual void setHistory(int nframes)=0
__device__ __forceinline__ void blockReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:86
Bm3dSteps
BM3D algorithm steps.
Definition: bm3d_image_denoising.hpp:69
cv::Ptr< TonemapMantiuk > Ptr_TonemapMantiuk
Definition: bridge.hpp:96
virtual void setStabilizedFrames(const std::vector< Mat > &val)
@ CV_THRESH_MASK
Definition: types_c.h:576
CvBox2D(const cv::RotatedRect &rr)
Definition: types_c.h:1070
MatExpr diag(int d=0) const
size_t cols
Definition: matrix.h:91
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
double cvGetWindowProperty(const char *name, int prop_id)
virtual int getMaxNumPoints() const =0
NormTypes
Definition: base.hpp:188
float b
Definition: warpers.hpp:345
Matx(const Matx< _Tp, n, m > &a, Matx_TOp)
CpuFeatures
Available CPU features.
Definition: cvdef.h:137
~TrackerSampler()
Destructor.
CvSetElem * cvSetNew(CvSet *set_header)
Definition: core_c.h:1737
virtual void setThreshold(double val)=0
std::vector< int > sliceIndices
Definition: all_layers.hpp:328
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
BOOL cameraAvailable
Definition: cap_ios.h:46
Distance::ResultType DistanceType
Definition: hierarchical_clustering_index.h:84
ptrdiff_t total() const
Returns the product of all sizes of axes.
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...
Size_< _Tp > size() const
size (width, height) of the rectangle
void PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, int maxComponents=0)
TrainFlags
Definition: ml.hpp:1384
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: highgui.hpp:641
int CvHistType
Definition: types_c.h:732
void convertToGLTexture2D(InputArray src, Texture2D &texture)
Converts InputArray to Texture2D object.
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)
void convertScaleAbs(InputArray src, OutputArray dst, double alpha=1, double beta=0)
Scales, calculates absolute values, and converts the result to 8-bit.
virtual void setMaxVal(double val)=0
Sets the maximum value taken on by pixels in image sequence.
@ CV_CAP_PROP_MAX_DC1394
Definition: videoio_c.h:199
MatExpr min(double s, const Mat &a)
__device__ __forceinline__ double4 sin(const double4 &a)
Definition: vec_math.hpp:292
static bool hasEqualOrLessPtx(int major, int minor)
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
virtual int getMaxIter() const =0
int Channels() const
Definition: wimage.hpp:278
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
@ CV_CAP_PROP_XI_COUNTER_SELECTOR
Definition: videoio_c.h:372
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:161
bool is_obj_without_holes
If TRUE we ignore holes within foreground blobs. Defaults to TRUE.
Definition: cudalegacy.hpp:166
#define clCreateSampler
Definition: opencl_core_wrappers.hpp:52
@ DEGREE
Definition: ml.hpp:637
void setLastTargetState(const Ptr< TrackerTargetState > &lastTargetState)
Set the current TrackerTargetState in the Trajectory.
int urefcount
Definition: mat.hpp:496
GpuMat & adjustROI(int dtop, int dbottom, int dleft, int dright)
moves/resizes the current GpuMat ROI inside the parent GpuMat
Base class for all blenders.
Definition: blenders.hpp:63
@ CV_StsBadArg
Definition: types_c.h:125
@ EVENT_FLAG_ALTKEY
indicates that ALT Key is pressed.
Definition: highgui.hpp:226
LshIndex(const Matrix< ElementType > &input_data, const IndexParams ¶ms=LshIndexParams(), Distance d=Distance())
Definition: lsh_index.h:89
virtual double getRpropDWMinus() const =0
@ 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
#define clGetPlatformInfo
Definition: opencl_core_wrappers.hpp:187
UMat(const std::vector< _Tp > &vec, bool copyData=false)
builds matrix from std::vector with or without copying the data
String substr(size_t pos=0, size_t len=npos) const
Op::result_type result_type
Definition: tuple_adapter.hpp:80
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
WImageViewC()
Definition: wimage.hpp:568
int size(int axis) const
Returns the size of the specified axis.
@ CV_RETR_FLOODFILL
Definition: types_c.h:450
#define clCreateKernel
Definition: opencl_core.hpp:120
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: wobble_suppression.hpp:85
@ MORPH_ELLIPSE
Definition: imgproc.hpp:257
#define clGetCommandQueueInfo
Definition: opencl_core_wrappers.hpp:145
furnishes all functionalities for querying a dataset provided by user or internal to class (that user...
Definition: descriptor.hpp:980
float * PNCovariance
Definition: tracking_c.h:176
void setMaxDepth(double val)
Definition: rgbd.hpp:925
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:432
@ COLOR_BayerGR2BGR_VNG
Definition: imgproc.hpp:754
Definition: tracker.hpp:1187
Ptr_CalibrateRobertson toPtrCalibrateRobertson()
Definition: bridge.hpp:468
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...
__host__ GpuMat_(const GpuMat_ &m, Range arowRange, Range acolRange)
selects a submatrix
char * ptr
Definition: types_c.h:1769
void write(FileStorage &fs) const
Write parameters in a file.
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
Definition: videoio_c.h:280
@ COLOR_BGR2XYZ
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:571
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:1806
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1010
double getRenderingProperty(const String &id, int property)
Returns rendering property of a widget.
#define clEnqueueTask
Definition: opencl_core.hpp:176
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
This class a represents BGR color.
Definition: types.hpp:64
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...
const char * CStr() const
Definition: tinyxml2.h:2016
NCVStatus nppsStCompact_32f(Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
virtual void setNoiseSigma(double noiseSigma)=0
virtual void reset()
Definition: frame_source.hpp:68
Definition: warpers.hpp:522
#define clCreateImage3D
Definition: opencl_core_wrappers.hpp:34
void PrintError() const
If there is an error, print it to stdout.
virtual bool Visit(const XMLDeclaration &declaration)
Visit a declaration.
virtual int getBlurKernelSize() const =0
Gaussian blur kernel size.
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
__device__ __forceinline__ double4 asin(const double4 &a)
Definition: vec_math.hpp:319
int preferredVectorWidthDouble() const
Vec3i maxTexture2DLayered() const
maximum 2D layered texture dimensions
@ CV_YUV2RGBA_YV12
Definition: types_c.h:259
@ FM_LMEDS
least-median algorithm
Definition: calib3d.hpp:282
L2_Simple< ElementType >::ResultType ResultType
Definition: dist.h:800
virtual double getScaleStep() const =0
void copyTo(OutputArray dst) const
copies the GpuMat content to device memory (Blocking call)
SparseMat_ clone() const
makes full copy of the matrix. All the elements are duplicated
Impl * p
Definition: ocl.hpp:643
_Tp value_type
Definition: mat.hpp:2928
#define clSetUserEventStatus
Definition: opencl_core_wrappers.hpp:262
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:1893
Definition: or_mnist.hpp:67
Definition: optical_flow.hpp:181
virtual void drawSegments(InputOutputArray _image, InputArray lines, bool draw_arrow=false)=0
Draws the line segments on a given image.
@ AVE
Definition: all_layers.hpp:257
unsigned long long Ncv64u
Definition: NCV.hpp:124
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
virtual int getSmallerBlockSize() const =0
int * refcount
Definition: types_c.h:681
@ COLORMAP_WINTER
Definition: imgproc.hpp:4083
@ CV_EVENT_MBUTTONDBLCLK
Definition: highgui_c.h:187
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
void stereoRectify(InputArray R, InputArray T, OutputArray R1, OutputArray R2)
Stereo rectification for omnidirectional camera model. It computes the rectification rotations for tw...
@ CAP_PROP_SETTINGS
Definition: videoio.hpp:160
virtual NCVStatus dealloc(NCVMemSegment &seg)
virtual bool getCalculateVarImportance() const =0
@ QUAD_STRIP
Definition: opengl.hpp:487
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
MatAllocator * getOpenCLAllocator()
SparseMatIterator(SparseMat *_m, const int *idx)
the full constructor setting the iterator to the specified sparse matrix element
@ NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:335
void abs(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an absolute value of each matrix element.
Objectness algorithms based on [3] [3] Cheng, Ming-Ming, et al. "BING: Binarized normed gradients for...
Definition: saliencySpecializedClasses.hpp:272
Definition: tinyxml2.h:866
double nu30
Definition: types.hpp:872
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 ...
Matrix(T *data_, size_t rows_, size_t cols_, size_t stride_=0)
Definition: matrix.h:60
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.
int err
Definition: imgproc.hpp:4596
void cvDisplayOverlay(const char *name, const char *text, int delayms=0)
_IplImage(const cv::Mat &m)
Whitespace
Definition: tinyxml2.h:1493
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)
UniqueResultSet()
Definition: result_set.h:305
Definition: mxarray.hpp:114
@ CALIB_FIX_P2
Definition: omnidir.hpp:61
Definition: result_set.h:390
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.
Definition: structured_edge_detection.hpp:66
@ CAP_PROP_PVAPI_MULTICASTIP
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:284
Vec3d findMedian3(InputArray mat)
@ NCVMemoryTypeHostPageable
Definition: NCV.hpp:430
#define CV_32FC3
Definition: interface.h:114
MVKernel(uint8_t **images, int **integral)
Definition: descriptor.hpp:71
@ NONE
empty node
Definition: persistence.hpp:491
ActivationFunctions
Definition: ml.hpp:1370
@ LINE_8
8-connected line
Definition: core.hpp:217
#define CV_GRAPH_EDGE_FIELDS()
Definition: types_c.h:1330
void v_store_low(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (lower half)
Definition: intrin_cpp.hpp:1228
const _Tp & value(const Node *n) const
returns the value stored in the sparse martix node
@ NCVMemoryTypeHostPinned
Definition: NCV.hpp:431
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const =0
Mat backProject(InputArray vec) const
Reconstructs vectors from their PC projections.
@ CAP_PROP_XI_CC_MATRIX_01
Color Correction Matrix element [0][1].
Definition: videoio.hpp:398
This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminan...
Definition: photo.hpp:502
@ CV_StsBadFunc
Definition: types_c.h:126
int getDepth()
Definition: utility.hpp:1070
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3629
void compute(InputArrayOfArrays src, InputArray labels)
TrackerFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracker.hpp:999
static Ptr< NormalBayesClassifier > create()
Definition: descriptor.hpp:896
void initModule()
Initialize dnn module and built-in layers.
@ COVAR_USE_AVG
Definition: core.hpp:184
@ CV_CAP_PROP_XI_CC_MATRIX_00
Definition: videoio_c.h:332
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:98
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
Converts an array to another data type with optional scaling.
@ KMEANS
Definition: defines.h:96
int i
Definition: types_c.h:1794
Bridge & operator=(const Ptr_MergeDebevec &)
Definition: bridge.hpp:482
virtual int getOuterIterations() const =0
Number of warping iterations (number of pyramid levels)
virtual int getNumDisparities() const =0
@ CV_RGB2YUV_IYUV
Definition: types_c.h:329
void cvConvertPointsHomogeneous(const CvMat *src, CvMat *dst)
@ CAP_PROP_XI_CC_MATRIX_20
Color Correction Matrix element [2][0].
Definition: videoio.hpp:405
T * allocate(size_t count=1)
Definition: allocator.h:178
void extraction(const std::vector< Mat > &images)
Extract features from the images collection.
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
__device__ __forceinline__ T & operator()(int y, int x)
Definition: glob.hpp:75
int size
Definition: features2d.hpp:1254
void normalizeIsotropicPoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points. (isotropic).
__host__ __device__ static __forceinline__ char3 make(const schar *v)
Definition: vec_traits.hpp:172
virtual void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)=0
virtual void setWindowSize(int val)=0
float photoreceptorsTemporalConstant
Definition: retina.hpp:162
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
double winSigma
Definition: objdetect.hpp:427
CvSize cvSize(int width, int height)
Definition: types_c.h:1023
String name
Name of the layer instance (optional, can be used internal purposes).
Definition: dnn.hpp:75
Impl * impl
Definition: utility.hpp:590
@ CV_CAP_PROP_OPENNI_BASELINE
Definition: videoio_c.h:224
bool validGeometry
Definition: imgproc.hpp:1155
virtual void * get_value(void **src)
Definition: any.h:72
@ COLOR_Luv2RGB
Definition: imgproc.hpp:598
@ IMWRITE_JPEG_OPTIMIZE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:84
WImageBuffer()
Definition: wimage.hpp:301
@ CV_CAP_PROP_XI_HOUS_TEMP
Definition: videoio_c.h:322
Impl * p
Definition: ocl.hpp:592
virtual ~Mapper(void)
Definition: mapper.hpp:57
@ MAP
mapping
Definition: persistence.hpp:499
Definition: all_layers.hpp:325
void cvSeqPopFront(CvSeq *seq, void *element=NULL)
void setMaxDepthDiff(double val)
Definition: rgbd.hpp:805
Ptr< TemplateMatching > createTemplateMatching(int srcType, int method, Size user_block_size=Size())
Creates implementation for cuda::TemplateMatching .
CvMat * gain
Definition: tracking_c.h:196
@ QT_RADIOBOX
Radiobox button.
Definition: highgui.hpp:249
virtual size_t getNumberOfPatternImages() const =0
Get the number of pattern images needed for the graycode pattern.
int cvEstimateRigidTransform(const CvArr *A, const CvArr *B, CvMat *M, int full_affine)
virtual int getType() const =0
Type
type of the file storage node
Definition: persistence.hpp:490
String(const String &str)
Flags
Definition: core.hpp:2553
Size2i Size
Definition: types.hpp:315
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap)
Definition: warpers.hpp:448
Definition: calib3d_c.h:388
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
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1040
@ CV_CAP_PROP_XI_LUT_INDEX
Definition: videoio_c.h:378
@ CAP_PROP_SHARPNESS
Definition: videoio.hpp:144
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:204
XMLDeclaration(XMLDocument *doc)
Kernel & args(const _Tp0 &a0)
Definition: ocl.hpp:416
virtual void setNrPlane(int nr_plane)=0
void cvtMultipliedRGBAtoRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
uchar3 type
Definition: vec_traits.hpp:83
@ CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Number of output channels from sensor used for data transfer.
Definition: videoio.hpp:435
@ LMEDS
least-median algorithm
Definition: calib3d.hpp:230
Detector(StrongClassifierDirectSelection *classifier)
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:158
std::vector< Ptr< Object > > & getValidation(int splitNum=0)
virtual void setP(double val)=0
float32x2_t cv_vrsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:106
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)
Mat distanceMap() const
Definition: fast_marching.hpp:81
any & swap(any &x)
Utility functions.
Definition: any.h:257
virtual int getNumIters() const =0
@ FONT_HERSHEY_DUPLEX
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: core.hpp:226
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
void resize(size_t sz)
Changes the number of matrix rows.
virtual double getWinSigma() const =0
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.
void fastAtan32f(const float *y, const float *x, float *dst, int n, bool angleInDegrees)
RAII-class to call finalShow() in it's dtor.
Definition: final_show.hpp:37
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:99
int cols
Definition: warping.hpp:127
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:376
virtual void build(InputArray features, const IndexParams ¶ms, cvflann::flann_distance_t distType=cvflann::FLANN_DIST_L2)
Accumulator< T >::Type ResultType
Definition: dist.h:595
@ MM_TRANSLATION_AND_SCALE
Definition: motion_core.hpp:62
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:196
std::vector< float > classify(const Mat &x, bool logR=true)
static MatExpr zeros(Size size)
@ CV_CAP_PROP_ANDROID_ANTIBANDING
Definition: videoio_c.h:417
Dictionary(const Ptr< Dictionary > &_dictionary)
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:122
#define clEnqueueCopyImage
Definition: opencl_core_wrappers.hpp:79
virtual void clearGraphSegmentations()=0
Clear the list of graph segmentations to process;.
int distortion_model
Definition: simple_pipeline.hpp:104
centersAlgFunction chooseCenters
Definition: kmeans_index.h:93
@ CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio.hpp:512
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.
@ CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio.hpp:501
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)
void essentialFromRt(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray E)
Get Essential matrix from Motion (R's and t's ).
virtual int getNSamples() const =0
Returns the number of data samples in the background model.
Mat row(int y) const
Creates a matrix header for the specified matrix row.
int extract_threshold
Definition: linemod.hpp:267
@ CAP_PROP_XI_CC_MATRIX_12
Color Correction Matrix element [1][2].
Definition: videoio.hpp:403
Definition: reduction.hpp:131
double dot(InputArray m) const
Computes a dot-product of two vectors.
__device__ __forceinline__ float1 atan2(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:812
WeakClassifierHaarFeature()
MatConstIterator_ & operator+=(ptrdiff_t ofs)
shifts the iterator forward by the specified number of elements
A kernel in which a pixel is compared with the center of the window.
Definition: descriptor.hpp:172
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
double Mahalanobis(InputArray v1, InputArray v2, InputArray icovar)
Calculates the Mahalanobis distance between two vectors.
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)
bool isNVidia() const
Definition: ocl.hpp:187
void setUseInstrumentation(bool flag)
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.
bool isTargetFg() const
Get the label. Return true for target foreground, false for background.
virtual void setNumIters(int iters)=0
CvSeq * cvCreateSeq(int seq_flags, size_t header_size, size_t elem_size, CvMemStorage *storage)
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 .
@ FEATURE_SET_COMPUTE_32
Definition: cuda.hpp:601
virtual void setCovarianceMatrixType(int val)=0
void sqrt64f(const double *src, double *dst, int len)
virtual int getUniquenessRatio() const =0
Definition: frame_source.hpp:73
Linear Discriminant Analysis.
Definition: core.hpp:2469
~ERStat()
Destructor.
Definition: erfilter.hpp:72
Definition: mxarray.hpp:116
@ CAP_INTELPERC
Intel Perceptual Computing SDK.
Definition: videoio.hpp:110
@ COLOR_BayerRG2BGR_EA
Definition: imgproc.hpp:764
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:134
@ COLOR_BayerGR2RGB_MHT
Definition: cudaimgproc.hpp:103
_OutputArray(Matx< _Tp, m, n > &matx)
std::vector< Mat > pyramidDepth
Definition: rgbd.hpp:512
@ COLOR_BayerBG2RGB_MHT
Definition: cudaimgproc.hpp:100
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)
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
WImageBufferC< ushort, 3 > WImageBuffer3_16u
Definition: wimage.hpp:111
String tempfile(const char *suffix=0)
@ HAAR
Definition: feature.hpp:142
small_any_policy< T * > type
Definition: any.h:127
virtual float getSigmaSpace() const =0
virtual int getMinRadius() const =0
String & operator=(const std::string &str)
int initialFrame
Definition: gr_chalearn.hpp:62
Matx< double, 4, 4 > Matx44d
Definition: matx.hpp:229
@ CV_DIST_LABEL_PIXEL
Definition: types_c.h:551
double hu2
Definition: types_c.h:426
Mat rowRange(const Range &r) const
void compose(const Map &map)
#define CV_IS_MAT(mat)
Definition: types_c.h:479
@ CV_CAP_ARAVIS
Definition: videoio_c.h:127
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:63
@ NU
Definition: ml.hpp:635
void cvMerge(const CvArr *src0, const CvArr *src1, const CvArr *src2, const CvArr *src3, CvArr *dst)
@ COLOR_GRAY2BGR555
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:568
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
bool drawFromCenter
Definition: tracker.hpp:1379
static std::string ToString()
Definition: mxarray.hpp:151
#define clGetSupportedImageFormats
Definition: opencl_core.hpp:228
@ CV_IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs_c.h:102
virtual int getDiffusivity() const =0
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 ...
Point_< _Tp > tl() const
the top-left corner
float samplerOverlap
search region parameters to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1123
Image warper factories base class.
Definition: warpers.hpp:56
@ COLOR_BayerGR2GRAY
Definition: imgproc.hpp:748
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
void fastFree(void *ptr)
Deallocates a memory buffer.
int hal_ni_magnitude32f(const float *x, const float *y, float *dst, int len)
Definition: hal_replacement.hpp:405
Ptr< WobbleSuppressorBase > wobbleSuppressor() const
Definition: stabilizer.hpp:168
CvMat * control_matrix
Definition: tracking_c.h:189
NCVStatus nppsStCompactGetSize_32s(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
virtual void save(const String &filename) const
T * Row(int r)
Definition: wimage.hpp:209
virtual XMLUnknown * ToUnknown()
Safely cast to an Unknown, or null.
Definition: tinyxml2.h:624
_OutputArray(const Mat &m)
#define CV_IS_SET_ELEM(ptr)
Definition: types_c.h:1306
bool mustEstTrimRatio_
Definition: stabilizer.hpp:186
Bridge & operator=(const Ptr_DenseOpticalFlow &)
Definition: bridge.hpp:472
CvMatND()
Definition: types_c.h:651
void assignTo(GpuMat &m, int type=-1) const
Mat(const Mat &m, const Range *ranges)
void merge8u(const uchar **src, uchar *dst, int len, int cn)
virtual bool isMaskSupported() const
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1033
@ CAP_PROP_GUID
Definition: videoio.hpp:153
void fitLine(InputArray points, OutputArray line, int distType, double param, double reps, double aeps)
Fits a line to a 2D or 3D point set.
_Tp v_reduce_min(const v_reg< _Tp, n > &a)
Find one min value.
Definition: intrin_cpp.hpp:566
void cvResizeWindow(const char *name, int width, int height)
L2< T >::ElementType ElementType
Definition: flann.hpp:344
void max16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
void setDetector(Ptr< FeatureDetector > val)
Definition: global_motion.hpp:229
PtrTraits< SrcPtr >::index_type index_type
Definition: resize.hpp:63
Min< U > other
Definition: reduce_to_vec.hpp:111
const IplImage * Ipl() const
Definition: wimage.hpp:182
Mat polygons
Definition: types.hpp:132
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)
virtual void inpaint(int, Mat &, Mat &)
Definition: inpainting.hpp:105
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:186
static bool hasPtx(int major, int minor)
float2 value_type
Definition: warping.hpp:109
@ COLOR_YUV2RGBA_NV21
Definition: imgproc.hpp:637
int getType() const
Definition: agast.txt:7530
__host__ Expr< DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivY_(const SrcPtr &src)
Definition: deriv.hpp:72
T * _ptr
Definition: NCV.hpp:619
int line_type
PointSize.
Definition: highgui.hpp:644
@ CAP_PVAPI_FSTRIGMODE_SOFTWARE
Software.
Definition: videoio.hpp:298
virtual int getVotesThreshold() const =0
Definition: msm_middlebury.hpp:61
void setLog(Ptr< ILog > ilog)
Definition: stabilizer.hpp:71
Size blockSize
Definition: objdetect.hpp:422
Matrix()
Definition: matrix.h:56
std::string original_image
Definition: fr_adience.hpp:70
virtual double getTheta() const =0
int preferredVectorWidthHalf() const
@ CV_CAP_PROP_AUTOGRAB
Definition: videoio_c.h:211
@ COLOR_BayerGR2BGR_EA
Definition: imgproc.hpp:765
const XMLAttribute * FirstAttribute() const
Return the first attribute in the list.
Definition: tinyxml2.h:1342
Ncv32f * pFU
forward horizontal displacement
Definition: NPP_staging.hpp:121
@ StsParseError
invalid syntax/structure of the parsed file
Definition: base.hpp:112
void(* CvOpenGlDrawCallback)(void *userdata)
Definition: highgui_c.h:216
virtual float getOutputMax() const =0
Output image range maximum value.
@ CV_CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio_c.h:437
virtual void setBackgroundRatio(double ratio)=0
Sets the "background ratio" parameter of the algorithm.
virtual void setTemplate(InputArray templ, Point templCenter=Point(-1, -1))=0
set template to search
Mat image
Definition: tracker.hpp:1376
UniqueResultSet< DistanceType >::DistIndex DistIndex
Definition: result_set.h:433
float * ptrf(int n=0, int cn=0, int row=0, int col=0)
virtual void setScaleStep(double scaleStep)=0
int hdr_refcount
Definition: types_c.h:430
Definition: core.hpp:2985
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.
FileNode operator[](const char *nodename) const
void * params
Definition: miniflann.hpp:76
virtual ~Bridge()
Definition: bridge.hpp:165
virtual ::size_t get_size()=0
Feature2D DescriptorExtractor
Definition: features2d.hpp:221
Bridge()
Definition: bridge.hpp:164
Definition: stabilizer.hpp:67
SrcPtr src
Definition: reduction.hpp:88
NCVMemPtr begin
Definition: NCV.hpp:452
virtual float getVariationalRefinementAlpha() const =0
Weight of the smoothness term.
Point2f getStartPoint() const
Definition: descriptor.hpp:147
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
virtual void dswrite(InputArray Array, String dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
VariableTypes
Variable types.
Definition: ml.hpp:82
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
virtual void setBlurKernelSize(int val)=0
Gaussian blur kernel size.
void create(Size size, int type)
SparseMatConstIterator_< _Tp > begin() const
returns read-only sparse matrix iterator pointing to the first sparse matrix element
virtual NcvBool isInitialized(void) const
@ WMF_OFF
unweighted
Definition: weighted_median_filter.hpp:71
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).
virtual void setVarThresholdGen(double varThresholdGen)=0
Sets the variance threshold for the pixel-model match used for new mixture component generation.
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
T thresh
Definition: functional.hpp:773
size_t hash(int i0) const
computes the element hash value (1D case)
@ CV_CAP_OPENNI_SXGA_15HZ
Definition: videoio_c.h:486
void modelEstimation(const std::vector< Mat > &responses)
Estimate the most likely target location.
virtual void setThreshold(double threshold)=0
@ CV_MOP_GRADIENT
Definition: types_c.h:391
CvScalar cvScalar(double val0, double val1=0, double val2=0, double val3=0)
Definition: types_c.h:1146
Ptr< FrameSource > createFrameSource_Empty()
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
MatStep step
Definition: mat.hpp:2422
std::vector< float > getobjectnessValues()
Return the list of the rectangles' objectness value,.
virtual bool empty() const =0
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
float getConfidenceOfDetection(int detectionIdx)
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:420
@ CV_BayerGB2BGR_VNG
Definition: types_c.h:196
Abstract base class for TrackerTargetState that represents a possible state of the target.
Definition: tracker.hpp:338
@ CALIB_USE_LU
use LU instead of SVD decomposition for solving. much faster but potentially less precise
Definition: calib3d.hpp:276
double mu20
Definition: types.hpp:867
Definition: wobble_suppression.hpp:61
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
This class represents a mouse event.
Definition: types.hpp:248
virtual void write(cv::FileStorage &fs) const
Store parameters to a FileStorage object.
char person
Definition: gr_skig.hpp:98
void cvGetHuMoments(CvMoments *moments, CvHuMoments *hu_moments)
Calculates 7 Hu's invariants from precalculated spatial and central moments.
int countCorrectMatches(int *neighbors, int *groundTruth, int n)
Definition: index_testing.h:48
@ BadModelOrChSeq
Definition: base.hpp:83
Definition: tracker.hpp:598
virtual void computeImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr, bool useDetectionData) const
@ CV_YUV2BGR_IYUV
Definition: types_c.h:253
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
virtual int getNumLevels() const =0
void destroyWindow(const String &winname)
Destroys the specified window.
MatCommaInitializer_(Mat_< _Tp > *_m)
the constructor, created by "matrix << firstValue" operator, where matrix is cv::Mat
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
virtual void setExtended(bool extended)=0
__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
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
void setInt(const String &key, int value)
double interp_factor
linear interpolation factor for adaptation
Definition: tracker.hpp:1239
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
virtual int getNumLevels() const =0
number of levels
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracker.hpp:1413
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:109
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
float getConfidence(int patchIdx)
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:646
virtual double getWeightTrimRate() const =0
DistanceType worstDist() const
Definition: result_set.h:368
double m20
Definition: types.hpp:862
Definition: utility.hpp:635
Definition: vec_traits.hpp:58
void pow(InputArray src, double power, OutputArray dst)
Raises every array element to a power.
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: stabilizer.hpp:80
virtual void modelEstimationImpl(const std::vector< Mat > &responses)=0
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:123
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
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
virtual void setNOctaveLayers(int octaveLayers)=0
Definition: warpers.hpp:267
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
Definition: videoio_c.h:337
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: hierarchical_clustering_index.h:504
@ FAPS
Definition: sinusoidalpattern.hpp:60
virtual void load(const std::string &path)=0
void create(int arows, int acols, Format aformat, bool autoRelease=false)
Allocates memory for ogl::Texture2D object.
virtual void augAssignMultiply(const MatExpr &expr, Mat &m) const
Definition: optical_flow.hpp:62
Ncv32u width() const
Definition: NCV.hpp:824
void setNumThreads(int nthreads)
OpenCV will try to set the number of threads for the next parallel region.
True is_vector_space_distance
Definition: dist.h:592
std::string name
Definition: slam_kitti.hpp:67
void normalizeUsingWeightMap(InputArray weight, InputOutputArray src)
@ CAP_PROP_XI_DECIMATION_VERTICAL
Vertical Decimation - vertical sub-sampling of the image - reduces the vertical resolution of the ima...
Definition: videoio.hpp:357
virtual int getEmax() const =0
static std::string ToString()
Definition: mxarray.hpp:169
@ CAP_PROP_XI_ACQ_BUFFER_SIZE
Acquisition buffer size in buffer_size_unit. Default bytes.
Definition: videoio.hpp:449
Definition: type_traits.hpp:65
virtual void save(const String &filename, const String &objname=String()) const
virtual void setGradientDescentIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
void * index
Definition: miniflann.hpp:153
virtual String releaseAndGetString()
Closes the file and releases all the memory buffers.
@ CV_DIST_MASK_3
Definition: types_c.h:542
Mat transformPCPose(Mat pc, double Pose[16])
const int * ascii
font data and metrics
Definition: highgui.hpp:637
retina model parameters structure
Definition: retina.hpp:149
@ CV_CAP_PROP_XI_DECIMATION_VERTICAL
Definition: videoio_c.h:292
@ CV_POLY_APPROX_DP
Definition: types_c.h:491
Vec< uchar, 4 > Vec4b
Definition: matx.hpp:365
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.
Definition: all_layers.hpp:231
virtual bool Visit(const XMLText &text)
Visit a text node.
const ProgramSource & source() const
static size_t alignSize(size_t sz, int n)
Aligns a buffer size to the specified number of bytes.
Definition: utility.hpp:436
size_t cols() const
Definition: mxarray.hpp:425
XMLError QueryUnsignedValue(unsigned int *value) const
See QueryIntValue.
@ MAX_ITER
ditto
Definition: types.hpp:789
#define CV_CPU_SSE2
Definition: cvdef.h:109
Definition: utility.hpp:1106
double getMeanMs() const
Definition: utility.hpp:1138
Definition: functional.hpp:623
static void eigen2cv(const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, Mat &dst)
Definition: eigen.hpp:63
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
CvMat * cost
Definition: calib3d_c.h:353
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)
virtual void dscreate(const int n_dims, const int *sizes, const int type, String dslabel, const int compresslevel) const =0
@ CAP_OPENNI_VALID_DEPTH_MASK
CV_8UC1.
Definition: videoio.hpp:252
@ TRAIN_ERROR
Definition: ml.hpp:92
virtual void setNumDisparities(int numDisparities)=0
int LU(float *A, size_t astep, int m, float *b, size_t bstep, int n)
virtual bool read(const FileNode &node)
const uchar * ptr(int y=0) const
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)
@ COLOR_BayerRG2RGB_EA
Definition: imgproc.hpp:769
void chooseCentersGonzales(int k, int *indices, int indices_length, int *centers, int ¢ers_length)
Definition: kmeans_index.h:148
const cv::UMat & matchingMask() const
Definition: stitching.hpp:197
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
Feature f
Definition: linemod.hpp:132
@ COLOR_BayerGR2BGR
Definition: imgproc.hpp:738
#define clCreateFromGLBuffer
Definition: opencl_gl.hpp:24
Mat estimateGlobalMotionRansac(InputArray points0, InputArray points1, int model=MM_AFFINE, const RansacParams ¶ms=RansacParams::default2dMotion(MM_AFFINE), float *rmse=0, int *ninliers=0)
Estimates best global motion between two 2D point clouds robustly (using RANSAC method).
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
const uchar * dataend
Definition: cuda.hpp:423
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:289
CvMatND mat
Definition: types_c.h:754
Texture2D(int arows, int acols, Format aformat, bool autoRelease=false)
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...
Size_< int64 > Size2l
Definition: types.hpp:312
#define clFinish
Definition: opencl_core.hpp:188
ParamGrid()
Default constructor.
@ type
Definition: matx.hpp:311
int flags
Definition: cuda.hpp:283
union CvFileNode::@61 data
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.
#define clGetSupportedImageFormats
Definition: opencl_core_wrappers.hpp:199
void setAlgorithm(int value)
__host__ void upload(InputArray arr, Stream &stream)
pefroms upload data to GpuMat (Non-Blocking call)
@ CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio.hpp:239
Mat_(Size _size, const _Tp &value)
constructor that sets each matrix element to specified value
@ CV_CAP_PROP_DC1394_MODE_AUTO
Definition: videoio_c.h:164
Definition: objdetect_c.h:84
MarkerTypes
Possible set of marker types used for the cv::drawMarker function.
Definition: imgproc.hpp:4231
@ CASCADE_SCALE_IMAGE
Definition: objdetect.hpp:169
KNNSimpleResultSet(int capacity_)
Definition: result_set.h:94
@ CV_CAP_PROP_XI_WB_KR
Definition: videoio_c.h:305
std::vector< int > startIdxs
Definition: features2d.hpp:994
virtual ~Callback()
Definition: erfilter.hpp:130
@ IMWRITE_PNG_STRATEGY_RLE
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:108
virtual void write(FileStorage &) const
Stores algorithm parameters in a file storage.
@ 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(int x, int y, int width, int height)
Definition: types_c.h:796
Rect rect
Definition: feature.hpp:388
@ ARO_315_0
Definition: fast_hough_transform.hpp:69
TermCriteria termcrit
Definition: features2d.hpp:1277
v_reg< _Tp, V_SIMD128Traits< _Tp >::nlanes > v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1000
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
__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
virtual Mat getCatMap() const =0
static Ptr< CvFeatureEvaluator > create(int type)
#define clEnqueueCopyImage
Definition: opencl_core.hpp:148
size_t memPitch() const
maximum pitch in bytes allowed by memory copies
Definition: types_c.h:1008
Bridge & operator=(const bool &)
Definition: bridge.hpp:277
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
std::vector< pose > posesArray
Definition: slam_kitti.hpp:71
T * data
Definition: glob.hpp:67
CvSlice(const cv::Range &r)
Definition: types_c.h:1104
virtual void inpaint(int idx, Mat &frame, Mat &mask)=0
virtual Size size(const MatExpr &expr) const
virtual void setK(int _k)=0
K is a number of nearest-neighbor matches considered, when fitting a locally affine model....
virtual void setScalesNumber(int val)=0
Number of scales used to create the pyramid of images.
int width
Definition: types_c.h:347
Kalman filter class.
Definition: tracking.hpp:328
int nCols
Definition: types_c.h:354
const XMLElement * LastChildElement(const char *value=0) const
virtual void load(const std::string &path)=0
#define CV_32F
Definition: interface.h:72
@ CAP_PROP_OPENNI_FOCAL_LENGTH
In pixels.
Definition: videoio.hpp:222
__host__ __device__ Binder1st< Op > bind1st(const Op &op, const typename Op::first_argument_type &arg1)
Definition: functional.hpp:843
@ CV_EPNP
Definition: calib3d_c.h:97
const Vec2d & getFov() const
Definition: types.hpp:193
void v_rshr_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:1740
int * i
Definition: types_c.h:639
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
@ COLOR_RGB2YUV_IYUV
Definition: imgproc.hpp:722
CvTypeInfo * cvFindType(const char *type_name)
Finds a type by its name.
Definition: ir_affine.hpp:68
cv::Ptr< CvMat > mask
Definition: calib3d_c.h:405
static bool IsNameStartChar(unsigned char ch)
Definition: tinyxml2.h:508
vector_Mat toVectorMat()
Definition: bridge.hpp:376
void apply(int index, Point corner, InputOutputArray image, InputArray mask)
Compensate exposure in the specified image.
Rect dst_roi_
Definition: blenders.hpp:94
virtual void setUseInitialFlow(bool useInitialFlow)=0
@ CV_BadOrder
Definition: types_c.h:139
virtual bool getPass2Only() const =0
__device__ __forceinline__ uint vcmpne4(uint a, uint b)
Definition: simd_functions.hpp:823
@ CALIB_FIX_K1
Definition: calib3d.hpp:259
BlobShape(const std::vector< int > &sizes)
Creates n-dim shape from the sizes vector.
KeyLine()
Definition: descriptor.hpp:171
void split16u(const ushort *src, ushort **dst, int len, int cn)
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)
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:107
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.
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:99
HomographyBasedEstimator(bool is_focals_estimated=false)
Definition: motion_estimators.hpp:101
@ CALIB_CB_FILTER_QUADS
Definition: calib3d.hpp:245
@ CV_MODIFIED_CENSUS_TRANSFORM
Definition: descriptor.hpp:59
@ INPAINT_TELEA
Definition: photo.hpp:74
@ COLOR_BayerBG2RGB_VNG
Definition: imgproc.hpp:756
Ptr< cuda::StereoBeliefPropagation > createStereoBeliefPropagation(int ndisp=64, int iters=5, int levels=5, int msg_type=CV_32F)
Creates StereoBeliefPropagation object.
Parameters for the detectMarker process:
Definition: aruco.hpp:124
@ CV_CAP_PROP_FORMAT
Definition: videoio_c.h:174
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.
Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
XMLNode & operator=(const XMLNode &)
@ CV_CAP_PROP_DC1394_MODE_MANUAL
Definition: videoio_c.h:163
T element_type
Definition: cvstd.hpp:283
@ COLOR_YUV2RGB_UYNV
Definition: imgproc.hpp:676
@ SOLVEPNP_P3P
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:237
std::vector< Ptr< Object > > & getTest(int splitNum=0)
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.
@ COLOR_YUV2RGB_YVYU
Definition: imgproc.hpp:690
IndexHeader load_header(FILE *stream)
Definition: saving.h:107
bool compileWorkGroupSize(size_t wsz[]) const
UMatData * u
Definition: mat.hpp:515
MatIterator_< _Tp > iterator
Definition: mat.hpp:2041
@ XML_SUCCESS
Definition: tinyxml2.h:1001
@ THRESH_TRIANGLE
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:336
@ CC_STAT_MAX
Definition: imgproc.hpp:413
int refine_intrinsics
Definition: simple_pipeline.hpp:149
unsigned int index_
Definition: result_set.h:301
const string sectionNames[]
Definition: track_alov.hpp:68
Base class for convolution (or cross-correlation) operator. :
Definition: cudaarithm.hpp:819
Op::first_argument_type arg1
Definition: functional.hpp:833
NCVStatus nppiStTranspose_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
char label
Definition: or_mnist.hpp:62
#define clEnqueueFillImage
Definition: opencl_core.hpp:154
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.
String OpenCL_C_Version() const
int CStrSize() const
Definition: tinyxml2.h:2024
@ CAP_OPENNI_DISPARITY_MAP_32F
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:251
#define N_CELLS
Definition: feature.hpp:80
void log32f(const float *src, float *dst, int n)
int targetWidth
Definition: tracker.hpp:380
float EMDL1(InputArray signature1, InputArray signature2)
Computes the "minimal work" distance between two weighted point configurations base on the papers "EM...
const Size basisSize
Definition: pcaflow.hpp:98
void extractChannel(InputArray src, OutputArray dst, int coi)
Extracts a single channel from src (coi is 0-based index)
virtual MotionModel motionModel() const
Definition: inpainting.hpp:74
XMLError QueryDoubleValue(double *value) const
See QueryIntValue.
__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
@ COLOR_BGR2Lab
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:584
virtual void knnMatchAsync(InputArray queryDescriptors, OutputArray matches, int k, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
PCA(InputArray data, InputArray mean, int flags, int maxComponents=0)
@ CV_CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
Definition: videoio_c.h:365
ElseType type
Definition: type_traits.hpp:102
virtual void setTermCriteria(const cv::TermCriteria &val)=0
Termination criteria of the training algorithm. You can specify the maximum number of iterations (max...
#define FLANN_ARRAY_LEN(a)
Definition: defines.h:76
double minDepth
Definition: rgbd.hpp:1000
CvScalar()
Definition: types_c.h:1129
Bridge & operator=(const cv::Point2f &)
Definition: bridge.hpp:314
@ DEFAULT
Definition: features2d.hpp:1117
virtual void save(FileStorage &fs) const =0
Definition: randpattern.hpp:154
float * Temp2
Definition: tracking_c.h:181
virtual bool getExtended() const =0
int width
Definition: or_pascal.hpp:82
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:260
CvScalar value
Definition: types_c.h:60
bool create(const Context &c=Context(), const Device &d=Device())
void gatherData(std::vector< void * > &data) const
SeqIterator< _Tp > begin() const
returns iterator pointing to the beginning of the sequence
Definition: core_c.h:2990
Mat normSum
Definition: feature.hpp:328
CvScalar(const cv::Scalar_< _Tp > &s)
Definition: types_c.h:1132
void registerMouseCallback(MouseCallback callback, void *cookie=0)
Sets mouse handler.
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5)
6-element vector constructor
double abs< double >(double x)
Definition: dist.h:67
virtual int getThreshold() const =0
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
DictValue(const String &s)
Constructs string scalar.
Definition: dict.hpp:66
virtual float getBias() const =0
ParamTypes
SVM params type
Definition: ml.hpp:631
NCVStatus ncvGrowDetectionsVector_device(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale, cudaStream_t cuStream)
Definition: mapprojec.hpp:54
virtual void loadAnnotatedOnly(const std::string &path)=0
VideoWriterProperties
VideoWriter generic properties identifier.
Definition: videoio.hpp:179
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:254
any(const T &x)
Initializing constructor.
Definition: any.h:192
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:91
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
bool add(const String &trackerType, const Mat &image, std::vector< Rect2d > boundingBox)
Add a set of objects to be tracked.
void setOffScreenRendering()
Create a window in memory instead of on the screen.
Point pos() const
returns coordinates of the current pixel
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
GraphEdge(int from, int to, float weight)
Definition: util.hpp:82
cv::Rect toRect()
Definition: bridge.hpp:340
@ CV_CAP_PROP_XI_IS_DEVICE_EXIST
Definition: videoio_c.h:383
KNNRadiusUniqueResultSet(unsigned int capacity, DistanceType radius)
Definition: result_set.h:514
#define clEnqueueReleaseGLObjects
Definition: opencl_gl.hpp:36
virtual void getCovs(std::vector< Mat > &covs) const =0
Returns covariation matrices.
@ COLOR_BayerBG2RGB_EA
Definition: imgproc.hpp:767
ColorConversionCodes
Definition: imgproc.hpp:519
virtual void load(const std::string &path)=0
Definition: interpolation.hpp:135
int readPoseCluster(const std::string &FileName)
@ CV_CAP_PROP_XI_AEAG_ROI_HEIGHT
Definition: videoio_c.h:303
Definition: warpers.hpp:323
bool test(size_t index) const
Definition: dynamic_bitset.h:144
@ CV_SHAPE_CUSTOM
custom structuring element
Definition: types_c.h:381
@ QT_FONT_LIGHT
Weight of 25.
Definition: highgui.hpp:231
double output_sigma_factor
spatial bandwidth (proportional to target)
Definition: tracker.hpp:1240
#define CV_FONT_HERSHEY_PLAIN
Definition: imgproc_c.h:1104
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:313
int cvGetCaptureDomain(CvCapture *capture)
Return the type of the capturer (eg, CV_CAP_VFW, CV_CAP_UNICAP)
virtual void setNu(double val)=0
bool same
Definition: fr_lfw.hpp:63
schar elem_type
Definition: vec_traits.hpp:176
#define CV_CUDEV_RGB2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:59
String defaultAlgorithm
Definition: tracker.hpp:1363
int cvRodrigues2(const CvMat *src, CvMat *dst, CvMat *jacobian=0)
#define clEnqueueUnmapMemObject
Definition: opencl_core_wrappers.hpp:124
Point pos() const
returns the current iterator position
T * data
Definition: matrix.h:54
bool runStateEstimator()
Run the TrackerStateEstimator, return true if is possible to estimate a new state,...
virtual double getLearningRate() const =0
void buildIndex()
Builds the index.
Definition: composite_index.h:136
NCVStatus nppiStTranspose_32s_C1R(Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
bool overlapRoi(Point tl1, Point tl2, Size sz1, Size sz2, Rect &roi)
void clear()
Definition: result_set.h:471
const uchar * sliceStart
Definition: mat.hpp:2914
_OutputArray(const std::vector< cuda::GpuMat > &d_mat)
~TrackerStateEstimatorMILBoosting()
static MxArray Vector(size_t m)
explicit vector constructor
Definition: mxarray.hpp:319
@ SF_GRAY
Definition: cudacodec.hpp:78
void setSeamFinder(Ptr< detail::SeamFinder > seam_finder)
Definition: stitching.hpp:227
@ CV_IMWRITE_PXM_BINARY
Definition: imgcodecs_c.h:96
virtual std::vector< cv::Mat > getHistograms() const =0
std::string name
Definition: or_pascal.hpp:61
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
@ COLOR_YUV420p2BGR
Definition: imgproc.hpp:649
__device__ __forceinline__ PtrTraits< TablePtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: lut.hpp:68
virtual cv::Mat getEigenValues() const =0
void resizeWindow(const String &winname, int width, int height)
Resizes window to the specified size.
@ BadCallBack
Definition: base.hpp:91
Definition: warpers.hpp:103
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:305
virtual float operator()(int featureIdx, int sampleIdx)=0
#define clGetContextInfo
Definition: opencl_core_wrappers.hpp:148
#define clAmdBlasCgemmEx
Definition: opencl_clamdblas.hpp:203
Vec< double, 6 > Vec6d
Definition: matx.hpp:389
virtual int getSorIterations() const =0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
@ ARO_0_45
Definition: fast_hough_transform.hpp:66
@ BadDataPtr
Definition: base.hpp:81
@ CAP_PROP_XI_DATA_FORMAT
Output data format.
Definition: videoio.hpp:327
virtual void buildIndex()
Definition: autotuned_index.h:100
@ COLOR_BGR2GRAY
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:538
Op op
Definition: functional.hpp:853
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
bool gammaCorrection
Definition: objdetect.hpp:430
static Ptr< GPCTrainingSamples > create(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > >, int descriptorType)
This function can be used to extract samples from a pair of images and a ground truth flow....
virtual void setRandom(bool random)=0
@ CV_YUV2RGBA_UYVY
Definition: types_c.h:287
virtual void setKernelSize(int val)=0
Kernel size of Bilateral-TV filter.
Rect getSampleROI() const
Get the sampling ROI.
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
int cvSetCaptureProperty(CvCapture *capture, int property_id, double value)
set capture properties
Vec(_Tp v0)
1-element vector constructor
int usedMemory() const
Definition: kmeans_index.h:424
CvTypeInfo * cvTypeOf(const void *struct_ptr)
Returns the type of an object.
@ QT_STYLE_OBLIQUE
Oblique font.
Definition: highgui.hpp:242
@ CV_BGRA2YUV_YV12
Definition: types_c.h:339
unsigned int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracker.hpp:1248
MapShift(const cv::Vec< double, 2 > &shift)
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:338
void setTargetFg(bool foreground)
Set label: true for target foreground, false for background.
@ CAP_PROP_XI_BINNING_PATTERN
Binning pattern type.
Definition: videoio.hpp:355
WImageViewC< uchar, 1 > WImageView1_b
Definition: wimage.hpp:68
std::vector< UMat > images_
Definition: seam_finders.hpp:98
virtual int getMinNeighbors() const =0
void gather(std::vector< T * > &data) const
Definition: utility.hpp:642
CvCapture * cvCreateFileCaptureWithPreference(const char *filename, int apiPreference)
start capturing frames from video file. allows specifying a preferred API to use
float hscale
Definition: highgui.hpp:640
virtual void setMaxVal(double val)=0
float convex_hull_ratio
Definition: erfilter.hpp:90
@ COLOR_RGB2YUV_I420
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:720
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
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
Definition: videoio_c.h:293
void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: composite_index.h:148
TrackerFeature based on Feature2D.
Definition: tracker.hpp:953
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:85
KeyType key
Definition: t_hash_int.hpp:62
cv::Mat getIterationCounts() const
Definition: rgbd.hpp:682
static int fourcc(char c1, char c2, char c3, char c4)
Concatenates 4 chars to a fourcc code.
MatConstIterator_< _Tp > begin() const
Mode
Definition: stitching.hpp:136
void assign(const UMat &u) const
static _Tp saturate_cast(uchar v)
Template function for accurate conversion from one primitive type to another.
Definition: saturate.hpp:82
MinkowskiDistance< ElementType >::ResultType ResultType
Definition: dist.h:875
@ OCL_VECTOR_OWN
Definition: ocl.hpp:679
@ CAP_PROP_GAIN
Gain of the image (only for cameras).
Definition: videoio.hpp:138
@ RESPONSE_ROW
Definition: cudafeatures2d.hpp:432
struct CvFileStorage CvFileStorage
"black box" representation of the file storage associated with a file on disk.
Definition: persistence.hpp:92
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.
static bool ToInt(const char *str, int *value)
Size getTextSize(const String &text, int fontFace, double fontScale, int thickness, int *baseLine)
Calculates the width and height of a text string.
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
__device__ __forceinline__ double4 acosh(const double4 &a)
Definition: vec_math.hpp:382
size_t hash(const int *idx) const
computes the element hash value (nD case)
v_float32x4 v_setzero_f32()
Definition: intrin_cpp.hpp:1524
@ CV_CAP_OPENNI_ASUS
Definition: videoio_c.h:107
virtual void setEpsilon(double val)=0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
@ CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio.hpp:244
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
Definition: feature.hpp:121
XMLNode * FirstChild()
Definition: tinyxml2.h:682
virtual void setRegressionAccuracy(float val)=0
Definition: gr_skig.hpp:95
@ CV_CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio_c.h:231
int maxReadImageArgs() const
CvAttrList cvAttrList(const char **attr=NULL, CvAttrList *next=NULL)
Definition: types_c.h:1720
CvMat * temp5
Definition: tracking_c.h:204
virtual int getPatchSize() const =0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
WArrow(const Point3d &pt1, const Point3d &pt2, double thickness=0.03, const Color &color=Color::white())
Constructs an WArrow.
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).
static Ptr< BinaryDescriptorMatcher > createBinaryDescriptorMatcher()
Create a BinaryDescriptorMatcher object and return a smart pointer to it.
virtual void setDescriptorChannels(int dch)=0
virtual double getFlowSmoothness() const =0
BorderTypes
Definition: base.hpp:253
void setSharpness(float val)
Definition: blenders.hpp:105
int nativeVectorWidthHalf() const
void max16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
void importReconstruction(const cv::String &file, OutputArrayOfArrays Rs, OutputArrayOfArrays Ts, OutputArrayOfArrays Ks, OutputArray points3d, int file_format=SFM_IO_BUNDLER)
Import a reconstruction file.
std::string image2
Definition: fr_lfw.hpp:62
@ CV_CAP_PROP_XI_AUTO_WB
Definition: videoio_c.h:275
virtual void setScaleStep(double val)=0
Step between scales (<1)
@ COLOR_BGR5652GRAY
Definition: imgproc.hpp:557
Size_ & operator=(const Size_ &sz)
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
Status estimateTransform(InputArrayOfArrays images)
cv::TermCriteria toTermCriteria()
Definition: bridge.hpp:350
cvflann::flann_distance_t distType
Definition: miniflann.hpp:150
virtual int getRadius() const =0
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracker.hpp:213
#define CV_CUDEV_Lab2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:344
#define clFinish
Definition: opencl_core_wrappers.hpp:139
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
Definition: or_imagenet.hpp:61
virtual void inpaint(int idx, Mat &frame, Mat &mask)
@ CV_CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio_c.h:438
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 ...
void connect(String outPin, String inpPin)
Connects output of the first layer to input of the second layer.
virtual bool initDataset(int id)=0
void set(int prop, double value)
Definition: agast.txt:7503
MatConstIterator_()
default constructor
Mat(int ndims, const int *sizes, int type, void *data, const size_t *steps=0)
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1585
@ CV_CAP_PROP_CONVERT_RGB
Definition: videoio_c.h:182
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
virtual void transpose(const MatExpr &expr, MatExpr &res) const
Mat_(const Matx< typename DataType< _Tp >::channel_type, m, n > &mtx, bool copyData=true)
virtual void setClustersNumber(int val)=0
int deviceVersionMinor() const
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:458
@ CAP_WINRT
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:109
int featSize
Definition: feature.hpp:152
int featureType
Definition: miniflann.hpp:152
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
static Event wrapEvent(cudaEvent_t event)
@ REDUCE_AVG
the output is the mean vector of all rows/columns of the matrix.
Definition: core.hpp:236
T value_type
Definition: glob.hpp:64
Ptr< StructuredEdgeDetection > createStructuredEdgeDetection(const String &model, Ptr< const RFFeatureGetter > howToGetFeatures=Ptr< RFFeatureGetter >())
void fastAtan64f(const double *y, const double *x, double *dst, int n, bool angleInDegrees)
virtual void setP(float val)=0
Percent of top/bottom values to ignore.
Base class for all global motion estimation methods.
Definition: global_motion.hpp:98
@ CV_CAP_PROP_XI_GPI_MODE
Definition: videoio_c.h:268
@ CV_RGB2YUV_YV12
Definition: types_c.h:336
@ CV_BadROISize
Definition: types_c.h:145
@ ALPHA_OVER_PREMUL
Definition: cudaimgproc.hpp:159
@ CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d.hpp:244
@ COLORMAP_COOL
Definition: imgproc.hpp:4088
@ COLOR_YUV2RGB_YUYV
Definition: imgproc.hpp:692
@ MORPH_CLOSE
Definition: imgproc.hpp:240
float index_type
Definition: interpolation.hpp:100
@ CPU_FMA3
Definition: cvdef.h:149
uchar type
Definition: vec_traits.hpp:81
const void * obj
Definition: ocl.hpp:386
float num_inflexion_points
Definition: erfilter.hpp:91
void spin()
The window renders and starts the event loop.
bool setTrackerStateEstimator(Ptr< TrackerStateEstimator > trackerStateEstimator)
Set TrackerEstimator, return true if the tracker state estimator is added, false otherwise.
virtual bool initImpl(const Mat &image, const Rect2d &boundingBox)=0
@ CAP_PROP_XI_DECIMATION_PATTERN
Decimation pattern type.
Definition: videoio.hpp:359
int getTargetHeight() const
Get the height of the target.
@ CV_YUV420sp2RGB
Definition: types_c.h:240
virtual void suppress(int idx, const Mat &frame, Mat &result)
@ DICT_5X5_100
Definition: dictionary.hpp:147
@ CAP_PROP_XI_CC_MATRIX_10
Color Correction Matrix element [1][0].
Definition: videoio.hpp:401
virtual float getShift()=0
int to
Definition: util.hpp:78
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
Definition: imgcodecs_c.h:89
int origin
Definition: types_c.h:312
Definition: is_bsds.hpp:61
virtual Size getSize()=0
return the sze of the manage input and output images
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...
cv::Ptr< CvMat > J
Definition: calib3d_c.h:408
Definition: slam_kitti.hpp:66
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
double polynomial_k3
Definition: simple_pipeline.hpp:110
XMLError QueryBoolValue(bool *value) const
See QueryIntValue.
float flowErrorThreshold() const
Definition: inpainting.hpp:150
void cvMax(const CvArr *src1, const CvArr *src2, CvArr *dst)
virtual int descriptorType() const
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:466
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:299
void compute(const std::vector< Mat > &images, Mat &response)
Compute the features in the images collection.
int cols
Definition: mat.hpp:2407
virtual double getVarThreshold() const =0
Returns the variance threshold for the pixel-model match.
@ CV_GUI_NORMAL
Definition: highgui_c.h:123
int preferredVectorWidthLong() const
void cvScalarToRawData(const CvScalar *scalar, void *data, int type, int extend_to_12=0)
void setWeight4(float val)
Definition: motion_stabilizing.hpp:140
__host__ ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrXPtr(const SrcPtr &src)
Definition: deriv.hpp:266
virtual void setWhiteList(const String &char_whitelist)=0
CvMat * temp3
Definition: tracking_c.h:202
static int error(const char *fmt,...)
Definition: logger.h:119
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
void cvCopy(const CvArr *src, CvArr *dst, const CvArr *mask=NULL)
Copies one array to another.
virtual void setFastPyramids(bool fastPyramids)=0
virtual void setSubPixelInterpolationMethod(int value)=0
SparseMat(const SparseMat &m)
void download(OutputArray dst) const
pefroms download data from device to host memory (Blocking call)
void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
T maxVal
Definition: functional.hpp:717
WTrajectory(InputArray path, int display_mode=WTrajectory::PATH, double scale=1.0, const Color &color=Color::white())
Constructs a WTrajectory.
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:835
virtual ~CvParams()
Definition: feature.hpp:124
Ptr< TransientAreasSegmentationModule > createTransientAreasSegmentationModule(Size inputSize)
allocator
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
virtual void setShadowValue(int value)=0
Sets the shadow value.
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
@ humaneva_2
Definition: hpe_humaneva.hpp:74
@ NO
Definition: blenders.hpp:67
Multi Object Tracker for TLD. TLD is a novel tracking framework that explicitly decomposes the long-t...
Definition: tracker.hpp:1466
_Tp width
Definition: types.hpp:308
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:62
void convexHull(InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true)
Finds the convex hull of a point set.
#define clRetainKernel
Definition: opencl_core.hpp:256
virtual ~TrackerTargetState()
Definition: tracker.hpp:340
int hal_ni_sqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:439
L2< ElementType >::ResultType ResultType
Definition: dist.h:867
void readALTModel(String modelfile)
read/parse Dalal's alt model file
Cascade classifier class for object detection.
Definition: objdetect.hpp:221
float index_type
Definition: interpolation.hpp:158
int cols
Definition: types_c.h:450
Support Vector Machines.
Definition: ml.hpp:489
bool empty() const
Returns true if the array has no elements.
FileNode operator[](const String &nodename) const
Returns element of a mapping node or a sequence node.
void setWeight3(float val)
Definition: motion_stabilizing.hpp:137
_OutputArray(cudev::GpuMat_< _Tp > &m)
virtual bool read(const FileNode &node)=0
Definition: or_pascal.hpp:79
#define FEATURES
Definition: feature.hpp:62
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
#define clGetContextInfo
Definition: opencl_core.hpp:194
@ VIDEOWRITER_PROP_NSTRIPES
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:182
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
void cvCmpS(const CvArr *src, double value, CvArr *dst, int cmp_op)
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.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:68
size_t elemSize1() const
Returns the size of each matrix element channel in bytes.
@ CV_CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio_c.h:445
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)
void errorNoReturn(int _code, const String &_err, const char *_func, const char *_file, int _line)
Definition: base.hpp:355
void setTargetFg(bool foreground)
Set label: true for target foreground, false for background.
virtual Mat getTestResponses() const =0
static void setDefaultAllocator(Allocator *allocator)
Distance::ElementType ElementType
Definition: flann_base.hpp:103
size_t globalMemCacheSize() const
void meanStdDev(InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
void cvRemoveNodeFromTree(void *node, void *frame)
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
Definition: types_c.h:188
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
size_t size
Definition: NCV.hpp:453
SparseMatConstIterator()
the default constructor
void cvSetReal1D(CvArr *arr, int idx0, double value)
Change a specific array element.
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.
Point2f center
Definition: types.hpp:491
@ CAP_ANY
Auto detect == 0.
Definition: videoio.hpp:89
std::string name
Definition: ir_robot.hpp:72
@ MOTION_EUCLIDEAN
Definition: tracking.hpp:256
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
Definition: videoio_c.h:403
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:356
void cvExp(const CvArr *src, CvArr *dst)
static Ptr< TRACK_vot > create()
@ COLOR_LRGB2Luv
Definition: imgproc.hpp:615
virtual void augAssignDivide(const MatExpr &expr, Mat &m) const
virtual double getScaleStep() const =0
@ CV_CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
Definition: videoio_c.h:315
@ DIST_L12
L1-L2 metric: distance = 2(sqrt(1+x*x/2) - 1))
Definition: imgproc.hpp:313
void predict(InputArray src, int &label, double &confidence) const
Predicts a label and associated confidence (e.g. distance) for a given input image.
static BlobShape all(int ndims, int fill=1)
Creates n-dim shape and fill its by fill.
virtual void setTrainTestSplit(int count, bool shuffle=true)=0
Splits the training data into the training and test parts.
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
1x5 or 5x1 matrix
Definition: traits.hpp:81
DeblurerBase()
Definition: deblurring.hpp:62
StrongClassifierDirectSelection(int numBaseClf, int numWeakClf, Size patchSz, const Rect &sampleROI, bool useFeatureEx=false, int iterationInit=0)
@ CALIB_TILTED_MODEL
Definition: calib3d.hpp:268
void write(FileStorage &fs) const
@ COLOR_YUV420sp2BGRA
Definition: imgproc.hpp:640
virtual bool getUseInitialFlow() const =0
Use initial flow.
void addVariant(const String &name, size_t nreq, size_t nopt=0,...)
add a function call variant to the parser
Definition: mxarray.hpp:616
VideoCapture(const String &filename, int apiPreference)
Open video file or a capturing device or a IP video stream for video capturing with API Preference.
bool classify(const Mat &x, int i)
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.
SparseMatIterator_ & operator++()
moves the iterator to the next element
void create(Size size, int type)
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
virtual int getNumComponents() const =0
@ COLOR_YUV2RGBA_UYVY
Definition: imgproc.hpp:679
Blob readTorchBlob(const String &filename, bool isBinary=true)
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
CvMat * cvGetCol(const CvArr *arr, CvMat *submat, int col)
Definition: core_c.h:406
IplImage * cvCreateImageHeader(CvSize size, int depth, int channels)
Creates an image header but does not allocate the image data.
unsigned short ushort
Definition: interface.h:48
double mu11
Definition: types_c.h:400
int solveLP(const Mat &Func, const Mat &Constr, Mat &z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
virtual void setUniquenessRatio(int uniquenessRatio)=0
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:306
UMat operator()(Range rowRange, Range colRange) const
extracts a rectangular sub-matrix
virtual void run(InputArray inputToSegment, const int channelIndex=0)=0
main processing method, get result using methods getSegmentationPicture()
schar * block_max
Definition: persistence.hpp:676
uchar * ptr(const Vec< int, n > &idx)
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
#define CV_PREV_SEQ_ELEM(elem_size, reader)
Definition: types_c.h:1623
@ CV_Lab2LRGB
Definition: types_c.h:221
void mapForward(float x, float y, float &u, float &v)
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:112
size_t veclen() const
Definition: composite_index.h:120
virtual void write(FileStorage &fs) const
#define CV_CUDEV_VEC_TRAITS_INST(type)
Definition: vec_traits.hpp:90
void setSearchParams(const double positionThreshold=-1, const double rotationThreshold=-1, const bool useWeightedClustering=false)
BOWKMeansTrainer(int clusterCount, const TermCriteria &termcrit=TermCriteria(), int attempts=3, int flags=KMEANS_PP_CENTERS)
The constructor.
~Mat()
destructor - calls release()
virtual ~PredictCollector()
Definition: predict_collector.hpp:64
const UMat & umatRefConst() const
Returns reference to cv::UMat, containing blob data, for read-only purposes.
static Ptr< SLAM_tumindoor > create()
True is_kdtree_distance
Definition: dist.h:694
static bool isMaskedOut(InputArrayOfArrays masks, int queryIdx)
virtual void setThreshold(double val)=0
TemplatesMap class_templates
Definition: linemod.hpp:425
static Ptr< DTrees > create()
Creates the empty model.
static std::string ToString()
Definition: mxarray.hpp:187
void calc(InputArray I0, InputArray I1, InputOutputArray flow)
Calculates an optical flow.
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
virtual void setLevelsNumber(int val)=0
int mergeSets(int set1, int set2)
__host__ Expr< HistogramBody< BIN_COUNT, SrcPtr > > histogram_(const SrcPtr &src)
Definition: reduction.hpp:231
Class implementing the Gray-code pattern, based on .
Definition: graycodepattern.hpp:69
Definition: reduction.hpp:197
T ValueType
Definition: features2d.hpp:758
void read(const FileNode &node, Mat &mat, const Mat &default_mat=Mat())
virtual ~ILog()
Definition: log.hpp:59
Bridge & operator=(const vector_float &)
Definition: bridge.hpp:385
int cvCamShift(const CvArr *prob_image, CvRect window, CvTermCriteria criteria, CvConnectedComp *comp, CvBox2D *box=NULL)
#define CV_SET_ELEM_IDX_MASK
Definition: types_c.h:1302
Mat cameraMatrix
Definition: rgbd.hpp:870
@ CV_BayerGR2GRAY
Definition: types_c.h:233
Ptr< Stitcher > createStitcher(bool try_use_gpu=false)
void convertFromVASurface(VADisplay display, VASurfaceID surface, Size size, OutputArray dst)
Converts VASurfaceID object to OutputArray.
__host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:97
@ block_dim_y
Definition: transpose.hpp:88
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
@ CAP_PVAPI_FSTRIGMODE_FREERUN
Freerun.
Definition: videoio.hpp:294
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
@ CV_BGR2YUV
Definition: types_c.h:225
@ FLANN_DIST_EUCLIDEAN
Definition: defines.h:129
Definition: reduce_to_vec.hpp:212
void push_back(const Mat &m)
IplROI *(CV_STDCALL * Cv_iplCreateROI)(int, int, int, int, int)
Definition: core_c.h:1940
Mat t
Definition: camera.hpp:70
Ptr_FeatureDetector toPtrFeatureDetector()
Definition: bridge.hpp:443
virtual double getXi() const =0
Definition: utility.hpp:609
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
double getMaxDepth() const
Definition: rgbd.hpp:921
CompositeIndex(const Matrix< ElementType > &inputData, const IndexParams ¶ms=CompositeIndexParams(), Distance d=Distance())
Definition: composite_index.h:84
size_t preferedWorkGroupSizeMultiple() const
Base class for global 2D motion estimation methods which take frames as input.
Definition: global_motion.hpp:176
void setBlender(Ptr< detail::Blender > b)
Definition: stitching.hpp:231
bool kernelExecTimeoutEnabled() const
specified whether there is a run time limit on kernels
virtual void setUp(const Mat &firstFrame)
Definition: miniflann.hpp:129
Size_()
various constructors
Mat(int rows, int cols, int type, const Scalar &s)
int cvGraphAddEdgeByPtr(CvGraph *graph, CvGraphVtx *start_vtx, CvGraphVtx *end_vtx, const CvGraphEdge *edge=NULL, CvGraphEdge **inserted_edge=NULL)
bool eval(const Mat &image, Rect ROI, float *result) const
@ MODE_HH
Definition: stereo.hpp:206
Definition: descriptor.hpp:1318
bool operator<(const Match &rhs) const
Sort matches with high similarity to the front.
Definition: linemod.hpp:291
char * imageData
Definition: types_c.h:325
void convertPointsFromHomogeneous(InputArray src, OutputArray dst)
Converts points from homogeneous to Euclidean space.
NCVStatus nppiStVectorWarp_PSF1x1_32f_C1(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f timeScale, Ncv32f *pDst)
Ncv32u NumClassifierRootNodes
Definition: NCVHaarObjectDetection.hpp:335
@ BadNumChannel1U
Definition: base.hpp:85
Definition: miniflann.hpp:119
void Clear()
Clear the document, resetting it to the initial state.
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:128
Definition: objdetect.hpp:122
virtual void setDoSort(bool doSort)=0
static MatExpr zeros(int rows, int cols)
overridden forms of Mat::zeros() etc. Data type is omitted, of course
parameter structure that stores the transient events detector setup parameters
Definition: transientareassegmentationmodule.hpp:82
Definition: type_traits.hpp:129
@ DECODE_3D_UNDERWORLD
Kyriakos Herakleous, Charalambos Poullis. “3DUNDERWORLD-SLS: An Open-Source Structured-Light Scanning...
Definition: structured_light.hpp:56
int cvCreateTrackbar(const char *trackbar_name, const char *window_name, int *value, int count, CvTrackbarCallback on_change=NULL)
virtual ~DCT2D()
Definition: hal.hpp:218
int frameCount_
Definition: wobble_suppression.hpp:89
@ COLOR_BGRA2BGR
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:523
void cvCalcMatMulDeriv(const CvMat *A, const CvMat *B, CvMat *dABdA, CvMat *dABdB)
const _Tp & operator*() const
returns the current matrix element
uchar * cvPtr2D(const CvArr *arr, int idx0, int idx1, int *type=NULL)
Rect2d box
Definition: tracker.hpp:1375
Size getChessboardSize() const
Definition: charuco.hpp:106
@ SORT_EVERY_ROW
each matrix row is sorted independently
Definition: core.hpp:148
Mat_(const Mat_ &m, const Range *ranges)
selects a submatrix, n-dim version
int class_id
Definition: descriptor.hpp:112
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
void SetText(bool value)
Convenience method for setting text inside and element. See SetText() for important limitations.
@ CV_CAP_PROP_XI_DEFAULT_CC_MATRIX
Definition: videoio_c.h:348
__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
GpuMat & setTo(Scalar s, Stream &stream)
sets some of the GpuMat elements to s (Non-Blocking call)
__host__ Expr< SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelY_(const SrcPtr &src)
Definition: deriv.hpp:90
void setNetInputs(const std::vector< String > &inputBlobNames)
Sets outputs names of the network input pseudo layer.
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes)
UMat(const UMat &m)
copy constructor
@ TYPE_MARKER
Definition: utility.hpp:1093
void convexityDefects(InputArray contour, InputArray convexhull, OutputArray convexityDefects)
Finds the convexity defects of a contour.
virtual void detect(InputArray image, OutputArray edges, Stream &stream=Stream::Null())=0
Finds edges in an image using the algorithm.
CvMat * error_cov_pre
Definition: tracking_c.h:194
Definition: warpers.hpp:302
@ COLOR_BayerRG2RGB
Definition: imgproc.hpp:742
Definition: t_hash_int.hpp:61
virtual ~KMeansIndex()
Definition: kmeans_index.h:388
void cvReduce(const CvArr *src, CvArr *dst, int dim=-1, int op=0)
Definition: types_c.h:1355
String OpenCLVersion() const
virtual void selection(Mat &response, int npoints)=0
Identify most effective features.
const XMLNode * FirstChild() const
Get the first child node, or null if none exists.
Definition: tinyxml2.h:678
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.
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
MouseButton
Definition: types.hpp:251
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
Bridge(const mxArray *obj)
Definition: bridge.hpp:215
Vec< _Tp, n > solve(const Vec< _Tp, m > &rhs, int method) const
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const
@ CV_CAP_PROP_XI_CC_MATRIX_12
Definition: videoio_c.h:338
virtual ~FileStorage()
the destructor. calls release()
int i
Definition: cvdef.h:330
virtual int getKernelType() const =0
virtual int getWindowSize() const =0
Matx< _Tp, m, n > div(const Matx< _Tp, m, n > &a) const
divide two matrices element-wise
schar elem_type
Definition: vec_traits.hpp:160
int level
Definition: erfilter.hpp:76
@ H5_GETDIMS
Definition: hdf5.hpp:62
double getMaxTranslation() const
Definition: rgbd.hpp:714
int fiducial_yaw_angle
Definition: fr_adience.hpp:79
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
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)
void write(FileStorage &fs, int varIdx) const
backgroundType background
Definition: gr_skig.hpp:99
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
Definition: functional.hpp:877
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.
virtual SegmentationParameters getParameters()=0
return the current parameters setup
@ POLYGON
Definition: opengl.hpp:488
Definition: utility.hpp:1115
void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
void parallel_for_(const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
Parallel data processor.
@ CAP_PVAPI_DECIMATION_2OUTOF16
2 out of 16 decimation
Definition: videoio.hpp:305
virtual void setTermCriteria(const TermCriteria &val)=0
double hu4
Definition: types_c.h:426
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.
WImageBufferC< uchar, 3 > WImageBuffer3_b
Definition: wimage.hpp:73
Definition: utility.hpp:596
Mat(int rows, int cols, int type, void *data, size_t step=AUTO_STEP)
result_type mySum
Definition: vec_distance.hpp:127
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.
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:86
@ PINHOLE
Definition: multicalib.hpp:76
@ CAP_MODE_YUYV
YUYV.
Definition: videoio.hpp:173
#define clCreateCommandQueue
Definition: opencl_core_wrappers.hpp:19
void blendLinear(InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null())
Performs linear blending of two images.
void resize(size_t _size)
resizes the buffer and preserves the content
void computeBboxStd(Mat pc, float xRange[2], float yRange[2], float zRange[2])
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
void resize(size_t sz)
Definition: dynamic_bitset.h:119
Definition: deriv.hpp:327
Definition: functional.hpp:614
OrbFeaturesFinder(Size _grid_size=Size(3, 1), int nfeatures=1500, float scaleFactor=1.3f, int nlevels=5)
virtual double getLambda() const =0
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
Definition: intrin_cpp.hpp:444
MxArray(size_t m, size_t n, size_t k, mxClassID id, mxComplexity com=matlab::Traits<>::Real)
explicit typed constructor
Definition: mxarray.hpp:284
T * Mem()
Definition: tinyxml2.h:281
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
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
Definition: types_c.h:363
virtual void setP1(int P1)=0
vector_vector_DMatch toVectorVectorDMatch()
Definition: bridge.hpp:421
std::vector< std::string > images
Definition: ir_robot.hpp:67
double mu12
Definition: types_c.h:400
void setTransformType(int val)
Definition: rgbd.hpp:829
WImage3D(InputArray image, const Size2d &size, const Vec3d ¢er, const Vec3d &normal, const Vec3d &up_vector)
Constructs an WImage3D.
Size frameSize_
Definition: stabilizer.hpp:121
virtual void setCannyLowThresh(int cannyLowThresh)=0
Canny low threshold.
Definition: sparse_matching_gpc.hpp:200
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
__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
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
int cols
Definition: mat.hpp:1959
Definition: or_mnist.hpp:61
void setCameraMatrix(const cv::Mat &val)
Definition: rgbd.hpp:909
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1696
void PushAttribute(const char *name, int value)
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...
int hashtableRemove(hashtable_int *hashtbl, KeyType key)
float sharpness() const
Definition: blenders.hpp:104
int DisableCabac
NVVE_DISABLE_CABAC,.
Definition: cudacodec.hpp:101
static Ptr< Tracker > create(const String &trackerType)
Creates a tracker by its name.
double maxMarkerPerimeterRate
Definition: aruco.hpp:135
Structure containing information about matches between two images.
Definition: matchers.hpp:207
#define CV_EXPORTS
Definition: cvdef.h:361
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.
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
Context & initializeContextFromDirect3DDevice9(IDirect3DDevice9 *pDirect3DDevice9)
Creates OpenCL context from Direct3DDevice9 device.
static Ptr< _Tp > read(const FileNode &fn)
Reads algorithm from the file node.
Definition: core.hpp:3055
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
SparseMat_(const SparseMat &m)
the copy constructor. If DataType<_Tp>.type != m.type(), the m elements are converted
void cvOr(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
double x
Definition: types_c.h:986
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:474
virtual void run(const std::vector< std::string > &images)=0
Calls the pipeline in order to perform Eclidean reconstruction.
int height
Definition: types_c.h:348
void cvDiv(const CvArr *src1, const CvArr *src2, CvArr *dst, double scale=1)
virtual void unwrapPhaseMap(InputArrayOfArrays wrappedPhaseMap, OutputArray unwrappedPhaseMap, cv::Size camSize, InputArray shadowMask=noArray())=0
Unwrap the wrapped phase map to remove phase ambiguities.
static Mat getBitsFromByteList(const Mat &byteList, int markerSize)
Transform list of bytes to matrix of bits.
~Allocator()
Definition: cvstd.hpp:140
virtual void printAttrs() const
void writeClass(const String &class_id, FileStorage &fs) const
std::vector< cv::Rect > vector_Rect
Definition: bridge.hpp:77
#define clReleaseDevice
Definition: opencl_core.hpp:236
__device__ static __forceinline__ schar min()
Definition: limits.hpp:69
virtual void setPlotBackgroundColor(Scalar _plotBackgroundColor)=0
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
void saveWindowParameters(const String &windowName)
Saves parameters of the specified window.
@ CV_BayerGR2RGB
Definition: types_c.h:178
@ WINDOW_GUI_EXPANDED
status bar and tool bar
Definition: highgui.hpp:190
std::vector< std::vector< cv::DMatch > > vector_vector_DMatch
Definition: bridge.hpp:76
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:126
virtual double getNu() const =0
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:160
const char * nameFont
Definition: imgproc_c.h:1120
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
static BlobShape like(const UMat &m)
Returns shape of passed UMat.
virtual ~TrackerFeature()
virtual float getIntensity() const =0
Definition: functional.hpp:63
virtual std::vector< cv::Mat > getProjections() const =0
int set(int i, const Image2D &image2D)
Impl * impl
Definition: utility.hpp:877
IplROI cvRectToROI(CvRect rect, int coi)
Definition: types_c.h:809
cv::instr::IMPL m_implType
Definition: utility.hpp:1124
virtual Mat nextFrame()
Definition: stabilizer.hpp:148
std::vector< Template > TemplatePyramid
Definition: linemod.hpp:423
@ CV_GAUSSIAN
Definition: types_c.h:78
@ FLOAT
Definition: core.hpp:3116
virtual Mat estimateStabilizationMotion()=0
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
void cvTriangulatePoints(CvMat *projMatr1, CvMat *projMatr2, CvMat *projPoints1, CvMat *projPoints2, CvMat *points4D)
void cvSet(CvArr *arr, CvScalar value, const CvArr *mask=NULL)
Sets every element of an array to a given value.
int rows() const
Returns size of the thrid axis blob.
const Ncv32u K_WARP_SIZE
Definition: NCV.hpp:236
int width
Definition: types_c.h:782
void write(const String &name, InputArray val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
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)
void cvReleaseData(CvArr *arr)
Releases array data.
@ CV_CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
Definition: videoio_c.h:253
virtual int getKernelSize() const =0
Kernel size of Bilateral-TV filter.
void medianBlur(InputArray src, OutputArray dst, int ksize)
Blurs an image using the median filter.
double cross(const Point_ &pt) const
cross-product
size_t image2DMaxWidth() const
#define clCreateProgramWithSource
Definition: opencl_core_wrappers.hpp:49
_OutputArray(const cuda::GpuMat &d_mat)
float32x2_t cv_vsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:119
void detectRegions(InputArray image, const Ptr< ERFilter > &er_filter1, const Ptr< ERFilter > &er_filter2, std::vector< std::vector< Point > > ®ions)
int photoIndex
Definition: multicalib.hpp:86
int image_width
Definition: simple_pipeline.hpp:105
const uchar * ptr(int row, int col) const
__device__ __forceinline__ double4 asinh(const double4 &a)
Definition: vec_math.hpp:373
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
Definition: warping.hpp:78
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
Affine warper factory class.
Definition: warpers.hpp:75
int step
Definition: types_c.h:646
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
Definition: types_c.h:155
virtual void setNumIters(int numIters)=0
int cornerRefinementMaxIterations
Definition: aruco.hpp:142
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:320
virtual int getSmallerBlockSize() const =0
int getWindowSize() const
Definition: rgbd.hpp:258
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:131
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
Ptr< detail::SeamFinder > seamFinder()
Definition: stitching.hpp:225
virtual Mat nextFrame()=0
@ UCHAR
Definition: core.hpp:3117
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.
void setEstimateTrimRatio(bool val)
Definition: stabilizer.hpp:170
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:112
virtual void subtract(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
virtual void load(const std::string &path)=0
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)
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:541
@ IMWRITE_PNG_BILEVEL
Binary level PNG, 0 or 1, default is 0.
Definition: imgcodecs.hpp:90
virtual void onEndFrame(int frameNumber, PicType picType)=0
Callback function signals that the encoding operation on the frame has finished.
static Ptr< BNLLLayer > create()
Blob reshaped(const BlobShape &newShape) const
Changes shape of the blob without copying the data.
const SparseMat * m
Definition: mat.hpp:3070
static String getDefaultObjectName(const String &filename)
Returns the normalized object name for the specified name of a file.
@ FLANN_INT32
Definition: defines.h:159
@ COLOR_BayerGB2BGR
Definition: imgproc.hpp:736
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > warpAffinePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:100
virtual void setDataWeight(double data_weight)=0
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:201
@ ALPHA_ATOP
Definition: cudaimgproc.hpp:159
CL_RUNTIME_EXPORT void *CL_API_CALL * clGetExtensionFunctionAddressForPlatform_pfn(cl_platform_id, const char *)
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
Definition: types_c.h:544
int maxTexture1DLinear() const
maximum size for 1D textures bound to linear memory
SparseMatConstIterator(const SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)
Rect_(const Point_< _Tp > &org, const Size_< _Tp > &sz)
const char * memopTypeToStr(int t)
const char * typeToStr(int t)
__device__ static __forceinline__ void blockTransfrom(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
int label
Quantization.
Definition: linemod.hpp:67
Ptr< flann::Index > flannIndex
Definition: features2d.hpp:1100
v_uint64x2 v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1568
@ REDUCE_MAX
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:237
virtual bool open(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
Initializes or reinitializes video writer.
int nSize
Definition: types_c.h:302
int maxTexture1DMipmap() const
maximum 1D mipmapped texture size
Maximally stable extremal region extractor.
Definition: features2d.hpp:345
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:166
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.
float * alpha
Definition: objdetect_c.h:90
@ CAP_PROP_XI_WB_KR
White balance red coefficient.
Definition: videoio.hpp:370
__device__ __forceinline__ uint vmax4(uint a, uint b)
Definition: simd_functions.hpp:870
@ DFT_ROWS
Definition: base.hpp:225
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:221
NCVMemoryType memType() const
Definition: NCV.hpp:828
virtual int getMarginType() const =0
Margin type, one of SVMSGD::MarginType.
void cvMulTransposed(const CvArr *src, CvArr *dst, int order, const CvArr *delta=NULL, double scale=1.)
void Allocate(int width, int height)
Definition: wimage.hpp:525
void start()
Definition: utility.hpp:298
int nextEdge(int edge) const
Returns next edge around the edge origin.
virtual ~base_any_policy()
Definition: any.h:51
void add32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
int cvFindChessboardCorners(const void *image, CvSize pattern_size, CvPoint2D32f *corners, int *corner_count=NULL, int flags=1+2)
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
@ RETR_FLOODFILL
Definition: imgproc.hpp:437
This 3D Widget defines a sphere. :
Definition: widgets.hpp:274
@ CV_WND_PROP_VISIBLE
Definition: highgui_c.h:114
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:96
size_t total() const
Returns the total number of array elements.
virtual int getIterations() const =0
virtual void setSolverIterations(int val)=0
Number of linear system solver iterations.
const char * GetErrorStr1() const
Return a possibly helpful diagnostic location or string.
Definition: tinyxml2.h:1665
FileNode operator[](const String &nodename) const
Returns the specified element of the top-level mapping.
@ COLOR_BGR5552RGBA
Definition: imgproc.hpp:566
__device__ __forceinline__ uint vcmpge4(uint a, uint b)
Definition: simd_functions.hpp:745
static float elapsedTime(const Event &start, const Event &end)
computes the elapsed time between events
TrackerSamplerCS(const TrackerSamplerCS::Params ¶meters=TrackerSamplerCS::Params())
Constructor.
void setMethod(int val)
Definition: rgbd.hpp:416
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
@ CV_LOAD_IMAGE_COLOR
Definition: imgcodecs_c.h:62
Rect_(const Point_< _Tp > &pt1, const Point_< _Tp > &pt2)
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
Definition: warpers.hpp:153
const Mat * m
Definition: mat.hpp:2911
static cudaStream_t getStream(const Stream &stream)
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...
Definition: types_c.h:424
ArgumentParser(const String &method_name)
Definition: mxarray.hpp:605
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...
BlobShape(int num, int cn, int rows, int cols)
Creates 4-dim shape [num, cn, rows, cols].
#define OPENCV_HAL_IMPL_SHIFT_OP(shift_op)
Helper macro.
Definition: intrin_cpp.hpp:829
@ COLOR_GRAY2RGB
Definition: imgproc.hpp:541
virtual int getBinaryKernelType() const =0
bool create(InputArray pattern, const Size2f boardSize, OutputArray output=noArray())
WindowPropertyFlags
Flags for cv::setWindowProperty / cv::getWindowProperty.
Definition: highgui.hpp:195
cv::Ptr< Map > getMap(void) const
void xor8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
Matx< float, 6, 6 > Matx66f
Definition: matx.hpp:230
PredictResult minRes
Definition: predict_collector.hpp:93
@ CENTERS_GONZALES
Definition: defines.h:114
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
virtual void setMaxBufferSize(int maxBufferSize)=0
Maximal size of inner buffers.
virtual void load(const std::string &path)=0
LinearIndex(const Matrix< ElementType > &inputData, const IndexParams ¶ms=LinearIndexParams(), Distance d=Distance())
Definition: linear_index.h:57
virtual void setNumDisparities(int numDisparities)=0
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w)
virtual void read(const FileNode &fn)=0
Reads algorithm parameters from a file storage.
virtual void generateFeatures()=0
static Ptr< PD_caltech > create()
virtual Size getWinSize() const =0
Range(int _start, int _end)
virtual bool full() const =0
virtual NcvBool isInitialized(void) const =0
_Tp & ref(int i0, int i1, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(i0, i1, hashval)
Implementation of the Global Patch Collider.
@ COLOR_RGB2BGRA
Definition: imgproc.hpp:527
This type is very similar to InputArray except that it is used for input/output and output function p...
Definition: mat.hpp:268
std::vector< Size > sizes_
Definition: seam_finders.hpp:99
__device__ __forceinline__ float1 atan(const uchar1 &a)
Definition: vec_math.hpp:330
@ FLANN_CHECKS_UNLIMITED
Definition: defines.h:171
@ CV_CAP_PROP_XI_WB_KG
Definition: videoio_c.h:306
virtual void invert(const MatExpr &expr, int method, MatExpr &res) const
_Tp & operator[](int idx)
returns read-write reference to the specified element
Definition: core_c.h:2984
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
@ CAP_V4L
V4L/V4L2 capturing support via libv4l.
Definition: videoio.hpp:91
Homography based rotation estimator.
Definition: motion_estimators.hpp:99
virtual void onBeginFrame(int frameNumber, PicType picType)=0
Callback function to signal that the encoding operation on the frame has started.
TablePtr tbl
Definition: lut.hpp:66
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:275
virtual void getCameras(OutputArray Rs, OutputArray Ts)=0
XMLNode * _firstChild
Definition: tinyxml2.h:841
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 */.
void setMinSize(int val)
Definition: rgbd.hpp:408
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
void cvGetRectSubPix(const CvArr *src, CvArr *dst, CvPoint2D32f center)
Retrieves the rectangular image region with specified center from the input array.
void selection()
Identify most effective features for all feature types (optional)
virtual int getScalesNumber() const =0
Vec3i maxThreadsDim() const
maximum size of each dimension of a block
void cvReleaseMemStorage(CvMemStorage **storage)
@ CV_RADIOBOX
Definition: highgui_c.h:96
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:372
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:593
int xsize(int axis) const
Returns the size of the specified axis.
int index_type
Definition: glob.hpp:65
virtual void setRpropDWMin(double val)=0
void cvPyrDown(const CvArr *src, CvArr *dst, int filter=CV_GAUSSIAN_5x5)
Smoothes the input image with gaussian kernel and then down-samples it.
virtual void setMaxRadius(int maxRadius)=0
@ FLOODFILL_MASK_ONLY
Definition: imgproc.hpp:396
int numVotes
Definition: pose_3d.hpp:178
int id
Definition: or_imagenet.hpp:62
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...
#define clReleaseKernel
Definition: opencl_core_wrappers.hpp:217
#define CV_PROP
Definition: cvdef.h:379
const Mat getDescriptor(int globalDescIdx) const
@ CV_CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio_c.h:243
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1150
void updateMotionHistory(InputArray silhouette, InputOutputArray mhi, double timestamp, double duration)
Updates the motion history image by a moving silhouette.
WPlane(const Point3d ¢er, 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
Definition: videoio_c.h:385
@ CV_CAP_PROP_XI_CC_MATRIX_21
Definition: videoio_c.h:341
virtual XMLNode * ShallowClone(XMLDocument *document) const
void create(int rows, int cols, int type)
allocates new GpuMat data unless the GpuMat already has specified size and type
virtual void setROI1(Rect roi1)=0
#define CV_Error(code, msg)
Call the error handler.
Definition: base.hpp:390
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
Ptr< Algorithm > member_type
Definition: core.hpp:3173
virtual void load(const FileStorage &fs)=0
GpuMat rowRange(Range r) const
void transpose(InputArray src, OutputArray dst)
Transposes a matrix.
sampleType
Definition: pd_inria.hpp:61
@ DICT_6X6_50
Definition: dictionary.hpp:150
SparseMatIterator(const SparseMatIterator &it)
the copy constructor
static MatExpr ones(Size size)
virtual bool read(const FileNode &node)
#define clEnqueueReadBuffer
Definition: opencl_core_wrappers.hpp:112
void cvRawDataToScalar(const void *data, int type, CvScalar *scalar)
@ COLOR_HSV2BGR
backward conversions to RGB/BGR
Definition: imgproc.hpp:592
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:676
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
Mat_(int _rows, int _cols)
equivalent to Mat(_rows, _cols, DataType<_Tp>::type)
@ CV_IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
Definition: imgcodecs_c.h:93
size_t nodeCount
Definition: mat.hpp:2526
Definition: functional.hpp:890
Code
error codes
Definition: base.hpp:68
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
float cvCbrt(float value)
int cvFindFundamentalMat(const CvMat *points1, const CvMat *points2, CvMat *fundamental_matrix, int method=8, double param1=3., double param2=0.99, CvMat *status=NULL)
Definition: inpainting.hpp:103
double contourArea(InputArray contour, bool oriented=false)
Calculates a contour area.
__host__ __device__ static __forceinline__ char3 all(schar v)
Definition: vec_traits.hpp:170
Mat finalFrame_
Definition: stabilizer.hpp:129
virtual bool elementWise(const MatExpr &expr) const
@ CAP_PROP_OPENNI2_MIRROR
Definition: videoio.hpp:233
void write(FileStorage &fs, const String &name, const std::vector< DMatch > &value)
int32x2_t cv_vrnd_s32_f32(float32x2_t v)
Definition: neon_utils.hpp:52
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.
static UMat ones(int rows, int cols, int type)
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
@ CV_EVENT_LBUTTONDBLCLK
Definition: highgui_c.h:185
virtual void setWinSigma(double win_sigma)=0
Gaussian smoothing window parameter.
virtual void add(const MatExpr &expr1, const Scalar &s, MatExpr &res) const
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
int hal_ni_sqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:440
#define CV_MAT_TYPE(flags)
Definition: cvdef.h:391
void setRefinementMask(const Mat &mask)
Definition: motion_estimators.hpp:133
BranchStruct()
Definition: result_set.h:55
T ElementType
Definition: dist.h:263
double mu30
Definition: types.hpp:867
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
#define CV_TERMCRIT_ITER
Definition: types_c.h:829
static Ptr< FlannBasedMatcher > create()
flann_log_level_t
Definition: defines.h:119
virtual int defaultNorm() const
const _OutputArray & OutputArray
Definition: mat.hpp:381
GpuMat row(int y) const
returns a new GpuMat header for the specified row
~AutoLock()
Definition: utility.hpp:599
Definition: tracker.hpp:1002
float index_type
Definition: warping.hpp:64
const std::vector< Mat > & getResponses() const
Get the responses.
double k
Default is 0.
Definition: kalman_filters.hpp:140
void setMaxRotation(double val)
Definition: rgbd.hpp:845
Mat cam_params_
Definition: motion_estimators.hpp:206
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
bool setDescriptorMatcher(Ptr< DescriptorMatcher > matcher)
CvMat * state_post
Definition: tracking_c.h:186
#define clReleaseEvent
Definition: opencl_core_wrappers.hpp:214
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
paralel implementation of the center symetric census
Definition: descriptor.hpp:366
poseType
Definition: gr_skig.hpp:75
void cvtBGR5x5toGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
MatExpr t() const
Transposes a matrix.
Ptr< TrackerModel > getModel()
Definition: tracker.hpp:568
void write(FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
bool canMapHostMemory() const
device can map host memory with cudaHostAlloc/cudaHostGetDevicePointer
virtual ~VideoReader()
Definition: cudacodec.hpp:290
#define CV_GRAPH_VERTEX_FIELDS()
Definition: types_c.h:1337
CvRect rect
Definition: objdetect_c.h:119
bool check() const
Definition: sparse_matching_gpc.hpp:146
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:215
void setStdevThresh(float val)
Definition: inpainting.hpp:132
void convertTo(OutputArray dst, int rtype, double alpha, double beta=0.0) const
converts GpuMat to another datatype with scaling (Blocking call)
Seq()
the default constructor
Definition: core_c.h:2971
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
int alphaChannel
Definition: types_c.h:305
@ DICT_4X4_100
Definition: dictionary.hpp:143
float y
Definition: types_c.h:939
void addref()
increases the reference counter; use with care to avoid memleaks
void glob(String pattern, std::vector< String > &result, bool recursive=false)
virtual void setBlockSize(int blockSize)=0
void SetInternedStr(const char *str)
Definition: tinyxml2.h:178
Sum< U > other
Definition: reduce_to_vec.hpp:71
int imgIdx
Definition: types.hpp:746
v_uint32x4 v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1564
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:544
float horizontalCellsGain
Definition: retina.hpp:162
virtual void setRadius(int val)
Definition: deblurring.hpp:66
@ QT_FONT_BLACK
Weight of 87.
Definition: highgui.hpp:235
@ CV_GRAY2RGBA
Definition: types_c.h:126
int getReplacedClassifier() const
_OutputArray(const std::vector< std::vector< _Tp > > &vec)
_Arg2 second_argument_type
Definition: functional.hpp:71
Definition: mapaffine.hpp:53
WImageView< float > WImageView_f
Definition: wimage.hpp:76
int getTransformType() const
Definition: rgbd.hpp:825
@ COLOR_BayerRG2GRAY
Definition: imgproc.hpp:747
virtual size_t veclen() const =0
XMLNode * LinkEndChild(XMLNode *addThis)
Definition: tinyxml2.h:754
char & reference
Definition: cvstd.hpp:481
void cvSetSeqReaderPos(CvSeqReader *reader, int index, int is_relative=0)
bool empty() const
Definition: bridge.hpp:170
@ CV_CAP_PROP_ANDROID_WHITE_BALANCE
Definition: videoio_c.h:416
virtual void setDelta(float val)=0
Weight of the color constancy term.
XMLText(XMLDocument *doc)
Definition: tinyxml2.h:893
void create(int rows, int cols, int type)
allocates new matrix data unless the matrix already has specified size and type.
float samplerTrackInRadius
radius for gathering positive instances during tracking
Definition: tracker.hpp:1096
int xmax
Definition: or_pascal.hpp:64
void copyTo(OutputArray m, InputArray mask) const
uchar * ptr
Definition: types_c.h:1081
std::vector< String > classIds() const
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:253
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.
EltwiseOp
Definition: all_layers.hpp:391
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
@ CV_RETR_EXTERNAL
Definition: types_c.h:446
int height
Definition: tr_svt.hpp:63
MxArray & operator=(const mxArray *ptr)
Definition: mxarray.hpp:272
virtual Ptr< detail::RotationWarper > create(float scale) const =0
@ TYPE_9_16
Definition: features2d.hpp:424
void read(const FileNode &)
Definition: tinyxml2.h:943
@ PROJ_SPHERICAL_ORTHO
Definition: imgproc.hpp:354
__host__ void create(Size asize)
void cvRQDecomp3x3(const CvMat *matrixM, CvMat *matrixR, CvMat *matrixQ, CvMat *matrixQx=NULL, CvMat *matrixQy=NULL, CvMat *matrixQz=NULL, CvPoint3D64f *eulerAngles=NULL)
@ CV_YUV2BGRA_YUNV
Definition: types_c.h:312
void write(FileStorage &fs, const String &name, int value)
#define CVVISUAL_THREAD_LOCAL
Definition: debug_mode.hpp:7
void cvCalcHist(IplImage **image, CvHistogram *hist, int accumulate=0, const CvArr *mask=NULL)
Definition: imgproc_c.h:771
NodeData & operator=(const NodeData &)
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3, _Tp s4, _Tp s5, _Tp s6, _Tp s7)
Constructor.
Definition: intrin_cpp.hpp:267
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.
Vec< float, 6 > Vec6f
Definition: matx.hpp:384
std::vector< Mat > pyramidImage
Definition: rgbd.hpp:511
NCVMatrixReuse(const NCVMatrix< T > &mat, NcvRect32u roi)
Definition: NCV.hpp:961
@ CV_YUV420p2GRAY
Definition: types_c.h:275
uchar * ptr(const int *idx, bool createMissing, size_t *hashval=0)
returns pointer to the specified element (nD case)
_Tp operator()(int i0, int i1, int i2, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(i0, i1, i2, hashval)
BinaryDescriptorMatcher()
Constructor.
@ CV_INTER_NN
Definition: types_c.h:359
virtual void nextFrame(OutputArray frame)=0
Definition: warpers.hpp:237
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
void cvLoadWindowParameters(const char *name)
int getReductionRatio()
Get current reduction ratio (used in Gaussian pyramids)
@ CV_YUV2GRAY_UYVY
Definition: types_c.h:314
void cvCreateData(CvArr *arr)
Allocates array data.
cv::Ptr< CalibrateRobertson > Ptr_CalibrateRobertson
Definition: bridge.hpp:86
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:89
virtual int getIterations() const =0
@ CV_CAP_PROP_XI_FREE_FFS_SIZE
Definition: videoio_c.h:406
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_context_info
Definition: opencl_core.hpp:325
int maxComputeUnits() const
void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
virtual int getFixedPointIterations() const =0
Number of outer (fixed-point) iterations in the minimization procedure.
virtual bool getHarrisDetector() const =0
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
schar * cvGetSeqElem(const CvSeq *seq, int index)
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:283
WImageC< short, 1 > WImage1_16s
Definition: wimage.hpp:93
Matx< float, 6, 1 > Matx61f
Definition: matx.hpp:210
@ CALIB_THIN_PRISM_MODEL
Definition: calib3d.hpp:266
void update(const Mat &posx, const Mat &negx)
IplImage header_
Definition: wimage.hpp:438
Definition: functional.hpp:521
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
Definition: types_c.h:937
#define clAmdFftSetPlanOutStride
Definition: opencl_clamdfft.hpp:96
MatSize size
Definition: mat.hpp:2421
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
Definition: sparse_matching_gpc.hpp:166
@ CAP_PROP_EXPOSUREPROGRAM
Camera exposure program.
Definition: videoio.hpp:553
virtual void saveIndex(FILE *stream)=0
Saves the index to a stream.
GpuMat colRange(Range r) const
double getTimeSec() const
Definition: utility.hpp:343
virtual void setTrainTestSplitRatio(double ratio, bool shuffle=true)=0
Splits the training data into the training and test parts.
void cvBoxPoints(CvBox2D box, CvPoint2D32f pt[4])
Finds coordinates of the box vertices.
@ MORPH_TOPHAT
Definition: imgproc.hpp:244
cv::Ptr< Map > getMap(void) const
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
virtual void setHitThreshold(double hit_threshold)=0
void Push(T t)
Definition: tinyxml2.h:229
virtual double getDist2Threshold() const =0
Returns the threshold on the squared distance between the pixel and the sample.
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:745
int64 i
Definition: cvdef.h:344
@ CMP_GE
src1 is greater than or equal to src2.
Definition: base.hpp:202
schar * ptr
Definition: persistence.hpp:674
void setK(const cv::Mat &val)
Definition: rgbd.hpp:189
std::vector< PredictResult > data
Definition: predict_collector.hpp:94
@ COLOR_BGR2HLS
convert RGB/BGR to HLS (hue lightness saturation), color conversions
Definition: imgproc.hpp:589
virtual void move(void *const *src, void **dest)=0
@ DFT_INVERSE
Definition: base.hpp:217
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)
int axis
Definition: all_layers.hpp:327
Definition: result_set.h:153
@ CV_BGR5652RGBA
Definition: types_c.h:137
Viz3d & operator=(const Viz3d &)
size_t find(const String &str, size_t pos=0) const
@ DCT_ROWS
Definition: base.hpp:248
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.
KMeansIndex & operator=(const KMeansIndex &)
UMat(const UMat &m, const std::vector< Range > &ranges)
CvSeq * cvSeqSlice(const CvSeq *seq, CvSlice slice, CvMemStorage *storage=NULL, int copy_data=0)
MatSize size
Definition: mat.hpp:1978
int curStabilizedPos_
Definition: stabilizer.hpp:124
double mat2[3]
Definition: msm_epfl.hpp:63
@ BORDER_REFLECT_101
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:258
@ COLOR_Lab2RGB
Definition: imgproc.hpp:596
CvPoint cvPoint(int x, int y)
Definition: types_c.h:882
TermCriteria termCriteria()
Definition: motion_estimators.hpp:142
virtual void setDiffusivity(int diff)=0
@ SF_NV12
Definition: cudacodec.hpp:75
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
void cvUpdateMotionHistory(const CvArr *silhouette, CvArr *mhi, double timestamp, double duration)
Definition: constant.hpp:58
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:134
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).
virtual double getEpsilon() const =0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
virtual float getColorAdaptation() const =0
@ block_size_x
Definition: copy.hpp:352
virtual void setNumIterations(int iterations)=0
void cvClearMemStorage(CvMemStorage *storage)
Class encapsulating matching parameters.
Definition: sparse_matching_gpc.hpp:152
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4079
v_reg< _Tp, n > v_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Magnitude.
Definition: intrin_cpp.hpp:727
@ tile_dim
Definition: transpose.hpp:87
__device__ __forceinline__ uint saturate_cast< uint >(schar v)
Definition: saturate_cast.hpp:241
double cvmGet(const CvMat *mat, int row, int col)
Returns the particular element of single-channel floating-point matrix.
Definition: types_c.h:557
_Tp area() const
the area (width*height)
List of attributes. :
Definition: types_c.h:1713
@ FULL_UV
Definition: core.hpp:2563
const cv::Mat & getConfImageDisplay() const
Definition: onlineBoosting.hpp:238
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
virtual void add(InputArrayOfArrays descriptors)
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
double adaptiveThreshConstant
Definition: aruco.hpp:133
virtual double getBackgroundPrior() const =0
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const =0
Predicts responses for input samples and returns a float type.
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...
@ ComputeModeExclusive
Definition: cuda.hpp:727
int radius_
Definition: stabilizer.hpp:116
int x
x offset
Definition: linemod.hpp:65
std::vector< PascalObj > objects
Definition: or_pascal.hpp:86
virtual void setUsePostProcessing(bool _use_post_proc)=0
Sets whether the fastGlobalSmootherFilter() post-processing is employed. It is turned on by default.
void setAutoRelease(bool flag)
Sets auto release mode all inner buffers.
@ CAP_PVAPI_PIXELFORMAT_BGR24
Bgr24.
Definition: videoio.hpp:314
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:172
void setFeaturesFinder(Ptr< detail::FeaturesFinder > features_finder)
Definition: stitching.hpp:189
@ ARO_CTR_HOR
Definition: fast_hough_transform.hpp:73
_Tp value_type
Definition: mat.hpp:2039
__host__ void gridCountNonZero_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:250
bool isContinuous() const
v_int32x4 v_setzero_s32()
Definition: intrin_cpp.hpp:1523
virtual void setTrainMethod(int val)=0
virtual void setTruncatePrunedTree(bool val)=0
float getInitSigma() const
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.
DataType< _Tp >::channel_type channel_type
Definition: mat.hpp:2040
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
virtual int getPolyN() const =0
Definition: types_c.h:1787
virtual void setNoiseSigma(double noiseSigma)=0
int PixelSize() const
Definition: wimage.hpp:198
MatExpr mul(InputArray m, double scale=1) const
Performs an element-wise multiplication or division of the two matrices.
struct _IplTileInfo * tileInfo
Definition: types_c.h:321
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
SrcPtr src
Definition: deriv.hpp:193
@ COLOR_YUV2BGRA_UYVY
Definition: imgproc.hpp:680
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:230
@ EVENT_RBUTTONDOWN
indicates that the right mouse button is pressed.
Definition: highgui.hpp:207
WImageC(IplImage *img)
Definition: wimage.hpp:262
__device__ __forceinline__ uint vavg4(uint a, uint b)
Definition: simd_functions.hpp:574
virtual float getInputMin() const =0
Input image range minimum value.
@ RETINA_COLOR_DIAGONAL
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
@ CV_YUV2BGRA_IYUV
Definition: types_c.h:262
std::vector< int > component() const
Definition: stitching.hpp:272
int rows
Definition: deriv.hpp:371
const CvMat * cvKalmanCorrect(CvKalman *kalman, const CvMat *measurement)
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
virtual bool allocate(GpuMat *mat, int rows, int cols, size_t elemSize)=0
Data structure for salient point detectors.
Definition: types.hpp:642
@ BadAlign
Definition: base.hpp:90
int t
Definition: descriptor.hpp:104
virtual double getBlurSigma() const =0
Gaussian blur sigma.
void cvFillConvexPoly(CvArr *img, const CvPoint *pts, int npts, CvScalar color, int line_type=8, int shift=0)
Fills convex or monotonous polygon.
@ ERFILTER_NM_IHSGrad
Definition: erfilter.hpp:250
CvPOSITObject * cvCreatePOSITObject(CvPoint3D32f *points, int point_count)
@ CV_YUV2RGB_YUYV
Definition: types_c.h:300
SeqIterator & operator--()
moves iterator to the previous sequence element
Definition: core_c.h:3125
@ DISP_SHIFT
Definition: stereo.hpp:82
void drawKeylines(const Mat &image, const std::vector< KeyLine > &keylines, Mat &outImage, const Scalar &color=Scalar::all(-1), int flags=DrawLinesMatchesFlags::DEFAULT)
Draws keylines.
bool setDescriptorExtractor(Ptr< DescriptorExtractor > extractor)
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:969
@ HARRIS_SCORE
Definition: features2d.hpp:265
void reshape(Mat &m, const BlobShape &shape)
Definition: shape_utils.hpp:63
@ CAP_PROP_XI_BINNING_VERTICAL
Vertical Binning - number of vertical photo-sensitive cells to combine together.
Definition: videoio.hpp:353
virtual void setP2(int P2)=0
float lineLength
Definition: descriptor.hpp:141
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.
int hal_ni_split16u(const ushort *src_data, ushort **dst_data, int len, int cn)
Definition: hal_replacement.hpp:346
v_reg< uint64, 2 > v_uint64x2
Two 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:370
__device__ __host__ void getRect(Ncv32u *rectX, Ncv32u *rectY, Ncv32u *rectWidth, Ncv32u *rectHeight)
Definition: NCVHaarObjectDetection.hpp:100
void operator=(const WImage &)
Predicate pred
Definition: functional.hpp:812
#define RELATIVE_ERROR_FACTOR
Definition: descriptor.hpp:443
virtual int maxLevel() const
Definition: optical_flow.hpp:88
static Ptr< RNNLayer > create()
void setBorderMode(int val)
Definition: inpainting.hpp:155
@ AGAST_7_12s
Definition: features2d.hpp:478
float b
Definition: warpers.hpp:324
PlaneWarper(float scale=1.f)
Construct an instance of the plane warper class.
Definition: warpers.hpp:187
FileStorage()
The constructors.
virtual float getOutputMin() const =0
Output image range minimum value.
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:659
int borderMode_
Definition: stabilizer.hpp:119
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
ResultType operator()(ResultType dist)
Definition: dist.h:876
@ CV_YUV2BGRA_YVYU
Definition: types_c.h:308
Definition: types_c.h:1844
struct CvMemStorage * parent
Definition: types_c.h:1194
@ StsNotImplemented
the requested function/feature is not implemented
Definition: base.hpp:113
int timestamp
Definition: multicalib.hpp:103
void equalizeHist(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Equalizes the histogram of a grayscale image.
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...
bool isInt() const
returns true if the node is an integer
virtual int getMaxArea() const =0
MatExpr operator()(const Range &rowRange, const Range &colRange) const
const XMLConstHandle FirstChild() const
Definition: tinyxml2.h:1864
static std::vector< float > getDefaultPeopleDetector()
virtual Rect getROI1() const =0
@ fmt
Definition: traits.hpp:268
static Ptr< Modality > create(const FileNode &fn)
Load a modality from file.
@ DEFAULT
Definition: descriptor.hpp:1321
Mat getVarSymbolFlags() const
v_int16x8 v_setall_s16(short val)
Definition: intrin_cpp.hpp:1541
@ ADAPTIVE_THRESH_MEAN_C
Definition: imgproc.hpp:344
Definition: global_motion.hpp:204
@ CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio.hpp:516
Rotation estimator base class.
Definition: motion_estimators.hpp:66
virtual void find(InputArray image, ImageFeatures &features)=0
This method must implement features finding logic in order to make the wrappers detail::FeaturesFinde...
__device__ __forceinline__ uint vmin4(uint a, uint b)
Definition: simd_functions.hpp:892
__device__ T warpScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:59
const int * greek
Definition: imgproc_c.h:1124
MercatorWarper(float scale)
Definition: warpers.hpp:417
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
__host__ NCVStatus create(Ncv32u offsetHaarClassifierNode)
Definition: NCVHaarObjectDetection.hpp:187
Definition: NCVHaarObjectDetection.hpp:117
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.
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)
virtual bool isTrained() const =0
Returns true if the model is trained.
@ CV_BayerGB2RGB_EA
Definition: types_c.h:348
@ CV_CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio_c.h:241
float depth
Definition: types_c.h:523
virtual void setROI2(Rect roi2)=0
virtual double getMinScale() const =0
Point3_ & operator=(const Point3_ &pt)
Definition: tinyxml2.h:975
int speckleRange
Definition: calib3d_c.h:342
int findSetByElem(int elem)
const Mat & matRefConst() const
Returns reference to cv::Mat, containing blob data, for read-only purposes.
@ COLOR_BayerGB2BGR_VNG
Definition: imgproc.hpp:752
RenderModes
render mode
Definition: opengl.hpp:478
Definition: core_c.h:1895
::cvflann::IndexParams getParameters()
Definition: flann.hpp:231
@ CV_FONT_BLACK
Definition: highgui_c.h:72
float index_type
Definition: interpolation.hpp:66
#define MIN(a, b)
Definition: cvdef.h:410
void SetAttribute(const char *name, unsigned value)
Sets the named attribute to value.
Definition: tinyxml2.h:1316
bool isThreadSafe() const
uses dynamic_cast to determine thread-safety
static MatExpr eye(Size size, int type)
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)
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:165
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
int usedMemory() const
Definition: kdtree_single_index.h:198
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:1547
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:80
SparseMat_(const Mat &m)
converts dense matrix to the sparse form
void log64f(const double *src, double *dst, int n)
Definition: functional.hpp:261
void printCudaDeviceInfo(int device)
double alpha
Default is 1e-3.
Definition: kalman_filters.hpp:139
float * PosterErrorCovariance
Definition: tracking_c.h:179
CvMat * disp
Definition: calib3d_c.h:354
void setMethod(int val)
Definition: rgbd.hpp:278
virtual char * ParseDeep(char *, StrPair *)
Mat suppressedFrame_
Definition: stabilizer.hpp:192
Size_(const Point_< _Tp > &pt)
Ptr< FrameSource > createFrameSource_Video_CUDA(const String &fileName)
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: warpers.hpp:603
Mat texture
Definition: types.hpp:134
Mat minGradientMagnitudes
Definition: rgbd.hpp:745
This 3D Widget defines a poly line. :
Definition: widgets.hpp:391
virtual void setMaxObjectSize(Size maxObjectSize)=0
Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fouri...
Definition: sinusoidalpattern.hpp:69
void setMaxDepth(double val)
Definition: rgbd.hpp:797
@ COLOR_BGR2YUV_I420
Definition: imgproc.hpp:721
Distance::ElementType ElementType
Definition: kdtree_index.h:73
virtual void setScaleFactor(double scale0)=0
Coefficient of the detection window increase.
long long Ncv64s
Definition: NCV.hpp:119
_Tp y
Definition: types.hpp:410
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:227
virtual double getBackgroundRatio() const =0
int rows
Definition: extrapolation.hpp:100
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
Template class for smart pointers with shared ownership.
Definition: cvstd.hpp:281
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio.hpp:243
static uchar abs(uchar a)
Definition: cvstd.hpp:70
bool empty()
Definition: heap.h:94
virtual void setMaxNumObjects(int maxNumObjects)=0
void setTargetWidth(int width)
Set the width of the target.
@ COLOR_YUV2RGB_NV21
Definition: imgproc.hpp:630
float alpha2
"Controls speed of feature learning". Depends on T. Typical value circa 0.005.
Definition: cudalegacy.hpp:171
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.
CvTypeInfo * cvFirstType(void)
Returns the beginning of a type list.
std::string fileName
Definition: hpe_humaneva.hpp:67
Methods
Training methods.
Definition: ml.hpp:1478
size_t elemSize1() const
returns elemSize()/channels()
pointer allocate(size_type count, const void *=0)
Definition: cvstd.hpp:149
void setBorderMode(int val)
Definition: stabilizer.hpp:92
CL_RUNTIME_EXPORT cl_uint
Definition: opencl_core.hpp:279
SparseMatIterator()
the default constructor
void cvScaleAdd(const CvArr *src1, CvScalar scale, const CvArr *src2, CvArr *dst)
@ CAP_FFMPEG
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:115
float * MNCovariance
Definition: tracking_c.h:175
int iterdepth
Definition: mat.hpp:3275
int n2
Definition: descriptor.hpp:145
const _Tp & at(int row, int col) const
@ LADYBUG
Definition: slam_tumindoor.hpp:64
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1161
virtual int getWTA_K() const =0
void cvDestroyWindow(const char *name)
std::vector< groundTruth > groundTruths
Definition: gr_chalearn.hpp:79
@ QT_FONT_NORMAL
Weight of 50.
Definition: highgui.hpp:232
__host__ GpuMat_ colRange(int startcol, int endcol) const
Definition: deblurring.hpp:97
virtual void computeGradient(const Mat &img, Mat &grad, Mat &angleOfs, Size paddingTL=Size(), Size paddingBR=Size()) const
v_int64x2 v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1569
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:221
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:155
const char * nameFont
Name of the font.
Definition: highgui.hpp:634
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
@ CV_FLOODFILL_FIXED_RANGE
Definition: types_c.h:594
const std::vector< float > * blurrinessRates_
Definition: deblurring.hpp:87
Definition: motion_stabilizing.hpp:98
Mat reshaped(const Mat &m, const BlobShape &shape)
Definition: shape_utils.hpp:69
virtual Mat getState() const =0
@ CPU_MMX
Definition: cvdef.h:138
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2457
static int type()
Definition: flann.hpp:76
static void read(const FileNode &node, Range &value, const Range &default_value)
Definition: persistence.hpp:767
virtual void enforceLabelConnectivity(int min_element_size=20)=0
Enforce label connectivity.
static bool debugMode()
Returns whether debug-mode is active for this TU and thread.
Definition: debug_mode.hpp:32
Mat estimateRigidTransform(InputArray src, InputArray dst, bool fullAffine)
Computes an optimal affine transformation between two 2D point sets.
Spherical warper factory class.
Definition: warpers.hpp:91
const char * version
Definition: types_c.h:1857
@ CV_YUV2GRAY_YUY2
Definition: types_c.h:315
bool update(const Mat &image, std::vector< Rect2d > &boundingBox)
Update the current tracking status.
uchar * ptr(int i0, int i1, int i2)
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:123
@ LINE_4
4-connected line
Definition: core.hpp:216
@ TM_CCOEFF
Definition: imgproc.hpp:3634
SparseMat::Node * node() const
returns pointer to the current sparse matrix node. it.node->idx is the index of the current element (...
virtual int getRangeMaxVal() const =0
Maximum possible value of the input image (e.g. 255 for 8 bit images, 4095 for 12 bit images)
@ SFM_REFINE_PRINCIPAL_POINT
Definition: simple_pipeline.hpp:121
int maxTextureCubemap() const
maximum Cubemap texture dimensions
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.
XMLElement * PreviousSiblingElement(const char *value=0)
Definition: tinyxml2.h:725
@ is_scalar
Definition: type_traits.hpp:146
int maxWorkItemDims() const
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...
void equalizeHist(InputArray src, OutputArray dst)
Equalizes the histogram of a grayscale image.
const _Tp & at(const Vec< int, n > &idx) const
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracker.hpp:1087
TrackerFeatureHAAR(const TrackerFeatureHAAR::Params ¶meters=TrackerFeatureHAAR::Params())
Constructor.
Definition: types_c.h:836
std::map< String, std::vector< TemplatePyramid > > TemplatesMap
Definition: linemod.hpp:424
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
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.
virtual void knnSearch(InputArray query, OutputArray indices, OutputArray dists, int knn, const SearchParams ¶ms=SearchParams())
Augmented Unscented Kalman filter parameters. The class for initialization parameters of Augmented Un...
Definition: kalman_filters.hpp:179
Mat operator()(const Range *ranges) const
virtual void setVariationalRefinementAlpha(float val)=0
Weight of the smoothness term.
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:476
FLANNException(const cv::String &message)
Definition: general.h:44
virtual void loadIndex(FILE *stream)=0
Loads the index from a stream.
@ CV_BayerBG2BGR
Definition: types_c.h:170
int preferredVectorWidthFloat() const
int compare(const String &str) const
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
MatConstIterator_(const Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
float parasolCells_tau
Definition: retina.hpp:176
double hu7
Definition: types_c.h:426
virtual double getK() const =0
Definition: result_set.h:508
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:65
CascadeClassifier(const String &filename)
Loads a classifier from a file.
#define TIXML_SNPRINTF
Definition: tinyxml2.h:118
@ CV_DENSE_CENSUS
Definition: descriptor.hpp:58
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.
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
int cvWriteFrame(CvVideoWriter *writer, const IplImage *image)
write frame to video file
static Ptr< LogisticRegression > create()
Creates empty model.
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
virtual Mat predict(InputArray control=noArray())=0
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)
__device__ static __forceinline__ double epsilon()
Definition: limits.hpp:121
void getRandomPose(double Pose[16])
@ size
Definition: tuple.hpp:67
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:357
Rect dst_roi_
Definition: timelapsers.hpp:76
@ FLANN_INT64
Definition: defines.h:160
void SetIpl(IplImage *image)
Definition: wimage.hpp:242
void max(InputArray src1, InputArray src2, OutputArray dst)
Calculates per-element maximum of two arrays or an array and a scalar.
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.
int font_face
See cv::QtFontStyles.
Definition: highgui.hpp:636
unsigned int capacity_
Definition: result_set.h:439
double z
Definition: types_c.h:988
_Result result_type
Definition: functional.hpp:65
uint64 u
Definition: cvdef.h:345
virtual void setMinX(double _plotMinX)=0
virtual void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection without a multi-scale window.
float y
Definition: types_c.h:896
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:62
__host__ NCVStatus setRect(Ncv32u rectX, Ncv32u rectY, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32u, Ncv32u)
Definition: NCVHaarObjectDetection.hpp:84
size_t _length
Definition: NCV.hpp:620
@ 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
virtual void setBias(float bias)=0
virtual int getNumFrames() const =0
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.
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:68
ThinningTypes
Definition: ximgproc.hpp:77
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
~WImageBuffer()
Definition: wimage.hpp:327
@ CV_YUV2GRAY_I420
Definition: types_c.h:273
int * p
Definition: mat.hpp:529
@ NORM_HAMMING2
Definition: base.hpp:193
Mat samplePCByQuantization(Mat pc, float xrange[2], float yrange[2], float zrange[2], float sample_step_relative, int weightByCenter=0)
vector_vector_char toVectorVectorChar()
Definition: bridge.hpp:416
float vscale
Definition: imgproc_c.h:1126
@ H264_SVC
Definition: cudacodec.hpp:251
virtual size_t getClassCount() const =0
Return a count of loaded models (classes).
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
@ CV_CAP_PROP_XI_IMAGE_IS_COLOR
Definition: videoio_c.h:327
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)
This sampler is based on particle filtering.
Definition: tracker.hpp:918
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:1885
uchar * cvPtr1D(const CvArr *arr, int idx0, int *type=NULL)
Return pointer to a particular array element.
char * ParseDeep(char *, StrPair *endTag)
@ TRIANGLES
Definition: opengl.hpp:483
virtual TermCriteria getTermCriteria() const =0
Termination criteria of the training algorithm. You can specify the maximum number of iterations (max...
@ CV_MOP_ERODE
Definition: types_c.h:387
Vec< double, 2 > Vec2d
Definition: matx.hpp:386
std::string nameDepth
Definition: gr_chalearn.hpp:77
virtual float getSigma()=0
XMLUnknown * NewUnknown(const char *text)
NodeDataTls()
Definition: utility.hpp:1107
void accumulateWeighted(InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray())
Updates a running average.
@ OpenCLDoubleNotSupported
Definition: base.hpp:121
virtual vector< int > dsgetsize(String dslabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch dataset sizes.
virtual bool scanAttr(const std::string prmName, const std::string val)
Bridge & operator=(const vector_uchar &)
Definition: bridge.hpp:410
SrcPtr src
Definition: reduction.hpp:110
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
virtual double getBackpropWeightScale() const =0
@ COLORMAP_HSV
Definition: imgproc.hpp:4089
virtual int getType() const =0
@ CV_CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio_c.h:246
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.
#define CV_SET_ELEM_FREE_FLAG
Definition: types_c.h:1303
LDA(int num_components=0)
constructor Initializes a LDA with num_components (default 0).
virtual double getAngleEpsilon() const =0
Definition: descriptor.hpp:143
@ COUNT
Definition: tinyxml2.h:402
float hscale
Definition: imgproc_c.h:1126
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
Definition: types_c.h:457
int _num_components
Definition: core.hpp:2530
virtual void setMinDist(double minDist)=0
Minimum distance between the centers of the detected objects.
void SetCData(bool isCData)
Declare whether this should be CDATA or standard text.
Definition: tinyxml2.h:880
void cvRegisterType(const CvTypeInfo *info)
Registers a new type.
virtual int getNumRotations() const =0
void release()
Decrements the reference counter and destroys the texture object if needed.
#define clLinkProgram
Definition: opencl_core_wrappers.hpp:202
UMat dst_
Definition: timelapsers.hpp:75
const XMLUnknown * ToUnknown() const
Definition: tinyxml2.h:1899
@ CV_CAP_PROP_XI_BPC
Definition: videoio_c.h:304
virtual int getNumIters() const =0
number of BP iterations on each level
Definition: warpers.hpp:572
Mat col(int x) const
Creates a matrix header for the specified matrix column.
int end_index
Definition: types_c.h:1100
OCRBeamSearchDecoder class provides an interface for OCR using Beam Search algorithm.
Definition: ocr.hpp:341
Definition: cvstd.hpp:137
void find(const std::vector< UMat > &, const std::vector< Point > &, std::vector< UMat > &)
Estimates seams.
Definition: seam_finders.hpp:77
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:402
virtual void load(const std::string &path)=0
virtual void setK(double k)=0
void CloneFrom(const WImageC< T, C > &src)
Definition: wimage.hpp:379
int ymin
Definition: or_pascal.hpp:63
Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters.
Definition: retina.hpp:151
static std::string ToString()
Definition: mxarray.hpp:145
@ CALIB_FIX_K1
Definition: omnidir.hpp:58
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_MulOp)
@ CV_CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio_c.h:217
#define clEnqueueCopyImageToBuffer
Definition: opencl_core_wrappers.hpp:82
double arcLength(InputArray curve, bool closed)
Calculates a contour perimeter or a curve length.
@ CAP_PROP_IRIS
Definition: videoio.hpp:159
int ChannelSize() const
Definition: wimage.hpp:195
@ CAP_PROP_XI_GPI_LEVEL
Get general purpose level.
Definition: videoio.hpp:334
@ MODE_SGBM
Definition: calib3d.hpp:1810
cv::Point2d toPoint2d() const
Definition: bridge.hpp:320
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
XMLText * ToText()
Safe cast to XMLText. This can return null.
Definition: tinyxml2.h:1825
Ncv32f * pBU
backward horizontal displacement
Definition: NPP_staging.hpp:123
@ CV_CAP_PROP_XI_LUT_VALUE
Definition: videoio_c.h:379
Mat_(int _ndims, const int *_sizes)
n-dim array constructor
virtual int getTextureThreshold() const =0
Definition: mappergradeuclid.hpp:53
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
int m_selectedClassifier
Definition: onlineBoosting.hpp:143
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:204
void setWindowProperty(const String &winname, int prop_id, double prop_value)
Changes parameters of a window dynamically.
@ 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
void update(const Mat &posx, const Mat &negx, const cv::Mat_< float > &posw=cv::Mat_< float >(), const cv::Mat_< float > &negw=cv::Mat_< float >())
std::string name
Definition: slam_tumindoor.hpp:69
@ CV_CAP_PROP_XI_REGION_MODE
Definition: videoio_c.h:311
Definition: warpers.hpp:563
@ CV_RGB2HLS
Definition: types_c.h:183
int cvGetDims(const CvArr *arr, int *sizes=NULL)
Return number of array dimensions.
virtual void setUseSpatialPropagation(bool val)=0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
double * db
Definition: types_c.h:638
virtual void apply(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)=0
void unregisterPageLocked(Mat &m)
Unmaps the memory of matrix and makes it pageable again.
bool full_affine_
Definition: matchers.hpp:347
__device__ __forceinline__ double4 tan(const double4 &a)
Definition: vec_math.hpp:310
void cvValidateDisparity(CvArr *disparity, const CvArr *cost, int minDisparity, int numberOfDisparities, int disp12MaxDiff=1)
int asyncEngineCount() const
number of asynchronous engines
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
float startPointY
Definition: descriptor.hpp:130
CvMat * cvGetRows(const CvArr *arr, CvMat *submat, int start_row, int end_row, int delta_row=1)
Returns array row or row span.
int stop
Definition: descriptor.hpp:69
virtual void enforceLabelConnectivity(int min_element_size=25)=0
Enforce label connectivity.
AutotunedIndexParams(float target_precision=0.8f, float build_weight=0.01f, float memory_weight=0, float sample_fraction=0.1f)
void train()
Update dataset by inserting into it all descriptors that were stored locally by add function.
Mat readCloud(const String &file, OutputArray colors=noArray(), OutputArray normals=noArray())
virtual float getDelta() const =0
Weight of the color constancy term.
Ncv32s y
y-coordinate of upper left corner.
Definition: NCV.hpp:151
#define IPL_DEPTH_64F
Definition: types_c.h:394
@ CV_YUV2GRAY_Y422
Definition: types_c.h:317
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
void cvSetImageCOI(IplImage *image, int coi)
Sets the channel of interest in an IplImage.
void fill(InputArray in)
Creates blob from Mat or UMat without copying the data.
Definition: functional.hpp:875
virtual void activateMovingContoursProcessing(const bool activate)=0
Activate/desactivate the Magnocellular pathway processing (motion information extraction),...
@ COLOR_YUV2RGBA_YUYV
Definition: imgproc.hpp:701
Definition: saliencyBaseClasses.hpp:63
Definition: objdetect.hpp:175
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
Definition: intrin_cpp.hpp:454
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:90
@ COLOR_BGR5652BGR
Definition: imgproc.hpp:549
void deepCopyAndTranspose(const cv::Mat &src, matlab::MxArray &dst)
Definition: bridge.hpp:595
int height
Definition: pd_inria.hpp:76
__device__ __forceinline__ uint vsub4(uint a, uint b)
Definition: simd_functions.hpp:550
void operator()(InputArray points3d, OutputArray mask, OutputArray plane_coefficients)
parses inputs to a method and resolves the argument names.
Definition: mxarray.hpp:486
virtual void deblur(int idx, Mat &frame)
@ VIDEOWRITER_PROP_QUALITY
Current quality (0..100%) of the encoded videostream. Can be adjusted dynamically in some codecs.
Definition: videoio.hpp:180
static void write(FileStorage &fs, const String &name, const Size_< _Tp > &sz)
Definition: persistence.hpp:976
static void write(FileStorage &fs, const Point_< _Tp > &pt)
Definition: persistence.hpp:894
@ CV_MOP_OPEN
Definition: types_c.h:389
virtual double getTheta() const =0
static flann_datatype_t type()
Definition: saving.h:57
WGrid(const Point3d ¢er, 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.
void mapForward(float x, float y, float &u, float &v)
int maxCount
Definition: types.hpp:803
char operator[](size_t idx) const
Definition: feature.hpp:359
int type
Definition: types_c.h:837
virtual void print(std::ostream &out, void *const *src)=0
Rect resultRoiIntersection(const std::vector< Point > &corners, const std::vector< Size > &sizes)
@ CAP_PVAPI_FSTRIGMODE_SYNCIN2
SyncIn2.
Definition: videoio.hpp:296
@ COLOR_BGR5652RGB
Definition: imgproc.hpp:550
virtual void setTheta(float theta)=0
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:176
int allocatorFlags_
Definition: mat.hpp:505
virtual double getAngleStep() const =0
String toLowerCase() const
virtual void setP2(int P2)=0
void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const
String & operator=(char c)
T ElementType
Definition: dist.h:643
void integral(InputArray src, OutputArray sum, int sdepth=-1)
Definition: shape_utils.hpp:78
@ COLOR_YUV420p2RGB
Definition: imgproc.hpp:648
Definition: gr_chalearn.hpp:71
float r_kinv[9]
Definition: warpers.hpp:133
WImageView(const WImage< T > &img)
Definition: wimage.hpp:426
std::vector< UMat > masks_
Definition: seam_finders.hpp:101
Matx< double, 6, 1 > Matx61d
Definition: matx.hpp:211
Definition: all_indices.h:51
Definition: functional.hpp:831
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
void detect(const Mat &image, std::vector< KeyLine > &keypoints, int scale, int numOctaves, const Mat &mask=Mat())
Detect lines inside an image.
size_t totalConstMem() const
constant memory available on device in bytes
@ CV_YUV2RGB_NV21
Definition: types_c.h:238
int numFeatures
Definition: feature.hpp:192
void detect(const Mat &image, std::vector< KeyLine > &keypoints, const Mat &mask=Mat())
Requires line detection.
Definition: tinyxml2.h:1133
@ CV_CAP_PROP_OPENNI_REGISTRATION
Definition: videoio_c.h:226
virtual ~Dataset()
Definition: dataset.hpp:521
virtual void setWeightTrimRate(double val)=0
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type > value_type
Definition: zip.hpp:79
_Tp operator()(int i0, int i1, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(i0, i1, hashval)
Definition: core_c.h:1861
Vec< double, 3 > Vec3d
Definition: matx.hpp:387
virtual Mat estimateMotion()=0
int edgeOrg(int edge, Point2f *orgpt=0) const
Returns the edge origin.
Definition: functional.hpp:163
virtual void setVarInit(double varInit)=0
Sets the initial variance of each gaussian component.
const Ptr< WarperCreator > warper() const
Definition: stitching.hpp:217
FileNodeIterator(const CvFileStorage *fs, const CvFileNode *node, size_t ofs=0)
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3263
implementation for the star kernel descriptor
Definition: descriptor.hpp:274
short * s
Definition: types_c.h:435
@ CV_StsBackTrace
Definition: types_c.h:121
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.
void setIterationCounts(const cv::Mat &val)
Definition: rgbd.hpp:813
uchar * ptr[10]
Definition: core_c.h:571
virtual void load(const std::string &path)=0
void copyTo(OutputArray arr, cuda::Stream &stream) const
const uchar * dataend
Definition: cuda.hpp:300
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))
virtual void setFunction(const Ptr< Function > &f)=0
Setter for the optimized function.
Detector(const std::vector< Ptr< Modality > > &modalities, const std::vector< int > &T_pyramid)
Constructor.
Definition: types_c.h:711
virtual void setOpticalFlow(const Ptr< cv::superres::DenseOpticalFlowExt > &val)=0
Dense optical flow algorithm.
int radiusSearch(const Mat &query, Mat &indices, Mat &dists, DistanceType radius, const ::cvflann::SearchParams &searchParams)
Definition: flann.hpp:414
Affine3 rotate(const Vec3 &rvec) const
a.rotate(rvec) is equivalent to Affine(rvec, 0) * a;
Definition: multicalib.hpp:99
HOGDescriptor(const String &filename)
Definition: objdetect.hpp:362
Class for extracting blobs from an image. :
Definition: features2d.hpp:554
Definition: types_c.h:1854
Mat operator()(const std::vector< Range > &ranges) const
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:199
@ CV_CAP_PROP_XI_KNEEPOINT2
Definition: videoio_c.h:399
@ RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:231
Ptr< std::deque< int > > crossings
horizontal crossings
Definition: erfilter.hpp:85
int set(int i, const KernelArg &arg)
void forward(std::vector< Blob * > &input, std::vector< Blob > &output)
virtual void setStepDecreasingPower(float stepDecreasingPower)=0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
T node
Definition: result_set.h:52
@ SOLVELP_MULTI
there are multiple maxima for target function - the arbitrary one is returned
Definition: optim.hpp:262
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.
void magnitude(InputArray x, InputArray y, OutputArray magnitude)
Calculates the magnitude of 2D vectors.
int cvIsNaN(double value)
Determines if the argument is Not A Number.
Definition: fast_math.hpp:176
void estimateUncertaintiesStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
void setTrackbarMax(const String &trackbarname, const String &winname, int maxval)
Sets the trackbar maximum position.
Impl * p
Definition: ocl.hpp:731
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.
size_t size() const
Definition: result_set.h:253
__device__ __forceinline__ uint vcmpge2(uint a, uint b)
Definition: simd_functions.hpp:302
virtual void deleteDataInstance(void *pData) const =0
Vec3d RQDecomp3x3(InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray())
Computes an RQ decomposition of 3x3 matrices.
Point3_(const Point3_ &pt)
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:428
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, std::vector< Pose3DPtr > &poses)
Perform registration with multiple initial poses.
Ptr< HausdorffDistanceExtractor > createHausdorffDistanceExtractor(int distanceFlag=cv::NORM_L2, float rankProp=0.6f)
float thresholdStep
Definition: features2d.hpp:559
int num() const
Returns size of the first axis blob.
Mat stateInit
Initial state, DP x 1, default is zero.
Definition: kalman_filters.hpp:132
static KernelArg Constant(const Mat &m)
cameraParam camera
Definition: msm_epfl.hpp:74
XMLError QueryBoolText(bool *bval) const
See QueryIntText()
NCVStatus nppiStSqrIntegral_8u64u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
Ptr< cuda::BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
virtual void setPolySigma(double polySigma)=0
void cvAndS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
void GradientPaillouX(InputArray op, OutputArray _dst, double alpha, double omega)
virtual int getDepthDiscontinuityRadius()=0
DepthDiscontinuityRadius is a parameter used in confidence computation. It defines the size of low-co...
static Mat getSubVector(const Mat &vec, const Mat &idx)
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
virtual float getFGSSigma()=0
int imageStop
Definition: descriptor.hpp:146
DescriptorCollection mergedDescriptors
Definition: features2d.hpp:1102
CvFileNode * cvGetRootFileNode(const CvFileStorage *fs, int stream_index=0)
Retrieves one of the top-level nodes of the file storage.
Type
Definition: all_layers.hpp:255
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
virtual void setL2Gradient(bool L2gradient)=0
virtual double eval(const ERStat &stat)=0
The classifier must return probability measure for the region.
Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates ...
Definition: motion_estimators.hpp:308
virtual bool VisitEnter(const XMLElement &element, const XMLAttribute *attribute)
Visit an element.
XMLHandle LastChild()
Get the last child of this handle.
Definition: tinyxml2.h:1792
__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
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).
double division_k2
Definition: simple_pipeline.hpp:114
void absdiff(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
int minNumberOfSamples
Minimum number of samples in the node to stop partitioning.
Definition: sparse_matching_gpc.hpp:127
virtual void setPolySigma(double val)=0
virtual int getNMixtures() const =0
@ CAP_PROP_XI_CC_MATRIX_32
Color Correction Matrix element [3][2].
Definition: videoio.hpp:411
@ fist
Definition: gr_skig.hpp:76
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
Definition: videoio_c.h:351
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
double focal_length
Definition: simple_pipeline.hpp:106
#define clCreateProgramWithBuiltInKernels
Definition: opencl_core.hpp:126
void recip32f(const float *, size_t, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
int template_id
Definition: linemod.hpp:309
__host__ __device__ NcvPoint2D32s()
Definition: NCV.hpp:195
@ CV_TM_CCORR_NORMED
Definition: types_c.h:436
void setInpainter(Ptr< InpainterBase > val)
Definition: stabilizer.hpp:95
@ CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Queue of field/frame buffers.
Definition: videoio.hpp:452
virtual Mat getSamples() const =0
WImageC< uchar, 1 > WImage1_b
Definition: wimage.hpp:67
__device__ __forceinline__ float operator()(T val, float power) const
Definition: functional.hpp:648
static float missingValue()
Definition: ml.hpp:140
Image2D(const UMat &src, bool norm=false, bool alias=false)
static Yes check(unary_function< T, D >)
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
Calls the pipeline in order to perform Eclidean reconstruction.
MotionModel motionModel() const
Definition: motion_stabilizing.hpp:123
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:1700
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
WImageBufferC()
Definition: wimage.hpp:358
void GradientDericheX(InputArray _op, OutputArray _dst, double alphaDerive, double alphaMean)
Applies X Deriche filter to an image.
void setMaxTranslation(double val)
Definition: rgbd.hpp:973
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.
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
int64 getTickCount()
Returns the number of ticks.
virtual void setCannyThreshold(int cannyThreshold)=0
XMLNode * InsertAfterChild(XMLNode *afterThis, XMLNode *addThis)
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
used to iterate through sequences and mappings.
Definition: persistence.hpp:619
virtual void load(const std::string &path)=0
int CVStatus
Definition: types_c.h:116
__device__ static __forceinline__ void blockYota(OutIt beg, OutIt end, T value)
Definition: block.hpp:85
UMat & umatRef(bool writeOnly=true)
Returns reference to cv::UMat, containing blob data.
@ FLANN_LOG_INFO
Definition: defines.h:124
cv::instr::TYPE m_instrType
Definition: utility.hpp:1123
Definition: pd_caltech.hpp:77
InpainterBase()
Definition: inpainting.hpp:64
Ncv8u y
Definition: NCV.hpp:140
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)
double scale
Definition: objdetect_c.h:112
void cvWatershed(const CvArr *image, CvArr *markers)
Segments image using seed "markers".
void init(int *indices_, DistanceType *dists_)
Definition: result_set.h:165
Definition: reduce_to_vec.hpp:86
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
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,...
int width
Definition: types_c.h:1009
int type
Definition: types_c.h:628
void cvSetMouseCallback(const char *window_name, CvMouseCallback on_mouse, void *param=NULL)
Point_< _Tp > br() const
the bottom-right corner
void swap(GpuMat &mat)
swaps with other smart pointer
Hamming HammingLUT
Definition: base.hpp:442
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.
Mat getGaussianKernel(int ksize, double sigma, int ktype=CV_64F)
Returns Gaussian filter coefficients.
B walkBreadthFirst(int from, B body) const
std::vector< int > vector_int
Definition: bridge.hpp:71
Definition: warpers.hpp:436
cvflann::flann_algorithm_t algo
Definition: miniflann.hpp:151
@ CV_BGR5652GRAY
Definition: types_c.h:140
Definition: functional.hpp:114
virtual bool isOpened() const
Returns true if video capturing has been initialized already.
int rows
Definition: interpolation.hpp:273
@ CAP_PROP_PVAPI_DECIMATIONVERTICAL
Vertical sub-sampling of the image.
Definition: videoio.hpp:287
void projectionFromKRt(InputArray K, InputArray R, InputArray t, OutputArray P)
Get projection matrix P from K, R and t.
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.
void cvSetTrackbarMax(const char *trackbar_name, const char *window_name, int maxval)
UMat diag(int d=0) const
... for the specified diagonal
BlobShape Shape
Definition: shape_utils.hpp:52
@ COLOR_YUV2BGRA_NV21
Definition: imgproc.hpp:638
#define CV_WRAP
Definition: cvdef.h:381
Ptr_AlignMTB toPtrAlignMTB()
Definition: bridge.hpp:458
#define CV_PROP_RW
Definition: cvdef.h:380
void resetVertexArray()
Resets vertex coordinates.
#define clCreateFromGLTexture3D
Definition: opencl_gl.hpp:32
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:142
_Arg1 first_argument_type
Definition: functional.hpp:70
type_traits_detail::UnVolatile< T >::type non_volatile_type
Definition: type_traits.hpp:131
virtual int getRadius() const =0
DistanceType worstDist() const
Definition: result_set.h:218
UMat row(int y) const
returns a new matrix header for the specified row
@ CAP_PROP_DC1394_MODE_MANUAL
set automatically when a value of the feature is set by the user.
Definition: videoio.hpp:199
~BinaryDescriptorMatcher()
Definition: descriptor.hpp:1088
T ElementType
Definition: dist.h:327
Ptr< Dictionary > getPredefinedDictionary(PREDEFINED_DICTIONARY_NAME name)
Returns one of the predefined dictionaries defined in PREDEFINED_DICTIONARY_NAME.
LshIndexParams(unsigned int table_number=12, unsigned int key_size=20, unsigned int multi_probe_level=2)
Definition: lsh_index.h:59
@ NEG
Definition: pd_inria.hpp:63
int maxClockFrequency() const
Candidate feature with a score.
Definition: linemod.hpp:123
Size2f size
Definition: types.hpp:492
virtual void setMaxY(double _plotMaxY)=0
static const mxComplexity Complex
Definition: mxarray.hpp:119
Bridge & operator=(const Ptr_CalibrateRobertson &)
Definition: bridge.hpp:467
@ CV_IMWRITE_PNG_STRATEGY_DEFAULT
Definition: imgcodecs_c.h:91
virtual void setUp(const Mat &firstFrame)
virtual void setType(int type)=0
void computeNormals(const Mesh &mesh, OutputArray normals)
Computing normals for mesh.
virtual Mat getTrainSampleIdx() const =0
virtual void setRadius(int val)=0
#define clUnloadPlatformCompiler
Definition: opencl_core.hpp:274
UMat(const Matx< _Tp, m, n > &mtx, bool copyData=true)
builds matrix from cv::Matx; the data is copied by default
__device__ __forceinline__ uint vcmpgt4(uint a, uint b)
Definition: simd_functions.hpp:782
_Tp z
Definition: types.hpp:249
@ COLORMAP_PINK
Definition: imgproc.hpp:4090
@ CV_IMWRITE_JPEG_CHROMA_QUALITY
Definition: imgcodecs_c.h:87
virtual const XMLDocument * ToDocument() const
Definition: tinyxml2.h:637
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:80
Definition: all_layers.hpp:288
virtual TermCriteria getTermCriteria() const =0
Getter for the previously set terminal criteria for this algorithm.
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.
Variational optical flow refinement.
Definition: optflow.hpp:171
virtual int getIterations() const =0
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapPtr >::index_type y, typename PtrTraits< MapPtr >::index_type x) const
Definition: remap.hpp:68
void cvWriteMat_Base64(::CvFileStorage *fs, const char *name, const ::CvMat *mat)
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.
CvMat * slidingSumBuf
Definition: calib3d_c.h:352
__device__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:171
std::vector< size_t > hashtab
Definition: mat.hpp:2529
void calcFlowMask(const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask)
@ 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
Definition: videoio_c.h:294
MatExpr operator-(const Mat &a, const Mat &b)
static Allocator * defaultAllocator()
default allocator
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const
double panoConfidenceThresh() const
Definition: stitching.hpp:178
@ TRIANGLE_STRIP
Definition: opengl.hpp:484
@ USAGE_DEFAULT
Definition: mat.hpp:393
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
applies a luminance correction (initially High Dynamic Range (HDR) tone mapping)
@ CV_StsBadMemBlock
Definition: types_c.h:165
CvSetElem * free_elems
Definition: types_c.h:1297
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:114
std::vector< double > p[4]
Definition: slam_kitti.hpp:70
Definition: result_set.h:86
@ COLOR_BGRA2YUV_IYUV
Definition: imgproc.hpp:728
This class can be used for imposing a learned prior on the resulting optical flow....
Definition: pcaflow.hpp:75
Ptr< flann::SearchParams > searchParams
Definition: features2d.hpp:1099
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
float weak_threshold
Definition: linemod.hpp:226
virtual void setExposureWeight(float exposure_weight)=0
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 *)
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
int newPoint(Point2f pt, bool isvirtual, int firstEdge=0)
bool isContinuous() const
size_t size
Definition: t_hash_int.hpp:69
static KernelArg Constant(const _Tp *arr, size_t n)
Definition: ocl.hpp:381
Definition: deriv.hpp:115
static Ptr< OR_imagenet > create()
@ CV_CAP_PROP_XI_MANUAL_WB
Definition: videoio_c.h:274
static String getPrefix(const String &buildflags)
size_t maxWorkGroupSize() const
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:230
#define clCreateContextFromType
Definition: opencl_core.hpp:112
double getTimeMicro() const
Definition: utility.hpp:327
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
Distance::ElementType ElementType
Definition: lsh_index.h:81
@ CAP_OPENNI_DEPTH_MAP
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:248
CvPoint2D32f * ptr
Definition: types_c.h:1357
static UMat eye(Size size, int type)
@ CV_CAP_PROP_XI_CC_MATRIX_30
Definition: videoio_c.h:344
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
KeyPoint(float x, float y, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
@ INTERSECT_FULL
One of the rectangle is fully enclosed in the other.
Definition: imgproc.hpp:782
virtual XMLDocument * ToDocument()
Safely cast to a Document, or null.
Definition: tinyxml2.h:1512
static void ToStr(double v, char *buffer, int bufferSize)
cv::Point3d getCenter(cv::Mat cloud)
Get the center of points on surface in .ply model.
virtual void setPolySigma(double polySigma)=0
const XMLNode * Parent() const
Get the parent of this node on the DOM.
Definition: tinyxml2.h:664
virtual float getDp() const =0
@ Monochrome
Definition: cudacodec.hpp:265
Mat K_
Definition: rgbd.hpp:207
MatConstIterator_ & operator-=(ptrdiff_t ofs)
shifts the iterator backward by the specified number of elements
virtual void train(const std::string &pos_samples, const std::string &neg_imgs)=0
Train WaldBoost detector.
void starCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2)
@ CV_YUV2BGR_UYVY
Definition: types_c.h:279
double errorCorrectionRate
Definition: aruco.hpp:149
ResultType operator()(ResultType dist)
Definition: dist.h:868
Ptr< CvMemStorage > MemStorage
Definition: core_c.h:2825
CvGraphEdge * cvFindGraphEdge(const CvGraph *graph, int start_idx, int end_idx)
virtual ~MaskGenerator()
Definition: objdetect.hpp:210
virtual double getScaleFactor() const =0
void mulSpectrums(InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false)
Performs the per-element multiplication of two Fourier spectrums.
int previous_size
Definition: matching.hpp:375
static std::string ToString()
Definition: mxarray.hpp:193
void getInterset(InputArray idx1, InputArray idx2, OutputArray inter1, OutputArray inter2, OutputArray inter_ori)
@ CAP_PROP_XI_GAIN_SELECTOR
Gain selector for parameter Gain allows to select different type of gains.
Definition: videoio.hpp:349
double mu11
Definition: types.hpp:867
#define CV_SET_FIELDS()
Definition: types_c.h:1290
@ FLANN_CENTERS_RANDOM
Definition: defines.h:107
Definition: interpolation.hpp:214
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio.hpp:517
virtual void setVarMax(double varMax)=0
Status
Definition: stitching.hpp:129
Bridge & operator=(const Ptr_TonemapDrago &)
Definition: bridge.hpp:507
static Mat clone_op(Mat m)
Definition: features2d.hpp:1008
@ IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs.hpp:115
virtual void detectMultiScale(InputArray image, OutputArray objects, Stream &stream=Stream::Null())=0
Detects objects of different sizes in the input image.
@ nppStBorderMirror
reflect out of range position across borders
Definition: NPP_staging.hpp:93
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)
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
size_t index(const _Tp &elem) const
returns index of the specified sequence element
Definition: core_c.h:3011
@ COLOR_HLS2RGB
Definition: imgproc.hpp:600
@ CV_MOP_CLOSE
Definition: types_c.h:390
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.
virtual void sortAndCopy(int *indices, DistanceType *dist, int n_neighbors=-1) const
Definition: result_set.h:351
__host__ void gridCalcSum(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:305
@ CAP_PROP_XI_COUNTER_VALUE
Counter status.
Definition: videoio.hpp:438
int select_keyframes
Definition: simple_pipeline.hpp:150
int label
Definition: tr_chars.hpp:63
Mat_(const Mat_ &m, const Range &rowRange, const Range &colRange=Range::all())
selects a submatrix
virtual void write(FileStorage &) const
Stores algorithm parameters in a file storage.
SparseMat_(int dims, const int *_sizes)
the full constructor equivelent to SparseMat(dims, _sizes, DataType<_Tp>::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_sampler(CL_API_CALL *clCreateSampler_pfn)(cl_context
int total
Definition: types_c.h:1267
@ CV_CAP_OPENNI_QVGA_30HZ
Definition: videoio_c.h:488
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
float b
Definition: warpers.hpp:366
Bridge(const matlab::MxArray &obj)
Definition: bridge.hpp:214
@ whitePaper
Definition: gr_skig.hpp:90
@ CV_CAP_OPENNI_SXGA_30HZ
Definition: videoio_c.h:487
virtual void augAssignAdd(const MatExpr &expr, Mat &m) const
Flags
Definition: ml.hpp:303
#define CV_CUDEV_YCrCb2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:155
unsigned findLeafForPatch(const GPCPatchDescriptor &descr) const
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:170
~NCVMatrixAlloc()
Definition: NCV.hpp:883
Mat gain
Kalman gain matrix (K(k)): K(k)=P'(k)*Ht*inv(H*P'(k)*Ht+R)
Definition: tracking.hpp:373
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:205
@ CV_YUV2BGRA_YV12
Definition: types_c.h:260
void * readObj() const
reads the registered object and returns pointer to it
@ CV_YUV2BGR_NV21
Definition: types_c.h:239
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< UMat > &masks)
size_t minRepeatability
Definition: features2d.hpp:562
int cvCreateTrackbar2(const char *trackbar_name, const char *window_name, int *value, int count, CvTrackbarCallback2 on_change, void *userdata=0)
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
Mode
file storage mode
Definition: persistence.hpp:307
virtual float getScale() const
Definition: warpers.hpp:118
@ COLOR_YUV2RGB_YV12
Definition: imgproc.hpp:642
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:465
virtual ~VideoWriter()
Default destructor.
UMatData * u
Definition: mat.hpp:2416
Definition: functional.hpp:754
virtual void setSigma(float _sigma)=0
Sigma is a parameter defining how fast the weights decrease in the locally-weighted affine fitting....
DEPTH_CLEANER_METHOD
Definition: rgbd.hpp:223
@ CAP_PROP_FOURCC
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:130
virtual String name() const =0
@ ARO_90_135
Definition: fast_hough_transform.hpp:68
virtual bool getNextFrame(Mat &frame)=0
const char * const_iterator
Definition: cvstd.hpp:488
virtual bool getNonmaxSuppression() const =0
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
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
AllocFlag
Definition: blob.hpp:328
virtual void setType(int type)=0
virtual ~TrackerModel()
Destructor.
double Rz
Definition: gr_chalearn.hpp:67
int lastFrame
Definition: gr_chalearn.hpp:62
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
@ INT
Definition: core.hpp:3116
int flags
Definition: mat.hpp:2768
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)
__device__ __forceinline__ uint vmin2(uint a, uint b)
Definition: simd_functions.hpp:501
#define CV_STEREO_BM_BASIC
Definition: calib3d_c.h:357
void ClearBuffer()
Definition: tinyxml2.h:2031
PtrTraits< SrcPtr >::index_type index_type
Definition: lut.hpp:63
@ CV_EVENT_LBUTTONUP
Definition: highgui_c.h:182
@ NPPST_MEMCPY_ERROR
CUDA memory copy error.
Definition: NCV.hpp:360
virtual void setMinDist(float minDist)=0
GraphCutSeamFinder(int cost_type=COST_COLOR_GRAD, float terminal_cost=10000.f, float bad_region_penalty=1000.f)
#define clGetProgramInfo
Definition: opencl_core.hpp:224
int cvMinEnclosingCircle(const CvArr *points, CvPoint2D32f *center, float *radius)
Finds minimum enclosing circle for a set of points.
bool crossCheck
Definition: features2d.hpp:1057
Mat & adjustROI(int dtop, int dbottom, int dleft, int dright)
Adjusts a submatrix size and position within the parent matrix.
virtual void setScalleFactor(int factor)=0
#define clEnqueueCopyBufferToImage
Definition: opencl_core.hpp:146
int total_num_matches_
Definition: motion_estimators.hpp:191
size_t veclen() const
Definition: flann_base.hpp:168
Bridge & operator=(const vector_String &)
Definition: bridge.hpp:400
Definition: is_bsds.hpp:66
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).
__host__ size_t step1() const
@ COLOR_YUV420p2RGBA
Definition: imgproc.hpp:657
Mat R
Definition: camera.hpp:69
@ WND_PROP_ASPECT_RATIO
window's aspect ration (can be set to WINDOW_FREERATIO or WINDOW_KEEPRATIO).
Definition: highgui.hpp:198
int eval(const Mat &image)
float Type
Definition: dist.h:72
virtual TermCriteria getTermCriteria() const =0
@ COLOR_BGR5552GRAY
Definition: imgproc.hpp:569
cv::Ptr< MergeMertens > Ptr_MergeMertens
Definition: bridge.hpp:90
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
bool const_param_type
Definition: core.hpp:3124
Definition: all_layers.hpp:299
@ CAP_PROP_XI_GAMMAY
Luminosity gamma.
Definition: videoio.hpp:394
Definition: functional.hpp:105
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)
static void setDestination(const char *name)
Definition: logger.h:91
virtual void setC(const Blob &C)=0
Set value that will be used in next forward() calls.
virtual void setDp(double dp)=0
Inverse ratio of the accumulator resolution to the image resolution.
std::vector< std::string > lexFull
Definition: tr_icdar.hpp:70
StrPair _value
Definition: tinyxml2.h:839
__host__ ~Texture()
Definition: texture.hpp:241
_IplImage()
Definition: types_c.h:334
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)
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
Definition: videoio_c.h:285
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:233
virtual ~StabilizerBase()
Definition: stabilizer.hpp:69
Definition: types_c.h:353
void save(String filename)
Definition: flann.hpp:225
HistCompMethods
Definition: imgproc.hpp:488
std::vector< word > words
Definition: tr_icdar.hpp:71
@ CV_CAP_PROP_XI_FFS_FILE_SIZE
Definition: videoio_c.h:405
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)
int stack[CV_MAX_DIM]
Definition: core_c.h:572
void transform(InputArray src, OutputArray dst, InputArray m)
Performs the matrix transformation of every array element.
void deallocate()
deallocates the buffer if it was dynamically allocated
void cvClearND(CvArr *arr, const int *idx)
Strategie for the selective search segmentation algorithm The class implements a generic stragery for...
Definition: segmentation.hpp:74
virtual int getSubPixelInterpolationMethod() const =0
virtual void render(OutputArray _plotResult)=0
virtual ~FeaturesMatcher()
Definition: matchers.hpp:224
virtual void setBlurForDescriptor(bool blurForDescriptor)=0
if true, image will be blurred before descriptors calculation
virtual void setTrainMethod(int method, double param1=0, double param2=0)=0
XMLComment * NewComment(const char *comment)
Predicate pred
Definition: functional.hpp:793
@ 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
Camera(const Matx33d &K, const Size &window_size)
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:1522
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.
GPCPatchDescriptor pos
Definition: sparse_matching_gpc.hpp:81
Class used for calculating a sparse optical flow.
Definition: cudaoptflow.hpp:161
EstimatedGaussDistribution()
virtual void setup(String segmentationParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:165
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
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.
Definition: feature.hpp:293
bool isComplex() const
Definition: mxarray.hpp:427
#define clCreateContext
Definition: opencl_core.hpp:110
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1260
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:126
__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
float overlap
overlapping for the search windows
Definition: tracker.hpp:863
void writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
unsigned int KeyType
Definition: t_hash_int.hpp:58
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
virtual void setMaxDiscTerm(double max_disc_term)=0
virtual Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap)
std::vector< detail::CameraParams > cameras() const
Definition: stitching.hpp:273
@ value
Definition: type_traits.hpp:119
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:93
bool write(String &buf) const
@ XML_ERROR_PARSING_CDATA
Definition: tinyxml2.h:1014
@ IMWRITE_PAM_TUPLETYPE
For PAM, sets the TUPLETYPE field to the corresponding string value that is defined for the format.
Definition: imgcodecs.hpp:93
struct Cv16suf::_fp16Format fmt
@ CAP_QT
QuickTime.
Definition: videoio.hpp:98
double m30
Definition: types.hpp:862
Bridge & operator=(const Ptr_StereoSGBM &)
Definition: bridge.hpp:437
ERStat * next
Definition: erfilter.hpp:105
Mat createMatHeader() const
returns matrix header with disabled reference counting for HostMem data.
float getMarkerSeparation() const
Definition: aruco.hpp:304
void setTrimRatio(float val)
Definition: stabilizer.hpp:86
Definition: miniflann.hpp:108
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
1x8, 2x4, 4x2 or 8x1 matrix
Mat_< int > Mat1i
Definition: mat.hpp:2208
Definition: functional.hpp:153
int pciDeviceID() const
PCI device ID of the device.
Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernel...
Definition: glob.hpp:86
String className
Definition: tracker.hpp:119
@ CAP_PROP_GPHOTO2_COLLECT_MSGS
Collect messages with details.
Definition: videoio.hpp:549
@ depth
Definition: matx.hpp:90
@ DICT_6X6_1000
Definition: dictionary.hpp:153
bool m_alwaysExpand
Definition: utility.hpp:1128
virtual Mat getWeights()=0
void cvSetOpenGlContext(const char *window_name)
"Dual TV L1" Optical Flow Algorithm.
Definition: tracking.hpp:464
_OutputArray(std::vector< UMat > &vec)
@ FLANN_DIST_L1
Definition: defines.h:132
Definition: functional.hpp:647
Mat mergedDescriptors
Definition: features2d.hpp:993
Arrays()
Default constructor.
uint64 state
Definition: core.hpp:2836
@ CV_CAP_PROP_XI_GPO_MODE
Definition: videoio_c.h:271
@ COLOR_RGBA2YUV_I420
Definition: imgproc.hpp:725
static void ConvertUTF32ToUTF8(unsigned long input, char *output, int *length)
Size blockStride
Definition: objdetect.hpp:423
@ CV_YUV2BGR_YUNV
Definition: types_c.h:303
virtual void calcError(Mat &err)=0
Calculates error vector.
_Tp & back()
returns reference to the last sequence element
Definition: core_c.h:3026
Bridge & operator=(const vector_Mat &)
Definition: bridge.hpp:375
@ CV_IMWRITE_JPEG_OPTIMIZE
Definition: imgcodecs_c.h:84
Moments()
the default constructor
bool add(const String &trackerType, const Mat &image, const Rect2d &boundingBox)
Add a new object to be tracked.
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors)
std::vector< Mat > pyramidTexturedMask
Definition: rgbd.hpp:519
Definition: flann.hpp:342
@ CV_RGB2GRAY
Definition: types_c.h:122
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
@ CV_DIST_USER
Definition: types_c.h:557
bool isMap() const
returns true if the node is a mapping
float hole_area_ratio
2nd stage features
Definition: erfilter.hpp:89
Mat_< Vec3i > Mat3i
Definition: mat.hpp:2210
@ CV_CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio_c.h:447
void error(int _code, const String &_err, const char *_func, const char *_file, int _line)
Signals an error and raises the exception.
void updateWindow(const String &winname)
Force window to redraw its context and call draw callback ( See cv::setOpenGlDrawCallback ).
#define ncvAssertReturn(pred, err)
Definition: NCV.hpp:275
void write(FileStorage &fs) const
float Type
Definition: dist.h:78
Definition: functional.hpp:427
T get(const String &key) const
static const char * GetCharacterRef(const char *p, char *value, int *length)
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:56
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
int samplerTrackMaxPosNum
Definition: tracker.hpp:1097
TickMeter()
the default constructor
Definition: utility.hpp:290
GaussianMotionFilter(int radius=15, float stdev=-1.f)
Definition: motion_stabilizing.hpp:115
void grabCut(InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
Runs the GrabCut algorithm.
virtual void setUpInitialCameraParams(const std::vector< CameraParams > &cameras)=0
Sets initial camera parameter to refine.
int index_type
Definition: deriv.hpp:284
float calcNormFactor(const Mat &sum, const Mat &sqSum)
@ CV_CAP_PROP_ANDROID_FLASH_MODE
Definition: videoio_c.h:414
__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
void set_cb_index(float index)
Definition: kmeans_index.h:415
size_t step1(int i=0) const
returns step/elemSize1()
@ CV_MEAN_VARIATION
Definition: descriptor.hpp:60
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:103
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"))
@ COLOR_YUV2RGB_I420
Definition: imgproc.hpp:646
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:58
True is_kdtree_distance
Definition: dist.h:138
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
@ Y_ROW
Definition: cudafeatures2d.hpp:461
void create(Size size, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
int m_iterationInit
Definition: onlineBoosting.hpp:147
Ptr< CvFileStorage > fs
the underlying C FileStorage structure
Definition: persistence.hpp:465
const std::vector< Mat > & getTrainDescriptors() const
Returns a constant link to the train descriptor collection trainDescCollection .
@ CV_BayerRG2BGR_VNG
Definition: types_c.h:197
GpuMat colRange(int startcol, int endcol) const
... for the specified column span
virtual void setMaxArea(float maxArea)=0
@ RETINA_COLOR_BAYER
standard bayer sampling
Definition: retina.hpp:86
const CvMat * cvKalmanPredict(CvKalman *kalman, const CvMat *control=NULL)
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
@ COLOR_BayerGB2RGB_MHT
Definition: cudaimgproc.hpp:101
Definition: wobble_suppression.hpp:96
virtual int getOuterIterations() const =0
Outer iterations (number of inner loops) used in the numerical scheme.
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:359
SrcPtr src
Definition: reduction.hpp:220
int hal_ni_merge8u(const uchar **src_data, uchar *dst_data, int len, int cn)
Definition: hal_replacement.hpp:366
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
String getClassName() const
Get the name of the specific TrackerSamplerAlgorithm.
float contextEnergy_temporalConstant
context neighborhood energy filtering parameters : the aim is to get information about the energy on ...
Definition: transientareassegmentationmodule.hpp:104
@ FLANN_UINT8
Definition: defines.h:161
virtual int getMaxLevel() const =0
KernelArg(int _flags, UMat *_m, int wscale=1, int iwscale=1, const void *_obj=0, size_t _sz=0)
Base class for parallel data processors.
Definition: utility.hpp:470
virtual double getDegree() const =0
size_t find_first_of(const char *s, size_t pos, size_t n) const
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
void convertTo(OutputArray dst, int rtype, double alpha, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
PCA & operator()(InputArray data, InputArray mean, int flags, int maxComponents=0)
performs PCA
void cvConvertScale(const CvArr *src, CvArr *dst, double scale=1, double shift=0)
Converts one array to another with optional linear transformation.
MotionSaliencyBinWangApr2014()
CvMat * error_cov_post
Definition: tracking_c.h:198
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
virtual void setMaxLineGap(int maxLineGap)=0
Definition: tr_chars.hpp:61
Definition: reduce_to_vec.hpp:130
Definition: functional.hpp:123
void convertFromBuffer(void *cl_mem_buffer, size_t step, int rows, int cols, int type, UMat &dst)
virtual void dscreate(const int rows, const int cols, const int type, String dslabel, const int compresslevel, const vector< int > &dims_chunks) const =0
__host__ NCVStatus create(NcvBool bTilted, NcvBool bLeftLeaf, NcvBool bRightLeaf, Ncv32u numFeatures, Ncv32u offsetFeatures)
Definition: NCVHaarObjectDetection.hpp:131
a Class to measure passing time.
Definition: utility.hpp:287
#define CV_IS_MATND(mat)
Definition: types_c.h:660
@ NORM_HAMMING
Definition: base.hpp:192
double m01
Definition: types_c.h:399
@ CV_YUV2RGBA_IYUV
Definition: types_c.h:261
double distance_step
Definition: ppf_match_3d.hpp:148
virtual bool CompactMode(const XMLElement &)
Definition: tinyxml2.h:2037
virtual void setWinSize(Size winSize)=0
int cvSetAdd(CvSet *set_header, CvSetElem *elem=NULL, CvSetElem **inserted_elem=NULL)
XMLElement * RootElement()
Definition: tinyxml2.h:1585
float * KalmGainMatr
Definition: tracking_c.h:177
int anchorY
Definition: types_c.h:357
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...
XMLError QueryFloatValue(float *value) const
See QueryIntValue.
Accumulator< T >::Type ResultType
Definition: features2d.hpp:759
void assignTo(SparseMat &m, int type=-1) const
static Ptr< BinaryDescriptor > createBinaryDescriptor(Params parameters)
size_t surfaceAlignment() const
alignment requirements for surfaces
virtual void setUpright(bool upright)=0
#define clAmdBlasDgemmEx
Definition: opencl_clamdblas.hpp:285
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
virtual double calc(const double *x) const =0
virtual void processImage(InputArray src, OutputArray dst)=0
Segment an image and store output in dst.
decoder_mode mode
Definition: ocr.hpp:450
virtual int getSolverIterations() const =0
number of linear system solver iterations
void absdiff8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
virtual bool updateImpl(const Mat &image, Rect2d &boundingBox)=0
@ CV_SPARSE_CENSUS
Definition: descriptor.hpp:58
char * Identify(char *p, XMLNode **node)
virtual void detect(const Mat &img, std::vector< Rect > &bboxes, std::vector< double > &confidences)=0
Detect objects on image using WaldBoost detector.
Definition: all_layers.hpp:317
float minThreshold
Definition: features2d.hpp:560
_Tp value(int i0, int i1, int i2, size_t *hashval=0) const
returns value of the specified element (3D case)
void invSqrt32f(const float *src, float *dst, int len)
static Ptr< DescriptorMatcher > createBFMatcher(int normType=cv::NORM_L2)
Brute-force descriptor matcher.
#define clRetainCommandQueue
Definition: opencl_core.hpp:248
size_t size_type
Definition: cvstd.hpp:135
virtual int getDescriptorFormat() const =0
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:1894
@ DIST_WELSCH
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:315
virtual void setMinProbabilityDiff(float minProbabilityDiff)=0
void save_to_file(const cvflann::Matrix< T > &dataset, const String &filename, const String &name)
Definition: hdf5.h:76
MatConstIterator(const MatConstIterator &it)
copy constructor
NCVStatus nppsStCompact_32u(Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
@ CAP_PROP_XI_OFFSET_Y
Vertical offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:329
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1018
void printShortCudaDeviceInfo(int device)
void deleteLayer(LayerId layer)
Delete layer for the network (not implemented yet)
@ CAP_PROP_SATURATION
Saturation of the image (only for cameras).
Definition: videoio.hpp:136
@ WINDOW_OPENGL
window with opengl support.
Definition: highgui.hpp:185
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
void GradientDericheY(InputArray _op, OutputArray _dst, double alphaDerive, double alphaMean)
Applies Y Deriche filter to an image.
void clear()
Definition: NCV.hpp:751
char operator[](int idx) const
@ MOTION_HOMOGRAPHY
Definition: tracking.hpp:258
#define clUnloadCompiler
Definition: opencl_core.hpp:272
void decomposeEssentialMat(InputArray E, OutputArray R1, OutputArray R2, OutputArray t)
Decompose an essential matrix to possible rotations and translation.
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.
void drawDetectedMarkers(InputOutputArray image, InputArrayOfArrays corners, InputArray ids=noArray(), Scalar borderColor=Scalar(0, 255, 0))
Draw detected markers in image.
Definition: deriv.hpp:162
double principal_point_y
Definition: simple_pipeline.hpp:107
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:235
@ HISTCMP_HELLINGER
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:505
@ CV_CAP_PROP_OPENNI_FRAME_MAX_DEPTH
Definition: videoio_c.h:223
@ CV_YUV420p2BGRA
Definition: types_c.h:266
@ COLOR_LRGB2Lab
Definition: imgproc.hpp:613
static Color chartreuse()
#define CV_EXPORTS_W
Definition: cvdef.h:373
virtual int getScalleFactor() const =0
float ePointInOctaveX
Definition: descriptor.hpp:137
virtual int getNTrainSamples() const =0
friend struct Ptr
Definition: cvstd.hpp:421
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:823
int _numSel
Definition: onlineMIL.hpp:65
@ CAP_PROP_XI_LENS_APERTURE_VALUE
Current lens aperture value in stops. Examples: 2.8, 4, 5.6, 8, 11.
Definition: videoio.hpp:421
@ TYPE_FUN
Definition: utility.hpp:1095
SparseMatIterator_(SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
Definition: types_c.h:985
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)=0
Estimates seams.
void SetText(int value)
Convenience method for setting text inside and element. See SetText() for important limitations.
@ CV_BayerGB2RGB_VNG
Definition: types_c.h:201
@ THRESHOLD
Definition: features2d.hpp:479
void cvProjectPCA(const CvArr *data, const CvArr *mean, const CvArr *eigenvects, CvArr *result)
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
Definition: videoio_c.h:373
virtual void setNumLevels(int nlevels)=0
Maximum number of detection window increases.
@ SF_YV12
Definition: cudacodec.hpp:74
virtual int dsgettype(String dslabel) const =0
Fetch dataset type.
#define clAmdFftEnqueueTransform
Definition: opencl_clamdfft.hpp:54
Affine3(const Mat &data, const Vec3 &t=Vec3::all(0))
Combines all contructors above. Supports 4x4, 4x3, 3x3, 1x3, 3x1 sizes of data matrix.
uchar * ptr(int y=0)
returns pointer to y-th row
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:909
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
8-element vector constructor
Definition: types_c.h:1206
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)=0
Estimates global motion between two 2D point clouds.
virtual int getSpekleRemovalTechnique() const =0
WCameraPosition(const Vec2d &fov, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
static Ptr< _Tp > train(const Ptr< TrainData > &data, int flags=0)
Create and train model with default parameters.
Definition: ml.hpp:364
void apply(int, Point, InputOutputArray, InputArray)
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:96
virtual void setInputMax(float val)=0
Input image range maximum value.
@ nppStBorderNone
There is no need to define additional pixels, image is extended already.
Definition: NPP_staging.hpp:90
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
Rect warpRoi(Size src_size, InputArray K, InputArray R, InputArray T)
static const size_t npos
Definition: cvstd.hpp:490
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)
float minArea
Definition: features2d.hpp:569
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:374
CvKalman * cvCreateKalman(int dynam_params, int measure_params, int control_params=0)
@ AGAST_7_12d
Definition: features2d.hpp:478
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
Definition: intrin_cpp.hpp:411
virtual void setMinDisparity(int minDisparity)=0
double elem[12]
Definition: slam_kitti.hpp:62
WImage< short > WImage_16s
Definition: wimage.hpp:89
virtual int getNumberOfSuperpixels()=0
Calculates the superpixel segmentation on a given image stored in SuperpixelSEEDS object.
int threshold
Definition: agast.txt:7532
std::vector< std::string > paths
Definition: fr_adience.hpp:90
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...
void create(int rows, int cols, int type, int i=-1, bool allowTransposed=false, int fixedDepthMask=0) const
XMLError QueryDoubleAttribute(const char *name, double *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1251
False is_kdtree_distance
Definition: dist.h:381
virtual void setTransformType(int val)=0
void setViewerPose(const Affine3d &pose)
Sets pose of the viewer.
int num_params_per_cam_
Definition: motion_estimators.hpp:193
@ COLOR_BGR2YUV_YV12
Definition: imgproc.hpp:730
@ MaskIsTiled
Definition: base.hpp:95
static Ptr< ExposureCompensator > createDefault(int type)
XMLHandle PreviousSiblingElement(const char *_value=0)
Get the previous sibling element of this handle.
Definition: tinyxml2.h:1804
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
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.
int varIdx
Index of variable on which the split is created.
Definition: ml.hpp:1071
A class filters a vector of keypoints.
Definition: features2d.hpp:99
Base class for Contrast Limited Adaptive Histogram Equalization. :
Definition: cudaimgproc.hpp:217
#define CV_NODE_IS_STRING(flags)
Definition: types_c.h:1754
vector< Point2f > gtbb
Definition: track_alov.hpp:65
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
int axis
Definition: all_layers.hpp:282
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3159
@ CPU_POPCNT
Definition: cvdef.h:145
@ COLOR_YUV2BGRA_NV12
Definition: imgproc.hpp:636
void createKernel(InputArray A, InputArray B, OutputArray kernel, const int chn)
Creates kernel from basic functions.
virtual void setGamma(float val)=0
Weight of the gradient constancy term.
int m_lineNum
Definition: utility.hpp:1126
void cvUpdateWindow(const char *window_name)
TLD is a novel tracking framework that explicitly decomposes the long-term tracking task into trackin...
Definition: tracker.hpp:1184
String getString(const String &key, const String &defaultVal=String()) const
Definition: type_traits.hpp:118
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:56
@ CV_CAP_PROP_XI_DEBUG_LEVEL
Definition: videoio_c.h:402
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:478
void addText(const Mat &img, const String &text, Point org, const QtFont &font)
Draws a text on the image.
CvMat * measurement_noise_cov
Definition: tracking_c.h:193
Base class for circles detector algorithm. :
Definition: cudaimgproc.hpp:437
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:173
virtual bool Accept(XMLVisitor *visitor) const
std::vector< double > times
Definition: slam_kitti.hpp:70
static Ptr< CharucoBoard > create(int squaresX, int squaresY, float squareLength, float markerLength, const Ptr< Dictionary > &dictionary)
Create a CharucoBoard object.
@ CAP_PROP_XI_CC_MATRIX_31
Color Correction Matrix element [3][1].
Definition: videoio.hpp:410
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
Definition: photo.hpp:327
LinearIndex & operator=(const LinearIndex &)
@ BadCOI
Definition: base.hpp:93
Rect warpRoi(Size src_size, InputArray K, InputArray R)
UMat colRange(int startcol, int endcol) const
... for the specified column span
const char * c_str() const
virtual int getNumWarps() const =0
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
virtual void clearBuffers()=0
Clears all retina buffers.
cuda::GpuMat & getGpuMatRef() const
Definition: gr_chalearn.hpp:61
#define clEnqueueAcquireGLObjects
Definition: opencl_gl.hpp:34
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.
static bool isFormatSupported(int depth, int cn, bool norm)
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
virtual int getNVars() const =0
void resizeHashTab(size_t newsize)
int getBlockSize() const
Definition: rgbd.hpp:396
static Ptr< IR_robot > create()
@ 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
static float DEFAULT_MAX_POINTS_PART()
Definition: rgbd.hpp:553
NCVMemoryType
Definition: NCV.hpp:428
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.
static MatExpr eye(int rows, int cols)
static KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:362
Definition: mappergradproj.hpp:53
Mat getMat(hppiMatrix *src, hppAccel accel, int cn)
Create Mat from hppiMatrix.
Definition: ippasync.hpp:141
double getMinDepth() const
Definition: rgbd.hpp:913
virtual void grcreate(String grlabel)=0
Create a group.
void spinOnce(int time=1, bool force_redraw=false)
Starts the event loop for a given time.
@ CAP_PROP_XI_DOWNSAMPLING_TYPE
Change image downsampling type.
Definition: videoio.hpp:351
int addSyntheticTemplate(const std::vector< Template > &templates, const String &class_id)
Add a new object template computed by external means.
uint32_t uint
Definition: interface.h:38
Accumulator< T >::Type ResultType
Definition: dist.h:644
size_t sz
size of the real buffer
Definition: utility.hpp:149
void cvSub(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
Template class for 2D rectangles.
Definition: types.hpp:382
virtual void collectGarbage()=0
virtual int getMsgType() const =0
type for messages (CV_16SC1 or CV_32FC1)
virtual FormatInfo format() const =0
Returns information about video file format.
Point3_< float > Point3f
Definition: types.hpp:253
signed char Ncv8s
Definition: NCV.hpp:131
@ FLANN_FLOAT32
Definition: defines.h:165
Ncv32u height
Rectangle height.
Definition: NCV.hpp:184
@ INT
an integer
Definition: persistence.hpp:492
@ CV_GUI_EXPANDED
Definition: highgui_c.h:122
size_t nplanes
the number of hyper-planes that the iterator steps through
Definition: mat.hpp:3271
bool empty() const
Definition: motion_stabilizing.hpp:74
void flags2idxStereo(int flags, std::vector< int > &idx, int n)
CommandLineParser(int argc, const char *const argv[], const String &keys)
Constructor.
Ptr< UkfSystemModel > model
Object of the class containing functions for computing the next state and the measurement.
Definition: kalman_filters.hpp:144
__host__ LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > lutPtr(const SrcPtr &src, const TablePtr &tbl)
Definition: lut.hpp:87
double shift
Definition: all_layers.hpp:371
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params ¶meters=SimpleBlobDetector::Params())
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:69
cv::Ptr< cv::StereoSGBM > Ptr_StereoSGBM
Definition: bridge.hpp:80
bool filterByColor
Definition: features2d.hpp:565
String(const char *first, const char *last)
@ COVAR_COLS
Definition: core.hpp:197
Ptr< TrackerTargetState > getLastTargetState() const
Get the last TrackerTargetState from Trajectory.
int channels() const
Returns size of the second axis blob.
OPLandIplParvoParameters()
Definition: retina.hpp:152
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.
Ncv32u width
Rectangle width.
Definition: NCV.hpp:164
GpuMat col(int x) const
returns a new GpuMat header for the specified column
BlobShape()
Creates [1, 1, 1, 1] shape.
void bind() const
Binds texture to current active texture unit for GL_TEXTURE_2D target.
Feature()
Definition: linemod.hpp:69
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:80
void convertFromGLTexture2D(const Texture2D &texture, OutputArray dst)
Converts Texture2D object to OutputArray.
__device__ __forceinline__ float cast_fp16< short, float >(short v)
Definition: saturate_cast.hpp:275
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
void essentialFromFundamental(InputArray F, InputArray K1, InputArray K2, OutputArray E)
Get Essential matrix from Fundamental and Camera matrices.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:321
virtual void setVariationalRefinementIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:1574
matlab::MxArray toMxArray()
Definition: bridge.hpp:216
virtual bool open(const String &filename)
Open video file or a capturing device or a IP video stream for video capturing.
__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
Ptr< Y > constCast() const
@ CV_CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Definition: videoio_c.h:370
int hal_ni_filterFree(cvhalFilter2D *context)
hal_filterFree
Definition: hal_replacement.hpp:128
@ HISTCMP_CHISQR_ALT
Definition: imgproc.hpp:509
vector_Point toVectorPoint()
Definition: bridge.hpp:406
double value
Definition: timer.h:54
_OutputArray(const cudev::GpuMat_< _Tp > &m)
@ FLANN_LOG_FATAL
Definition: defines.h:121
Vec< double, 4 > Vec4d
Definition: matx.hpp:388
NAryMatIterator()
the default constructor
int outputNameToIndex(String outputName)
Returns index of output blob in output array.
Definition: tinyxml2.h:328
True is_kdtree_distance
Definition: dist.h:536
@ CV_CAP_INTELPERC_DEPTH_MAP
Definition: videoio_c.h:494
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
Vec< float_type, 3 > Vec3
Definition: affine.hpp:67
Ptr< DescriptorExtractor > getDescriptorExtractor()
Definition: cudalegacy.hpp:200
size_t veclen() const
Definition: linear_index.h:77
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
std::string name
Definition: feature.hpp:134
unsigned char uchar
Definition: interface.h:47
void getPatternPoints(OutputArray original_points)
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:226
std::vector< Ptr< Tracker > > trackers
Trackers list for Multi-Object-Tracker.
Definition: tracker.hpp:1442
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
Mat_< Vec3b > Mat3b
Definition: mat.hpp:2195
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:201
Matx< float_type, 4, 4 > Mat4
Definition: affine.hpp:66
UMat operator()(const Range *ranges) const
static MatExpr ones(int _ndims, const int *_sizes)
This class implements name-value dictionary, values are instances of DictValue.
Definition: dict.hpp:109
#define clRetainSampler
Definition: opencl_core.hpp:262
static void setDefaultAllocator(MatAllocator *allocator)
cv::Ptr< Map > getMap(void) const
@ COLOR_BGR2BGR555
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:559
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
std::string className() const
Definition: mxarray.hpp:434
void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
#define clEnqueueCopyBufferRect
Definition: opencl_core.hpp:144
void SetAttribute(const char *name, float value)
Sets the named attribute to value.
Definition: tinyxml2.h:1331
@ 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
double Ncv64f
Definition: NCV.hpp:134
CvMat * cvCreateMatHeader(int rows, int cols, int type)
Creates a matrix header but does not allocate the matrix data.
__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
Parameters of phaseUnwrapping constructor.
Definition: histogramphaseunwrapping.hpp:79
Definition: dataset.hpp:514
Smart pointer for OpenGL buffer object with reference counting.
Definition: opengl.hpp:80
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
static Stitcher createDefault(bool try_use_gpu=false)
Creates a stitcher with the default parameters.
Heap(int sz)
Definition: heap.h:73
virtual void release()
Closes video file or capturing device.
GPCDescType
Descriptor types for the Global Patch Collider.
Definition: sparse_matching_gpc.hpp:92
@ CV_CAP_IMAGES
Definition: videoio_c.h:125
@ CAP_PROP_CONVERT_RGB
Boolean flags indicating whether images should be converted to RGB.
Definition: videoio.hpp:140
WImageViewC< short, 3 > WImageView3_16s
Definition: wimage.hpp:98
int getPatchIdxOfBestDetection()
Definition: allocator.h:75
@ CV_HSV2BGR
Definition: types_c.h:185
void cvInsertNodeIntoTree(void *node, void *parent, void *frame)
int trackMaxNegNum
Definition: tracker.hpp:812
virtual void run(InputArray image, std::vector< ERStat > ®ions)=0
The key method of ERFilter algorithm.
virtual void clear()
Clears the train descriptor collections.
String extensions() const
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
Definition: highgui_c.h:180
@ CV_SHAPE_ELLIPSE
Definition: types_c.h:380
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
Definition: highgui_c.h:112
void init(int n)
Definition: random.h:102
virtual void setHistory(int nframes)=0
float a
Definition: warpers.hpp:324
__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
~KDTreeSingleIndex()
Definition: kdtree_single_index.h:108
void push_back(const Mat_< _Tp > &elem)
int preFilterSize
Definition: calib3d_c.h:327
Definition: extrapolation.hpp:61
Definition: types_c.h:301
@ CV_CAP_PROP_RECTIFICATION
Definition: videoio_c.h:184
Definition: functional.hpp:183
float stdevThresh() const
Definition: inpainting.hpp:133
cv::Ptr< Map > inverseMap(void) const
virtual cv::Mat getLabels() const =0
virtual void setComplexityReductionThreshold(double ct)=0
Sets the complexity reduction threshold.
@ CV_CAP_PROP_XI_COOLING
Definition: videoio_c.h:319
@ CAP_PVAPI_PIXELFORMAT_MONO8
Mono8.
Definition: videoio.hpp:309
cuda::GpuMat mapDevice()
map to device memory (blocking)
vector_KeyPoint toVectorKeyPoint()
Definition: bridge.hpp:396
@ CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio.hpp:523
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
virtual XMLElement * ToElement()
Safely cast to an Element, or null.
Definition: tinyxml2.h:604
CvGraphEdge * cvFindGraphEdgeByPtr(const CvGraph *graph, const CvGraphVtx *start_vtx, const CvGraphVtx *end_vtx)
void exp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an exponent of each matrix element.
int getMethod() const
Definition: rgbd.hpp:193
virtual ~MemPool()
Definition: tinyxml2.h:314
size_t rows
Definition: matrix.h:90
static Mat getByteListFromBits(const Mat &bits)
Transform matrix of bits to list of bytes in the 4 rotations.
int area_width
Definition: interpolation.hpp:240
int cvIplDepth(int type)
Definition: types_c.h:601
bool tccDriver() const
true if device is a Tesla device using TCC driver, false otherwise
virtual double getVarThresholdGen() const =0
Returns the variance threshold for the pixel-model match used for new mixture component generation.
Definition: imgproc_c.h:1119
@ LINE_AA
antialiased line
Definition: core.hpp:218
void relativeCameraMotion(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray R, OutputArray t)
Computes the relative camera motion between two cameras.
struct _IplImage * maskROI
Definition: types_c.h:319
int gestureID
Definition: gr_chalearn.hpp:62
@ YUV422
Definition: cudacodec.hpp:267
CvHistogram * cvCreateHist(int dims, int *sizes, int type, float **ranges=NULL, int uniform=1)
Creates a histogram.
int flags
Definition: features2d.hpp:1279
bool isReal() const
returns true if the node is a floating-point number
virtual void setPlotTextColor(Scalar _plotTextColor)=0
void mapForward(float x, float y, float &u, float &v)
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
#define CV_FM_RANSAC
Definition: calib3d_c.h:92
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:102
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
size_t texturePitchAlignment() const
pitch alignment requirement for texture references bound to pitched memory
Definition: gr_chalearn.hpp:84
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:218
Ncv32u nStep
pitch
Definition: NPP_staging.hpp:117
@ NPPST_NULL_POINTER_ERROR
NULL pointer argument error.
Definition: NCV.hpp:358
#define clGetPlatformIDs
Definition: opencl_core.hpp:218
void cvResetImageROI(IplImage *image)
Resets the image ROI to include the entire image and releases the ROI structure.
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)
@ REAL
Definition: core.hpp:3116
virtual void setOutputMin(float val)=0
Output image range minimum value.
Ptr< TrackerTargetState > estimate(const std::vector< ConfidenceMap > &confidenceMaps)
Estimate the most likely target state, return the estimated state.
const uchar ** pointer
Definition: mat.hpp:2863
Pose3D(double Alpha, unsigned int ModelIndex=0, unsigned int NumVotes=0)
Definition: pose_3d.hpp:84
virtual float getAlpha() const =0
Weight of the smoothness term.
WCloud(InputArray cloud, const Color &color, InputArray normals)
Constructs a WCloud.
@ MPEG2
Definition: cudacodec.hpp:246
Definition: functional.hpp:631
@ CV_OpenCLInitError
Definition: types_c.h:173
This structure contains all the parameters that can be varied during the course of sampling algorithm...
Definition: tracker.hpp:925
Ptr< cuda::StereoBM > createStereoBM(int numDisparities=64, int blockSize=19)
Creates StereoBM object.
__host__ __device__ NcvRect8u(Ncv8u x_, Ncv8u y_, Ncv8u width_, Ncv8u height_)
Definition: NCV.hpp:144
#define clCreateFromGLTexture
Definition: opencl_gl.hpp:28
virtual int getLayout() const =0
Definition: functional.hpp:609
bool full() const
Definition: result_set.h:313
__host__ GpuMat_(const Expr< Body > &expr)
expression templates
unsigned UnsignedAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1190
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:219
@ CV_WND_PROP_FULLSCREEN
Definition: highgui_c.h:110
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 *)
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:198
virtual void copy_from_value(void const *src, void **dest)
Definition: any.h:85
virtual double getSigmaColor()=0
SigmaColor is a parameter defining how sensitive the filtering process is to source image edges....
bool update(const Mat &image)
Update the current tracking status. The result will be saved in the internal storage.
Matching(void)
Definition: matching.hpp:598
size_t maxMemAllocSize() const
VecCommaInitializer< _Tp, m > & operator,(T2 val)
Base storage class for GPU memory with reference counting.
Definition: cuda.hpp:97
virtual void setDefaultLearningRate(double lr)=0
virtual UMatData * allocate(int dims, const int *sizes, int type, void *data, size_t *step, int flags, UMatUsageFlags usageFlags) const =0
PtrTraits< MapPtr >::index_type index_type
Definition: remap.hpp:63
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.
void cvReleaseMatND(CvMatND **mat)
Deallocates a multi-dimensional array.
Definition: core_c.h:475
size_t size() const
Definition: kdtree_single_index.h:181
static double trace(const Matx< _Tp, m, n > &a)
virtual bool VisitExit(const XMLElement &element)
Visit an element.
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
static NNIndex< Distance > * create(const Matrix< typename Distance::ElementType > &dataset, const IndexParams ¶ms, const Distance &distance)
Definition: all_indices.h:122
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.
@ CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio.hpp:515
virtual void compute(InputArray img, OutputArray descriptors, Stream &stream=Stream::Null())=0
Returns block descriptors computed for the whole image.
virtual void setBlurSigma(double val)=0
Gaussian blur sigma.
Ptr< MergeMertens > createMergeMertens(float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f)
Creates MergeMertens object.
void read(const FileNode &node, float &value, float default_value)
the sparse matrix header
Definition: mat.hpp:2519
Scalar scalar() const
Definition: mxarray.hpp:413
virtual bool getUpdateBackgroundModel() const =0
Returns the status of background model update.
virtual int getVarCount() const =0
Returns the number of variables in training samples.
@ value
Definition: type_traits.hpp:66
const XMat & getRefConst() const
void waitEvent(const Event &event)
Makes a compute stream wait on an event.
static Ptr< MSM_epfl > create()
virtual void setIterations(int val)=0
virtual void apply(InputArray src, OutputArray dst, Stream &stream)=0
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
@ COLOR_BayerRG2BGR_MHT
Definition: cudaimgproc.hpp:97
@ NCVPipeObjDet_VisualizeInPlace
Definition: NCVHaarObjectDetection.hpp:356
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3)
Constructor.
Definition: intrin_cpp.hpp:262
Mat iterCounts
Definition: rgbd.hpp:743
Definition: wobble_suppression.hpp:102
CvMat * transition_matrix
Definition: tracking_c.h:188
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:916
float searchFactor
search region parameter
Definition: tracker.hpp:864
static Ptr< AR_sports > create()
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: tracking.hpp:371
bool horizontal
Definition: sinusoidalpattern.hpp:91
@ GEMM_1_T
transposes src1
Definition: base.hpp:209
virtual void read(const FileNode &)
Reads algorithm parameters from a file storage.
void radiusMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)
int size() const
Returns the vertex count.
void SetAttribute(bool value)
Set the attribute to value.
bool update(const Mat &image, Rect2d &boundingBox)
Update the tracker, find the new most likely bounding box for the target.
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
void histEven(InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Calculates a histogram with evenly distributed bins.
WImageBuffer< float > WImageBuffer_f
Definition: wimage.hpp:77
void magnitude32f(const float *x, const float *y, float *dst, int n)
@ CAP_PROP_XI_GPI_SELECTOR
Selects general purpose input.
Definition: videoio.hpp:332
@ CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio.hpp:226
Viz3d(const String &window_name=String())
The constructors.
@ NPPST_TEXTURE_BIND_ERROR
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
Rect_< float > Rect2f
Definition: types.hpp:414
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:227
void setDepth(int val)
Definition: rgbd.hpp:270
@ NCV_MEM_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:341
float samplerSearchWinSize
size of search window
Definition: tracker.hpp:1095
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
Performs linear blending of two images.
T work_type
Definition: reduce_to_vec.hpp:127
Definition: all_layers.hpp:209
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
Definition: types_c.h:572
int size
Definition: all_layers.hpp:241
@ CMP_LT
src1 is less than src2.
Definition: base.hpp:203
void convertTo(OutputArray dst, int rtype) const
converts GpuMat to another datatype (Blocking call)
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
float eps
max outliers ratio
Definition: motion_core.hpp:77
@ CAP_PROP_ISO_SPEED
Definition: videoio.hpp:154
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
@ TEXT_ELEMENT_LEAVE_ENTITIES
Definition: tinyxml2.h:155
@ CV_MEDIAN
Definition: types_c.h:80
int numClassifiers
the number of classifiers to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1122
virtual void setLevels(int levels)=0
Feature table levels.
@ CV_YUV2RGB_UYVY
Definition: types_c.h:278
Constructs a WMesh.
Definition: widgets.hpp:789
@ INTERSECT_NONE
No intersection.
Definition: imgproc.hpp:780
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:334
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
Mat frameMask_
Definition: stabilizer.hpp:122
MatIterator_(const MatIterator_ &it)
copy constructor
WPolyLine(InputArray points, const Color &color=Color::white())
Constructs a WPolyLine.
std::vector< Mat > motions2_
Definition: stabilizer.hpp:191
@ CC_STAT_WIDTH
The horizontal size of the bounding box.
Definition: imgproc.hpp:410
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
Mat cls
Definition: feature.hpp:195
static Ptr< PowerLayer > create(double power=1, double scale=1, double shift=0)
cv::Ptr< Map > getMap(void) const
#define clCreateUserEvent
Definition: opencl_core.hpp:136
void write(FileStorage &fs, const String &name, float value)
Point3_(const Point_< _Tp > &pt)
@ none
Definition: fr_adience.hpp:64
@ CC_STAT_AREA
The total area (in pixels) of the connected component.
Definition: imgproc.hpp:412
_LayerStaticRegisterer(const String &layerType, LayerFactory::Constuctor layerConstuctor)
Definition: layer.hpp:134
Definition: all_layers.hpp:280
static Color celestial_blue()
static ParamGrid getDefaultGrid(int param_id)
Generates a grid for SVM parameters.
static void read(const FileNode &node, Vec< _Tp, cn > &value, const Vec< _Tp, cn > &default_value)
Definition: persistence.hpp:754
@ NEEDS_ENTITY_PROCESSING
Definition: tinyxml2.h:150
void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
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
int type() const
Returns type of the node.
T ValueType
Definition: features2d.hpp:726
virtual double getEpsilon() const =0
@ CV_BGR2Lab
Definition: types_c.h:167
void resetDevice()
Explicitly destroys and cleans up all resources associated with the current device in the current pro...
int size
Definition: types_c.h:645
const T * Mem() const
Definition: tinyxml2.h:277
size_t maxParameterSize() const
bool compress_feature
activate the pca method to compress the features
Definition: tracker.hpp:1245
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:294
void insert(int idx, const _Tp &elem)
inserts the specified element to the specified position
Definition: core_c.h:3056
int radiusSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, DistanceType radius, const ::cvflann::SearchParams ¶ms)
SVD()
the default constructor
Definition: inpainting.hpp:128
@ MOTION_TRANSLATION
Definition: tracking.hpp:255
std::string nameColor
Definition: gr_chalearn.hpp:77
@ CV_CAP_PROP_XI_CC_MATRIX_23
Definition: videoio_c.h:343
@ 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
__host__ ResizePtrSz< typename PtrTraits< SrcPtr >::ptr_type > resizePtr(const SrcPtr &src, float fx, float fy)
Definition: resize.hpp:89
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
bool isCell() const
Definition: mxarray.hpp:431
@ CV_CAP_PROP_SATURATION
Definition: videoio_c.h:178
Scalar color
Color of the font. Scalar(blue_component, green_component, red_component[, alpha_component])
Definition: highgui.hpp:635
Allocator()
Definition: cvstd.hpp:139
@ COLOR_YUV2RGB_Y422
Definition: imgproc.hpp:674
virtual void setBackgroundRatio(double backgroundRatio)=0
CvSparseNode * cvInitSparseMatIterator(const CvSparseMat *mat, CvSparseMatIterator *mat_iterator)
Initializes sparse array elements iterator.
@ CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Data packing type. Some cameras supports only specific packing type.
Definition: videoio.hpp:382
@ EVENT_MBUTTONUP
indicates that middle mouse button is released.
Definition: highgui.hpp:211
virtual void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)=0
UMat(const Point3_< _Tp > &pt, bool copyData=true)
builds matrix from a 3D point
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
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.
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
@ NPPST_MEM_INTERNAL_ERROR
Internal memory management error.
Definition: NCV.hpp:370
Mat_< Vec4d > Mat4d
Definition: mat.hpp:2221
virtual void load(const std::string &path)=0
@ CV_CAP_PROP_FPS
Definition: videoio_c.h:171
CvPoint * end
Definition: types_c.h:521
SrcPtr src
Definition: lut.hpp:65
@ CV_YUV2RGBA_UYNV
Definition: types_c.h:293
virtual int getIterations() const =0
Definition: imgproc.hpp:821
NCVStatus nppsStCompact_32s_host(Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
void cvMultiplyAcc(const CvArr *image1, const CvArr *image2, CvArr *acc, const CvArr *mask=NULL)
Adds a product of two images to accumulator.
#define CV_64F
Definition: interface.h:73
void load_value(FILE *stream, T &value, size_t count=1)
Definition: saving.h:147
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:259
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:1540
void SetText(float value)
Convenience method for setting text inside and element. See SetText() for important limitations.
const _Tp & value() const
template method returning the current matrix element
bool empty() const
returns true iff the sequence contains no elements
Definition: core_c.h:3038
Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst)
Definition: warpers.hpp:465
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.
virtual int getDisp12MaxDiff() const =0
void cvStartWriteStruct(CvFileStorage *fs, const char *name, int struct_flags, const char *type_name=NULL, CvAttrList attributes=cvAttrList())
Starts writing a new structure.
virtual void shiftMat(InputArray src, OutputArray dst, const Point shift)=0
Helper function, that shift Mat filling new regions with zeros.
std::vector< Blob > blobs
List of learned parameters stored as blobs.
Definition: dnn.hpp:73
virtual void load(const std::string &path)=0
MapYPtr mapy
Definition: remap.hpp:82
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
Bridge & operator=(const Ptr_TonemapMantiuk &)
Definition: bridge.hpp:517
@ CV_OpenCLNoAMDBlasFft
Definition: types_c.h:174
virtual void setTermCriteria(TermCriteria val)=0
virtual void setNumIters(int iters)=0
int height
Definition: linemod.hpp:81
Mat minGradientMagnitudes
Definition: rgbd.hpp:1006
size_t toSizeT()
Definition: bridge.hpp:298
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)=0
virtual double getRpropDWMin() const =0
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:253
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
MultiTracker(const String &trackerType="")
Constructor. In the case of trackerType is given, it will be set as the default algorithm for all tra...
void SetStr(const char *str, int flags=0)
void connect(int outLayerId, int outNum, int inpLayerId, int inpNum)
Connects #outNum output of the first layer to #inNum input of the second layer.
SeqIterator & operator++()
moves iterator to the next sequence element
Definition: core_c.h:3110
NCVStatus nppiStTranspose_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStride, Ncv64s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
__host__ __device__ NcvSize32u(Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:186
virtual double getDecisionThreshold() const =0
int cols
Definition: interpolation.hpp:215
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
Definition: types_c.h:595
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.
#define CV_64FC1
Definition: interface.h:118
#define CV_EXPORTS_W_MAP
Definition: cvdef.h:376
int writePose(const std::string &FileName)
virtual void setWarpingsNumber(int val)=0
@ CV_GRAY2RGB
Definition: types_c.h:124
void release()
decreases reference counter, deallocate the data when reference counter reaches 0
static void convertToDMatches(const DescriptorCollection &descriptors, const Mat &indices, const Mat &distances, std::vector< std::vector< DMatch > > &matches)
virtual double getRpropDWPlus() const =0
Type
Definition: types.hpp:787
__host__ __forceinline__ void checkCudaError(cudaError_t err, const char *file, const int line, const char *func)
Definition: common.hpp:70
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:385
@ CV_CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio_c.h:439
virtual void setRpropDW0(double val)=0
static bool builtWith(FeatureSet feature_set)
The following method checks whether the module was built with the support of the given feature:
static void compute(InputArray src, OutputArray w, int flags=0)
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:179
void seqPop(CvSeq *seq, void *element=0)
Definition: facerec.hpp:21
RgbdPlane(RGBD_PLANE_METHOD method=RGBD_PLANE_METHOD_DEFAULT)
Definition: rgbd.hpp:363
void setBackgroundMeshLab()
virtual NCVStatus dealloc(NCVMemSegment &seg)=0
#define clSetMemObjectDestructorCallback
Definition: opencl_core.hpp:268
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...
Definition: types_c.h:1395
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3155
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
AutoLock(Mutex &m)
Definition: utility.hpp:598
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:124
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:392
CV_XADD(int *addr, int delta)
Definition: cvdef.h:442
@ BORDER_WRAP
cdefgh|abcdefgh|abcdefg
Definition: base.hpp:257
virtual void dsread(OutputArray Array, String dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
@ NO
Definition: exposure_compensate.hpp:65
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
DemosaicTypes
Definition: cudaimgproc.hpp:93
@ CV_BayerGB2BGR
Definition: types_c.h:171
@ CV_CAP_DSHOW
Definition: videoio_c.h:101
void run(const std::vector< Blob > &inputs, std::vector< Blob > &outputs)
Allocates layer and computes output.
WText3D(const String &text, const Point3d &position, double text_scale=1., bool face_camera=true, const Color &color=Color::white())
Constructs a WText3D.
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
~TLSData()
Definition: utility.hpp:638
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
void cvRandShuffle(CvArr *mat, CvRNG *rng, double iter_factor=1.)
void compose(const Map &map)
const Size & getWindowSize() const
Definition: types.hpp:190
__device__ __forceinline__ double4 atan(const double4 &a)
Definition: vec_math.hpp:337
void insertImageCOI(InputArray coiimg, CvArr *arr, int coi=-1)
inserts single-channel cv::Mat into a multi-channel CvMat or IplImage
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
#define clAmdFftSetPlanBatchSize
Definition: opencl_clamdfft.hpp:86
int cvSolve(const CvArr *src1, const CvArr *src2, CvArr *dst, int method=0)
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:81
virtual void setLevels(int levels)=0
R-Table levels.
virtual void setInitialStepSize(float InitialStepSize)=0
Parameter initialStepSize of a SVMSGD optimization problem.
Definition: matchers.hpp:302
virtual bool isMaskSupported() const =0
Returns true if the descriptor matcher supports masking permissible matches.
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)
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities,...
Definition: exposure_compensate.hpp:103
static KernelArg PtrReadOnly(const UMat &m)
Definition: ocl.hpp:364
@ BadStep
Definition: base.hpp:82
Types
Type of covariation matrices.
Definition: ml.hpp:752
@ CV_CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Definition: videoio_c.h:506
virtual void setNumLevels(int levels)=0
void merge32s(const int **src, int *dst, int len, int cn)
#define clEnqueueReadBuffer
Definition: opencl_core.hpp:170
void writeClasses(const String &format="templates_%s.yml.gz") const
@ GLOBAL_ATOMICS
Definition: cuda.hpp:605
int flags
Definition: types_c.h:1286
float thresh
max error to classify as inlier
Definition: motion_core.hpp:76
bool nonmaxSuppression
Definition: agast.txt:7533
Definition: deriv.hpp:102
void runPrePassIfNecessary()
virtual float calcError(const Ptr< TrainData > &data, bool test, OutputArray resp) const
Computes error on the training or test dataset.
double y
Definition: types_c.h:968
MatConstIterator(const Mat *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
Definition: mxarray.hpp:113
void setTargetPosition(const Point2f &position)
Set the position.
void copyToSparseMat(cv::SparseMat &m) const
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
bool isTargetFg() const
Get the label. Return true for target foreground, false for background.
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.
float shiftValue
Definition: sinusoidalpattern.hpp:88
virtual cv::Mat getClassWeights() const =0
@ CC_STAT_TOP
Definition: imgproc.hpp:408
int channels
Definition: mask.hpp:74
virtual double getPyrScale() const =0
const T * Row(int r) const
Definition: wimage.hpp:205
LineTypes
type of line
Definition: core.hpp:214
int cvInitSystem(int argc, char **argv)
int targetHeight
Definition: tracker.hpp:381
Matx(const Matx< _Tp, m, l > &a, const Matx< _Tp, l, n > &b, Matx_MatMulOp)
Bridge & operator=(const std::string &)
Definition: bridge.hpp:270
BranchStruct(const T &aNode, DistanceType dist)
Definition: result_set.h:56
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
@ CV_GpuNotSupported
Definition: types_c.h:167
int nativeVectorWidthFloat() const
@ DECOMP_LU
Definition: base.hpp:135
@ FLANN_UINT64
Definition: defines.h:164
@ CV_StsBadPoint
Definition: types_c.h:158
void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:112
virtual int getCannyHighThresh() const =0
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
Definition: object_factory.h:47
@ CALIB_FIX_K2
Definition: calib3d.hpp:1890
@ ERFILTER_NM_RGBLGrad
Definition: erfilter.hpp:249
virtual void setAlpha(double val)=0
Parameter of spacial distribution in Bilateral-TV.
virtual void setWeakCount(int val)=0
virtual void write(FileStorage &fs) const =0
float free_coef
Definition: objdetect.hpp:433
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
MatExpr max(double s, const Mat &a)
int modifiers
Definition: types.hpp:242
#define clAmdFftSetResultLocation
Definition: opencl_clamdfft.hpp:104
static Ptr< SplitLayer > create(int outputsCount=-1)
void read(const FileNode &node, int &value, int default_value)
WTrajectoryFrustums(InputArray path, const Matx33d &K, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
void cvReleaseImageHeader(IplImage **image)
Deallocates an image header.
bool isClass(const std::string &name) const
Definition: mxarray.hpp:433
virtual void setSolverIterations(int solver_iterations)=0
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:179
#define clSetEventCallback
Definition: opencl_core_wrappers.hpp:253
#define OPENCV_HAL_ADD(a, b)
Definition: intrin.hpp:53
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 > ¶meters=DetectorParameters::create())
Refind not detected markers based on the already detected and the board layout.
@ CV_THRESH_TOZERO_INV
Definition: types_c.h:575
uchar * ptr(int i0, int i1, int i2, bool createMissing, size_t *hashval=0)
returns pointer to the specified element (3D case)
void approxPolyDP(InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
#define CV_SEQUENCE_FIELDS()
Definition: types_c.h:1245
RetrievalModes
mode of the contour retrieval algorithm
Definition: imgproc.hpp:424
@ GC_PR_FGD
a possible foreground pixel
Definition: imgproc.hpp:363
std::vector< Mat > frames_
Definition: stabilizer.hpp:130
__host__ __device__ Ncv32f getThreshold(void)
Definition: NCVHaarObjectDetection.hpp:250
String vendorName() const
void fundamentalFromProjections(InputArray P1, InputArray P2, OutputArray F)
Get Fundamental matrix from Projection matrices.
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
@ CAP_PROP_IMAGES_LAST
Definition: videoio.hpp:568
virtual Size getOriginalWindowSize() const =0
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:147
__host__ NCVStatus setFeatureDesc(HaarFeatureDescriptor32 f)
Definition: NCVHaarObjectDetection.hpp:221
Definition: tr_chars.hpp:67
@ CPU_SSE4_2
Definition: cvdef.h:144
@ CV_TYZX_LEFT
Definition: videoio_c.h:92
@ CV_LOAD_IMAGE_GRAYSCALE
Definition: imgcodecs_c.h:60
Mat emission_p
Definition: ocr.hpp:282
SrcPtr src
Definition: reduction.hpp:154
int samplerTrackMaxNegNum
Definition: tracker.hpp:1098
uint64_t uint64
Definition: interface.h:58
size_t getKey(const ElementType *) const
Definition: lsh_table.h:239
Definition: type_traits.hpp:156
Feature(int offset, int x, int y, int _block_w, int _block_h)
Ptr_DenseOpticalFlow toPtrDenseOpticalFlow()
Definition: bridge.hpp:473
@ CV_CAP_PROP_XI_REGION_SELECTOR
Definition: videoio_c.h:310
const cv::Matx< double, 2, 2 > & getLinTr() const
Definition: mapaffine.hpp:84
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
Implements Logistic Regression classifier.
Definition: ml.hpp:1429
void select(const cv::String &windowName, Mat img, std::vector< Rect2d > &boundingBox, bool fromCenter=true)
virtual double getVarMin() const =0
virtual void setPyrScale(double pyrScale)=0
T get(const String &key, const T &defaultValue) const
If the key in the dictionary then returns its value, else returns defaultValue.
CvBox2D cvMinAreaRect2(const CvArr *points, CvMemStorage *storage=NULL)
Finds minimum area rotated rectangle bounding a set of points.
schar * cvSeqPushFront(CvSeq *seq, const void *element=NULL)
BlobShape slice(int startAxis, int endAxis=INT_MAX) const
Constructs new shape from axes in range [startAxis; endAxis).
v_uint8x16 v_rshr_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:1684
Rect_< double > Rect2d
Definition: types.hpp:415
uchar * reference
Definition: mat.hpp:2864
double confThresh() const
Definition: motion_estimators.hpp:139
__host__ void gridReduceToColumn(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:220
CvArr * cvRange(CvArr *mat, double start, double end)
@ CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio.hpp:227
Node(OBJECT &payload)
Definition: utility.hpp:1015
Definition: core_c.h:2840
Definition: cudalegacy.hpp:155
CvRect cvROIToRect(IplROI roi)
Definition: types_c.h:822
Disparity map filter based on Weighted Least Squares filter (in form of Fast Global Smoother that is ...
Definition: disparity_filter.hpp:83
virtual void setBoostType(int val)=0
uchar * ptr
Definition: types_c.h:636
__device__ __forceinline__ float1 cos(const uchar1 &a)
Definition: vec_math.hpp:294
@ MM_HOMOGRAPHY
Definition: motion_core.hpp:67
virtual void setLambda(double lambda)=0
CvSize2D32f size
Definition: types_c.h:1064
__device__ __forceinline__ double4 cosh(const double4 &a)
Definition: vec_math.hpp:355
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)
Definition: fr_adience.hpp:68
Mat speckleY
Definition: matching.hpp:369
void setTo(InputArray value, int allocFlags=-1)
Sets value to the last used data (if allocFlags = -1).
@ COLOR_GRAY2RGBA
Definition: imgproc.hpp:543
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:223
@ CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio.hpp:513
@ CAP_OPENNI_QVGA_60HZ
Definition: videoio.hpp:265
virtual int getNMixtures() const =0
uint32x4_t cv_vrndq_u32_f32(float32x4_t v)
Definition: neon_utils.hpp:76
float getRecall(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
@ CV_YUV2GRAY_YVYU
Definition: types_c.h:319
Image2D(const Image2D &i)
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
void updateMat(bool syncData=true) const
Actualizes data stored inside Mat of Blob; if syncData is false then only shape will be actualized.
True is_vector_space_distance
Definition: dist.h:261
__host__ GpuMat_(int arows, int acols, Scalar val, Allocator *allocator=defaultAllocator())
constucts GpuMat and fills it with the specified value
Interface for realizations of Guided Filter.
Definition: edge_filter.hpp:131
virtual int getP2() const =0
__device__ __forceinline__ uint vsetlt2(uint a, uint b)
Definition: simd_functions.hpp:396
Ptr< TrackerStateEstimator > getTrackerStateEstimator() const
Get the TrackerStateEstimator.
@ CAP_PROP_XI_SHUTTER_TYPE
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:363
@ COLOR_BGR5652BGRA
Definition: imgproc.hpp:553
#define clGetGLObjectInfo
Definition: opencl_gl.hpp:40
int narrays
the number of arrays
Definition: mat.hpp:3269
@ SORT_ASCENDING
Definition: core.hpp:152
int parent
Definition: objdetect_c.h:101
int findNearest(Point2f pt, Point2f *nearestPt=0)
Finds the subdivision vertex closest to the given point.
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())
__host__ Expr< FindMinValExprBody< SrcPtr > > minVal_(const SrcPtr &src)
Definition: reduction.hpp:99
int scene_sample_step
Definition: ppf_match_3d.hpp:158
@ NCV_TEXTURE_BIND_ERROR
Definition: NCV.hpp:325
static void compute(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
decomposes matrix and stores the results to user-provided matrices
virtual int period() const
Definition: wobble_suppression.hpp:105
virtual TermCriteria getTermCriteria() const =0
T ElementType
Definition: dist.h:480
@ SINUS
Definition: types.hpp:56
Definition: types_c.h:1266
Bridge & operator=(const Ptr_LineSegmentDetector &)
Definition: bridge.hpp:452
Definition: tr_svt.hpp:74
Definition: utility.hpp:579
virtual NcvBool isInitialized(void) const
void add8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
static Ptr< AdaptiveManifoldFilter > create()
int window_size_
Definition: rgbd.hpp:288
static DictValue arrayString(TypeIter begin, int size)
Constructs array of strings.
@ FEATURE_SET_COMPUTE_20
Definition: cuda.hpp:598
int flags
Definition: types_c.h:1267
Definition: NCVHaarObjectDetection.hpp:218
std::string vocabulary
Definition: ocr.hpp:447
virtual float getRho() const =0
float calcBlurriness(const Mat &frame)
handlerT()
Definition: tracker.hpp:1383
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:148
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 .
@ COLOR_BGRA2BGR555
Definition: imgproc.hpp:563
SavedIndexParams(cv::String filename)
Definition: flann_base.hpp:64
float ePointInOctaveY
Definition: descriptor.hpp:138
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:205
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
@ CALIB_FIX_K4
Definition: calib3d.hpp:262
@ MM_AFFINE
Definition: motion_core.hpp:66
void update(float value, int target)
cv::Mat toMat() const
Definition: bridge.hpp:586
Ptr< RgbdNormals > getNormalsComputer() const
Definition: rgbd.hpp:849
virtual Size getInputSize()=0
Retreive retina input buffer size.
@ CAP_PVAPI_DECIMATION_2OUTOF4
2 out of 4 decimation
Definition: videoio.hpp:303
void PushDeclaration(const char *value)
Planar board with grid arrangement of markers More common type of board. All markers are placed in th...
Definition: aruco.hpp:257
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.
HierarchicalClusteringIndexParams(int branching=32, cvflann::flann_centers_init_t centers_init=cvflann::FLANN_CENTERS_RANDOM, int trees=4, int leaf_size=100)
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.
KDTreeIndexParams(int trees=4)
Definition: kdtree_index.h:55
flann_datatype_t
Definition: defines.h:156
void calcHist(InputArray src, OutputArray hist, Stream &stream=Stream::Null())
Calculates histogram for one channel 8-bit image.
std::set< DistIndex > dist_indices_
Definition: result_set.h:380
virtual ~INCVMemAllocator()=0
Definition: NCV.hpp:477
@ CV_LRGB2Lab
Definition: types_c.h:216
static Matx< _Tp1, m, n > & operator+=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1121
virtual void setCameraIntrinsicOptions(const libmv_CameraIntrinsicsOptions &libmv_camera_intrinsics_options)=0
Setter method for camera intrinsic options.
bool doCornerRefinement
Definition: aruco.hpp:140
#define CV_CUDEV_EXPR_UNARY_FUNC(name)
Definition: unary_func.hpp:60
@ CV_YUV2BGR_Y422
Definition: types_c.h:283
@ IMREAD_ANYCOLOR
If set, the image is read in any possible color format.
Definition: imgcodecs.hpp:69
void knnMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)
MoreAccurateMotionWobbleSuppressorBase()
Definition: wobble_suppression.hpp:108
void cvNot(const CvArr *src, CvArr *dst)
virtual void setFinestScale(int val)=0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
virtual void setRadius(int val)
Definition: inpainting.hpp:70
@ FLANN_LOG_WARN
Definition: defines.h:123
@ CV_SIMETRICV_INTERPOLATION
Definition: stereo.hpp:122
int * refcount
Definition: types_c.h:631
float cubeRoot(float val)
Computes the cube root of an argument.
Affine3(const Vec3 &rvec, const Vec3 &t=Vec3::all(0))
Rodrigues vector.
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:330
virtual String getLabelInfo(int label) const
Gets string information by label.
virtual bool isEmpty() const =0
const Mat & getDescriptors() const
int Ncv32s
Definition: NCV.hpp:127
double getDouble(const String &key, double defaultVal=-1) const
@ OpenGlNotSupported
Definition: base.hpp:118
XMLDeclaration * NewDeclaration(const char *text=0)
MxArray()
default constructor
Definition: mxarray.hpp:253
WTrajectoryFrustums(InputArray path, const Vec2d &fov, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
void resetCamera()
Resets camera.
void loadPattern(cv::Mat patternImage)
bool unifiedAddressing() const
device shares a unified address space with the host
Vec(const Vec< _Tp, cn > &v)
void start()
Definition: timer.h:68
#define CV_USRTYPE1
Definition: interface.h:74
int getWindowSize()
Definition: ocr.hpp:367
virtual void setIterations(int val)=0
const char * begin() const
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)
@ CAP_PROP_GPHOTO2_PREVIEW
Capture only preview from liveview mode.
Definition: videoio.hpp:545
virtual void prepare(Rect dst_roi)
Bridge & operator=(const float &)
Definition: bridge.hpp:287
int count
Definition: objdetect_c.h:95
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
cv::Mat getIterationCounts() const
Definition: rgbd.hpp:809
@ RESPONSE_ROW
Definition: cudafeatures2d.hpp:462
CvScalar cvColorToScalar(double packed_color, int arrtype)
Unpacks color value.
@ HISTCMP_BHATTACHARYYA
Definition: imgproc.hpp:504
static MatExpr zeros(int _ndims, const int *_sizes)
SmoothMethod_c
Definition: types_c.h:69
@ QT_PUSH_BUTTON
Push button.
Definition: highgui.hpp:247
@ CV_CAP_V4L2
Definition: videoio_c.h:82
void setMaskGenerator(const Ptr< BaseCascadeClassifier::MaskGenerator > &maskGenerator)
float * DynamMatr
Definition: tracking_c.h:173
void cvAddText(const CvArr *img, const char *text, CvPoint org, CvFont *arg2)
void detect(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, const std::vector< Mat > &masks=std::vector< Mat >()) const
float weight3() const
Definition: motion_stabilizing.hpp:138
Mat temp5
Definition: tracking.hpp:381
MatConstIterator_(const Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
SparseMatIterator_ & operator=(const SparseMatIterator_ &it)
the assignment operator
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_COMP_CORREL
Definition: types_c.h:530
@ ComputeModeDefault
Definition: cuda.hpp:726
@ NEEDS_NEWLINE_NORMALIZATION
Definition: tinyxml2.h:151
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
Allocator(Allocator< U > const &)
Definition: cvstd.hpp:143
int usedMemory() const
Definition: kdtree_index.h:185
__host__ __device__ static __forceinline__ char4 make(const schar *v)
Definition: vec_traits.hpp:180
CvMatND * cvInitMatNDHeader(CvMatND *mat, int dims, const int *sizes, int type, void *data=NULL)
Initializes a pre-allocated multi-dimensional array header.
@ CHANNEL_NRM
Definition: all_layers.hpp:236
Size getWindowSize() const
Returns the current size of the window.
int ResultType
Definition: dist.h:422
@ NPPST_MEM_INSUFFICIENT_BUFFER
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
double getMaxDepthDiff() const
Definition: rgbd.hpp:674
void writeRaw(const String &fmt, const uchar *vec, size_t len)
Writes multiple numbers.
Program(const ProgramSource &src, const String &buildflags, String &errmsg)
void updateWidgetPose(const String &id, const Affine3d &pose)
Updates pose of a widget in the window by pre-multiplying its current pose.
void cvWriteInt(CvFileStorage *fs, const char *name, int value)
Writes an integer value.
Definition: reduction.hpp:175
virtual void measurementFunction(const Mat &x_k, const Mat &n_k, Mat &z_k)=0
NCVStatus nppsStCompactGetSize_32f(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
Ptr2DSz ptr_type
Definition: traits.hpp:59
int getStepSize()
Definition: ocr.hpp:368
HoughDeskewOption
Specifies to do or not to do skewing of Hough transform image.
Definition: fast_hough_transform.hpp:106
void UIImageToMat(const UIImage *image, cv::Mat &m, bool alphaExist=false)
@ CV_CAP_PROP_XI_CC_MATRIX_32
Definition: videoio_c.h:346
virtual FormatInfo format() const =0
Returns information about video file format.
Rect_()
various constructors
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2790
@ COMMENT
Definition: tinyxml2.h:159
void min64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
double getMaxPointsPart() const
Definition: rgbd.hpp:937
WCloud(InputArray cloud, const Color &color=Color::white())
Constructs a WCloud.
@ CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio.hpp:229
void backSubst(InputArray rhs, OutputArray dst) const
performs a singular value back substitution.
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:167
virtual double getMinAngle() const =0
CvMatND * cvCreateMatNDHeader(int dims, const int *sizes, int type)
Creates a new matrix header but does not allocate the matrix data.
@ MORPH_CROSS
Definition: imgproc.hpp:255
void cvCreateSeqBlock(CvSeqWriter *writer)
virtual int getQuantizationLevels() const =0
Returns the parameter used for quantization of color-space.
@ CAP_PROP_DC1394_MAX
Definition: videoio.hpp:202
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.
Mat refinement_mask_
Definition: motion_estimators.hpp:188
virtual int getNumIterations() const =0
@ COLOR_HLS2RGB_FULL
Definition: imgproc.hpp:610
int align
Definition: types_c.h:314
virtual void dswrite(InputArray Array, String dslabel) const =0
@ CV_CAP_PROP_XI_COLOR_FILTER_ARRAY
Definition: videoio_c.h:328
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)
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.
_Tp width
Definition: types.hpp:410
KMeansIndex(const KMeansIndex &)
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.
int hal_ni_invSqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:422
static Ptr< DFT1D > create(int len, int count, int depth, int flags, bool *useBuffer=0)
cv::Ptr< CvMat > JtJ
Definition: calib3d_c.h:410
CvHistogram * cvMakeHistHeaderForArray(int dims, int *sizes, CvHistogram *hist, float *data, float **ranges=NULL, int uniform=1)
Makes a histogram out of an array.
@ CALIB_FIX_K6
Definition: calib3d.hpp:264
virtual const XMLElement * ToElement() const
Definition: tinyxml2.h:1149
void points(Point2f pts[]) const
std::vector< Feature > features
Definition: linemod.hpp:83
float32x4_t cv_vrsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:98
virtual void setLambda(double _lambda)=0
@ GUIDED_FILTER
Definition: edge_filter.hpp:57
__host__ size_t elemSize1() const
CvPoint2D64f cvPoint2D64f(double x, double y)
Definition: types_c.h:973
void detectMarkers(InputArray image, const Ptr< Dictionary > &dictionary, OutputArrayOfArrays corners, OutputArray ids, const Ptr< DetectorParameters > ¶meters=DetectorParameters::create(), OutputArrayOfArrays rejectedImgPoints=noArray())
Basic marker detection.
FileNodeIterator(const FileNodeIterator &it)
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
const XMLConstHandle LastChild() const
Definition: tinyxml2.h:1870
const char ** attr
Definition: types_c.h:1714
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:948
DftFlags
Definition: base.hpp:214
CvRect cvMaxRect(const CvRect *rect1, const CvRect *rect2)
Finds minimum rectangle containing two given rectangles.
@ MARKER_TILTED_CROSS
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:4233
void(* MouseCallback)(int event, int x, int y, int flags, void *userdata)
Callback function for mouse events. see cv::setMouseCallback.
Definition: highgui.hpp:260
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
XMLError QueryUnsignedAttribute(const char *name, unsigned int *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1235
_Tp area() const
area (width*height) of the rectangle
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
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
CvSparseMat * cvCloneSparseMat(const CvSparseMat *mat)
virtual void dsinsert(InputArray Array, String dslabel, const int *dims_offset) const =0
void reset()
Definition: timer.h:85
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)
int cornerRefinementWinSize
Definition: aruco.hpp:141
int hal_ni_log64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:457
@ CV_BGRA2BGR555
Definition: types_c.h:146
__host__ size_t elemSize() const
overridden forms of GpuMat::elemSize() etc.
size_t rfind(const char *s, size_t pos, size_t n) const
std::vector< Mat > member_type
Definition: core.hpp:3165
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...
backgroundType
Definition: gr_skig.hpp:88
int rows
Definition: mask.hpp:85
std::string toString() const
Definition: mxarray.hpp:415
MemPool()
Definition: tinyxml2.h:313
virtual void run(InputArray inputImage)=0
Method which allows retina to be applied on an input image,.
double dot(const Mat &m) const
@ StsFilterStructContentErr
incorr. filter structure content
Definition: base.hpp:98
int freePoint
Definition: imgproc.hpp:1154
virtual void init(const CvFeatureParams &fp)
void merge64s(const int64 **src, int64 *dst, int len, int cn)
BlobShape(int s0, int s1, int s2)
This is an overloaded member function, provided for convenience. It differs from the above function o...
virtual int getLevels() const =0
cv::Mat getMinGradientMagnitudes() const
Definition: rgbd.hpp:690
int radiusSearch(const Mat &query, Mat &indices, Mat &dists, DistanceType radius, const ::cvflann::SearchParams ¶ms)
Definition: reduction.hpp:153
const _Tp & operator()(int i) const
static UMat zeros(int ndims, const int *sz, int type)
virtual int getMaxLevel() const =0
@ CV_CAP_PROP_XI_CC_MATRIX_13
Definition: videoio_c.h:339
@ CV_BGR2HLS
Definition: types_c.h:182
void cvStartAppendToSeq(CvSeq *seq, CvSeqWriter *writer)
void setDeblurer(Ptr< DeblurerBase > val)
Definition: stabilizer.hpp:83
char * ParseDeep(char *, StrPair *endTag)
@ CAP_PROP_XI_LIMIT_BANDWIDTH
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:377
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.
@ XML_ERROR_PARSING_ATTRIBUTE
Definition: tinyxml2.h:1011
Definition: warpers.hpp:295
int index_type
Definition: extrapolation.hpp:97
__host__ void gridCopy(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:358
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:182
@ StsUnmatchedSizes
sizes of input/output structures do not match
Definition: base.hpp:109
double getMaxDepthDiff() const
Definition: rgbd.hpp:929
double confidence
Confidence two images are from the same panorama.
Definition: matchers.hpp:217
WImageViewC(const WImageViewC< T, C > &img)
Definition: wimage.hpp:473
virtual void setC(double val)=0
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask)
Computes components of the array using direct F0-transform.
_Tp value_type
Definition: types.hpp:151
int addedDescCount
Definition: features2d.hpp:1103
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...
String type
Type name which was used for creating layer by layer factory.
Definition: dnn.hpp:132
virtual void load(const std::string &path)=0
Ncv32u NCVStatus
Definition: NCV.hpp:376
Ptr< cuda::CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates implementation for cuda::CLAHE .
v_reg< int64, 2 > v_int64x2
Two 64-bit signed integer values.
Definition: intrin_cpp.hpp:372
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.
@ 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
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.
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2410
@ FHT_MIN
Definition: fast_hough_transform.hpp:90
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
int imageStop
Definition: descriptor.hpp:104
@ MM_ROTATION
Definition: motion_core.hpp:63
virtual const std::vector< Mat > & frames() const
Definition: deblurring.hpp:75
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5)
1x6, 2x3, 3x2 or 6x1 matrix
_Result result_type
Definition: functional.hpp:72
@ CV_CVTIMG_SWAP_RB
Definition: imgcodecs_c.h:124
int x
Definition: types_c.h:780
@ COLOR_COLORCVT_MAX
Definition: imgproc.hpp:773
size_t cols
Definition: matrix.h:52
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
Definition: types_c.h:1034
virtual bool getFindLargestObject()=0
virtual void setPreFilterCap(int preFilterCap)=0
@ MARKER_TRIANGLE_UP
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:4237
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
@ WINDOW_GUI_NORMAL
old fashious way
Definition: highgui.hpp:191
@ STRING
Definition: core.hpp:3116
Index_(const Mat &dataset, const ::cvflann::IndexParams ¶ms)
Definition: flann.hpp:347
__host__ void gridCopy_(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:64
CvMat * temp1
Definition: tracking_c.h:200
void cvSetHistBinRanges(CvHistogram *hist, float **ranges, int uniform=1)
Sets the bounds of the histogram bins.
Distance::ElementType ElementType
Definition: kdtree_single_index.h:73
virtual void detectMultiScale(InputArray image, std::vector< Rect > &objects, double scaleFactor, int minNeighbors, int flags, Size minSize, Size maxSize)=0
virtual int usedMemory() const
Definition: flann_base.hpp:192
void cvXor(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
@ COLOR_YUV420p2GRAY
Definition: imgproc.hpp:667
@ CV_StsVecLengthErr
Definition: types_c.h:148
the Spectral Residual approach from
Definition: saliencySpecializedClasses.hpp:70
void min(InputArray src1, InputArray src2, OutputArray dst)
Calculates per-element minimum of two arrays or an array and a scalar.
double cvInvert(const CvArr *src, CvArr *dst, int method=0)
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)
int numFeatures
Definition: tracker.hpp:1004
Definition: widgets.hpp:721
@ patch_size_x
Definition: reduce.hpp:299
float toFloat()
Definition: bridge.hpp:288
Ptr_TonemapReinhard toPtrTonemapReinhard()
Definition: bridge.hpp:523
void drawMarker(const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1)
Draw a canonical marker image.
__host__ void gridReduceToRow(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:146
ResultType operator()(const unsigned char *a, const unsigned char *b, int size) const
const T & cast() const
Cast operator. You can only cast to the original type.
Definition: any.h:275
bool filterByCircularity
Definition: features2d.hpp:571
@ CAP_FIREWIRE
IEEE 1394 drivers.
Definition: videoio.hpp:93
void cvMorphologyEx(const CvArr *src, CvArr *dst, CvArr *temp, IplConvKernel *element, int operation, int iterations=1)
Performs complex morphological transformation.
virtual int getHistory() const =0
@ CV_YUV2RGBA_YUNV
Definition: types_c.h:311
@ CV_CAP_PROP_XI_SENSOR_MODE
Definition: videoio_c.h:393
PlanePortraitWarper(float scale)
Definition: warpers.hpp:600
virtual Mat postProcessFrame(const Mat &frame)
int cvNextNArraySlice(CvNArrayIterator *array_iterator)
virtual void static_delete(void **)
Definition: any.h:65
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
Definition: type_traits.hpp:72
void cvWriteFileNode(CvFileStorage *fs, const char *new_node_name, const CvFileNode *node, int embed)
Writes a file node to another file storage.
@ StsNoConv
iter. didn't converge
Definition: base.hpp:76
void SetTracked()
Definition: tinyxml2.h:385
PREDEFINED_DICTIONARY_NAME
Predefined markers dictionaries/sets Each dictionary indicates the number of bits and the number of m...
Definition: dictionary.hpp:141
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:132
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
@ COVAR_ROWS
Definition: core.hpp:193
MapAffine(const cv::Matx< double, 2, 2 > &linTr, const cv::Vec< double, 2 > &shift)
virtual void setLabmda(double val)=0
Weight parameter to balance data term and smoothness term.
UMat col(int x) const
returns a new matrix header for the specified column
virtual ~CvLBPEvaluator()
Definition: feature.hpp:367
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:190
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
Definition: videoio_c.h:104
@ CAP_PVAPI_PIXELFORMAT_BAYER16
Bayer16.
Definition: videoio.hpp:312
@ CV_CAP_IEEE1394
Definition: videoio_c.h:86
__device__ __forceinline__ D cast_fp16(T v)
@ CV_EVENT_MOUSEHWHEEL
Definition: highgui_c.h:189
ResultType operator()(ResultType dist)
Definition: dist.h:830
@ NCVMemoryTypeNone
Definition: NCV.hpp:429
const uchar * ptr(int i0, int i1, int i2) const
DepthCleaner()
Definition: rgbd.hpp:227
int depth() const
returns the depth of sparse matrix elements
std::vector< std::string > images[4]
Definition: slam_kitti.hpp:68
int histogramNormType
Definition: objdetect.hpp:428
#define clUnloadPlatformCompiler
Definition: opencl_core_wrappers.hpp:268
bool update(float value, int target)
@ CV_CAP_GSTREAMER_QUEUE_LENGTH
Definition: videoio_c.h:249
flann_centers_init_t
Definition: defines.h:106
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
void merge(const Mat *mv, size_t count, OutputArray dst)
Creates one multi-channel array out of several single-channel ones.
@ FLANN_INDEX_KDTREE_SINGLE
Definition: defines.h:87
Size rectSize
rect size
Definition: tracker.hpp:1005
virtual void setGridY(int val)=0
@ COLOR_LBGR2Luv
Definition: imgproc.hpp:614
@ DFT_REAL_OUTPUT
Definition: base.hpp:241
Distance::ElementType ElementType
Definition: flann.hpp:111
@ COLOR_RGBA2BGR555
Definition: imgproc.hpp:564
__host__ NCVStatus setWeight(Ncv32f weight)
Definition: NCVHaarObjectDetection.hpp:94
NCVStatus ncvDrawRects_8u_host(Ncv8u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv8u color)
virtual void getValues(int vi, InputArray sidx, float *values) const =0
void *(* CvReadFunc)(CvFileStorage *storage, CvFileNode *node)
Definition: types_c.h:1807
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
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:217
virtual void setNumIters(int iters)=0
Matx23d bounding
Definition: msm_epfl.hpp:72
int nativeVectorWidthInt() const
static char * SkipWhiteSpace(char *p)
Definition: tinyxml2.h:498
Point3_(_Tp _x, _Tp _y, _Tp _z)
String run(InputArray image, InputArray mask, int min_confidence, int component_level=0)
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:272
@ RO_IGNORE_BORDERS
Skip validations of image borders.
Definition: fast_hough_transform.hpp:118
float distThresh() const
Definition: inpainting.hpp:153
virtual ~Filter2D()
Definition: hal.hpp:27
void cvRelease(void **struct_ptr)
Releases an object.
This 3D Widget defines a collection of clouds. :
Definition: widgets.hpp:737
void write(FileStorage &fs) const
Distance::ResultType DistanceType
Definition: kmeans_index.h:84
Feature(int offset, int x, int y, int cellW, int cellH)
@ CV_CAP_PROP_FOCUS
Definition: videoio_c.h:196
virtual void setVotesThreshold(int votesThreshold)=0
The accumulator threshold for the template centers at the detection stage. The smaller it is,...
@ COLOR_HSV2BGR_FULL
Definition: imgproc.hpp:607
@ CV_IMWRITE_PNG_BILEVEL
Definition: imgcodecs_c.h:90
Definition: vec_distance.hpp:156
@ CV_CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio_c.h:441
@ CV_WINDOW_FREERATIO
Definition: highgui_c.h:127
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:803
bool isThreadSafe() const
Definition: matchers.hpp:249
@ CASCADE_FIND_BIGGEST_OBJECT
Definition: objdetect.hpp:170
@ CV_WARP_INVERSE_MAP
Definition: types_c.h:370
@ COVAR_SCRAMBLED
Definition: core.hpp:173
virtual int getMinArea() const =0
int dims() const
returns the matrix dimensionality
RotatedRect CamShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object center, size, and orientation.
@ COLOR_YUV2GRAY_NV12
Definition: imgproc.hpp:662
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
@ OCL_VECTOR_DEFAULT
Definition: ocl.hpp:685
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:226
static Ptr< BaseConvolutionLayer > create(Size kernel=Size(3, 3), Size stride=Size(1, 1), Size pad=Size(0, 0), Size dilation=Size(1, 1))
virtual Mat cluster() const =0
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.
bool integrated() const
device is integrated as opposed to discrete
v_reg< int, n > v_trunc(const v_reg< _Tp, n > &a)
Truncate elements.
Definition: intrin_cpp.hpp:511
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.
void feed(const std::vector< Point > &, const std::vector< UMat > &, const std::vector< std::pair< UMat, uchar > > &)
Definition: exposure_compensate.hpp:94
virtual void setNonmaxSuppression(bool f)=0
static __device__ double atomicAdd(double *address, double val)
Definition: atomic.hpp:84
virtual void divide(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
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)
void release()
decrements reference counter and released memory if needed.
@ XML_ERROR_ELEMENT_MISMATCH
Definition: tinyxml2.h:1009
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
@ FONT_ITALIC
flag for italic font
Definition: core.hpp:232
cv::Mat getCameraMatrix() const
Definition: rgbd.hpp:650
void cvLUT(const CvArr *src, CvArr *dst, const CvArr *lut)
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
Definition: videoio_c.h:181
Definition: persistence.hpp:670
void cvPOSIT(CvPOSITObject *posit_object, CvPoint2D32f *image_points, double focal_length, CvTermCriteria criteria, float *rotation_matrix, float *translation_vector)
virtual int getAgregationWindowSize() const =0
virtual void setCustomKernel(const Ptr< Kernel > &_kernel)=0
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
Definition: cvdef.h:154
void waitForCompletion()
waits for an event to complete
void cvSetReal2D(CvArr *arr, int idx0, int idx1, double value)
virtual bool Visit(const XMLComment &comment)
Visit a comment node.
@ BM3D_STEP1
Definition: bm3d_image_denoising.hpp:73
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
Impl * p
Definition: ocl.hpp:622
int dims
Definition: mat.hpp:2523
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
#define clWaitForEvents
Definition: opencl_core.hpp:276
@ CV_CAP_PROP_OPENNI_FOCAL_LENGTH
Definition: videoio_c.h:225
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1013
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...
virtual void setPreFilterCap(int preFilterCap)=0
virtual void setFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:81
Ptr< ILog > log_
Definition: stabilizer.hpp:111
__host__ void gridFindMinVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:106
NCVStatus ncvDrawRects_32u_host(Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
void setWidthOfBand(int width)
Set width of bands.
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:134
virtual float getExposureWeight() const =0
int hierarchicalClustering(const Mat &features, Mat ¢ers, const ::cvflann::KMeansIndexParams ¶ms, Distance d=Distance())
Clusters features using hierarchical k-means algorithm.
Definition: flann.hpp:488
CommandLineParser(const CommandLineParser &parser)
Copy constructor.
Camera(const Matx44d &proj, const Size &window_size)
virtual int getMaxBufferSize() const =0
HellingerDistance< ElementType >::ResultType ResultType
Definition: dist.h:882
static Ptr< RTrees > create()
__device__ __forceinline__ double4 atanh(const double4 &a)
Definition: vec_math.hpp:391
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:130
@ DIST_USER
User defined distance.
Definition: imgproc.hpp:309
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
virtual void setMaxDataTerm(double max_data_term)=0
virtual ~XMLPrinter()
Definition: tinyxml2.h:1963
Affine3d getViewerPose()
Returns the current pose of the viewer.
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...
void locateROI(Size &wholeSize, Point &ofs) const
locates GpuMat header within a parent GpuMat
Mat processNoiseCov
Process noise cross-covariance matrix, DP x DP.
Definition: kalman_filters.hpp:135
virtual void setRho(float rho)=0
@ MANHATTAN
Definition: defines.h:145
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)
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)
virtual void setK(float k)=0
Ptr< DenseOpticalFlow > createOptFlow_DeepFlow()
DeepFlow optical flow algorithm implementation.
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
void cvSaveWindowParameters(const char *name)
@ KULLBACK_LEIBLER
Definition: defines.h:152
virtual void setTheta(double theta)=0
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
ogl::Buffer & getOGlBufferRef() const
WImageViewC< uchar, 3 > WImageView3_b
Definition: wimage.hpp:72
virtual ~Estimator()
Definition: motion_estimators.hpp:68
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:580
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:270
@ QUADS
Definition: opengl.hpp:486
schar * cvSeqInsert(CvSeq *seq, int before_index, const void *element=NULL)
RectanglesIntersectTypes
Definition: imgproc.hpp:779
@ CV_IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs_c.h:99
int getNumFeatures() const
Definition: feature.hpp:168
void cvMoveWindow(const char *name, int x, int y)
void match(InputArray queryDescriptors, std::vector< DMatch > &matches, InputArrayOfArrays masks=noArray())
#define clRetainMemObject
Definition: opencl_core_wrappers.hpp:244
void SetAttribute(double value)
Set the attribute to value.
int font_face
Definition: imgproc_c.h:1122
int solveCubic(InputArray coeffs, OutputArray roots)
Finds the real roots of a cubic equation.
Feature finders base class.
Definition: matchers.hpp:72
@ QT_STYLE_ITALIC
Italic font.
Definition: highgui.hpp:241
virtual void setNumFrames(int nframes)=0
@ FLANN_DIST_MANHATTAN
Definition: defines.h:131
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
Ptr< DeblurerBase > deblurer_
Definition: stabilizer.hpp:114
__host__ BrdConstant< typename PtrTraits< SrcPtr >::ptr_type > brdConstant(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type val)
Definition: extrapolation.hpp:76
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
const Device & device(size_t idx) const
virtual int getScale() const =0
Scale factor.
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
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)
void Print(XMLPrinter *streamer=0) const
@ CV_CAP_PROP_TRIGGER_DELAY
Definition: videoio_c.h:193
virtual double getDiscSingleJump() const =0
discontinuity single jump
virtual int getMaxCircles() const =0
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.
@ EVENT_MOUSEHWHEEL
positive and negative values mean right and left scrolling, respectively.
Definition: highgui.hpp:216
virtual int getEdgeThreshold() const =0
@ CV_CAP_FIREWIRE
Definition: videoio_c.h:85
CvRect rect
Definition: types_c.h:61
CvGraphScanner * cvCreateGraphScanner(CvGraph *graph, CvGraphVtx *vtx=NULL, int mask=-1)
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
@ CV_YUV2BGRA_UYNV
Definition: types_c.h:294
size_t step1() const
returns step/elemSize1()
void *(* CvCloneFunc)(const void *struct_ptr)
Definition: types_c.h:1810
__host__ GpuMat_ rowRange(int startrow, int endrow) const
virtual double getDecisionFunction(int i, OutputArray alpha, OutputArray svidx) const =0
Retrieves the decision function.
virtual Mat cluster(const Mat &descriptors) const
Clusters train descriptors.
double getTickFrequency()
Returns the number of ticks per second.
double hu6
Definition: types_c.h:426
bool full() const
Definition: result_set.h:258
bool setFeatureDetector(Ptr< FeatureDetector > featureDetector)
const MatAllocator * prevAllocator
Definition: mat.hpp:494
int euler
euler number
Definition: erfilter.hpp:81
virtual void setColorAdaptation(float color_adapt)=0
@ CV_CAP_PROP_PVAPI_PIXELFORMAT
Definition: videoio_c.h:258
@ CAP_PVAPI_DECIMATION_OFF
Off.
Definition: videoio.hpp:302
bool create(const char *kname, const ProgramSource &prog, const String &buildopts, String *errmsg=0)
Matx< float, 2, 2 > Matx22f
Definition: matx.hpp:213
double rotation_threshold
Definition: ppf_match_3d.hpp:155
double getMinDist() const
Returns minimal distance value.
@ WAVE_CORRECT_HORIZ
Definition: motion_estimators.hpp:324
Rect boundingRect(InputArray points)
Calculates the up-right bounding rectangle of a point set.
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
uchar * ptr
Definition: mat.hpp:3072
@ CALIB_CB_SYMMETRIC_GRID
Definition: calib3d.hpp:249
int l2CacheSize() const
size of L2 cache in bytes
__device__ __forceinline__ uint vcmple4(uint a, uint b)
Definition: simd_functions.hpp:671
virtual void calc(int vcount, int n, const float *vecs, const float *another, float *results)=0
bool _dataAsRow
Definition: core.hpp:2529
Definition: track_vot.hpp:69
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:92
Mat cross(const Mat &m) const
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
Definition: all_layers.hpp:388
@ CV_YUV420p2RGBA
Definition: types_c.h:265
size_t printfBufferSize() const
unsigned int popcnt32(uint32_t n) const
Definition: dist.h:485
Mat_< short > Mat1s
Definition: mat.hpp:2198
int p0
Definition: feature.hpp:323
Definition: agast.txt:7482
float response
Definition: descriptor.hpp:123
UMat operator()(const Rect &roi) const
Definition: functional.hpp:715
virtual void load(const String &filename)
Loads a FaceRecognizer and its model state.
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &)
Definition: lsh_index.h:220
void guidedFilter(InputArray guide, InputArray src, OutputArray dst, int radius, double eps, int dDepth=-1)
Simple one-line Guided Filter call.
void free_elements()
Definition: hierarchical_clustering_index.h:422
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.
virtual void setPlotSize(int _plotSizeWidth, int _plotSizeHeight)=0
Mat_ operator()(const Range &rowRange, const Range &colRange) const
void grid(const Mat &img, Mat &grid_r, Mat &grid_c) const
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
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.
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))
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1081
void setMaxTranslation(double val)
Definition: rgbd.hpp:837
PaniniPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:145
void cvShowImage(const char *name, const CvArr *image)
static bool hasEqualOrGreaterPtx(int major, int minor)
String type
Type name which was used for creating layer by layer factory (optional).
Definition: dnn.hpp:76
@ CV_RGB2RGBA
Definition: types_c.h:104
void selection(Mat &response, int npoints)
Identify most effective features.
Mat rowRange(int startrow, int endrow) const
Creates a matrix header for the specified row span.
int cvErrorFromIppStatus(int ipp_status)
UMat(Size size, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
void create(const std::vector< int > &sizes, int type)
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > s)=0
Add a new strategy in the list of strategy to process.
float neighborhoodEnergy_temporalConstant
local neighborhood energy filtering parameters : the aim is to get information about the energy neigh...
Definition: transientareassegmentationmodule.hpp:101
@ SOLVELP_UNBOUNDED
problem is unbounded (target function can achieve arbitrary high values)
Definition: optim.hpp:259
FileNode()
The constructors.
virtual float operator()(int featureIdx, int sampleIdx)
_Tp value_type
Definition: matx.hpp:98
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.
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
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.
Scalar_< double > Scalar
Definition: types.hpp:606
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
void imageMeanKernelSize(const cv::Mat &img, int windowSize, cv::Mat &c)
virtual int getWinSize() const =0
float T
A percentage value which determines when new features can be recognized as new background....
Definition: cudalegacy.hpp:175
virtual float getRho() const =0
SparseMatConstIterator_ & operator=(const SparseMatConstIterator_ &it)
the assignment operator
@ IMPL_IPP
Definition: utility.hpp:1101
Definition: deriv.hpp:301
virtual int getNumFrames() const =0
Returns the number of frames used to initialize background model.
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.
Small interface class for loading trained serialized models of different dnn-frameworks.
Definition: dnn.hpp:281
Mat_ & operator=(const Mat &m)
void setRepresentation(int representation)
Sets geometry representation of the widgets to surface, wireframe or points.
MatxCommaInitializer(Matx< _Tp, m, n > *_mtx)
static Matx randu(_Tp a, _Tp b)
__device__ __forceinline__ uint vabsdiff4(uint a, uint b)
Definition: simd_functions.hpp:847
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)
Definition: descriptor.hpp:199
void GaussianBlur(InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT)
Blurs an image using a Gaussian filter.
virtual void setPatchSize(int val)=0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
const XMLNode * LastChild() const
Get the last child node, or null if none exists.
Definition: tinyxml2.h:696
Definition: object_factory.h:40
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
@ CV_CAP_OPENNI_DEPTH_MAP
Definition: videoio_c.h:468
void mapForward(float x, float y, float &u, float &v)
virtual bool VisitEnter(const XMLDocument &)
Visit a document.
std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
Represents the model of the target at frame (all states and scores)
Definition: tracker.hpp:390
Ptr_CalibrateDebevec toPtrCalibrateDebevec()
Definition: bridge.hpp:463
const char * GetText() const
@ COLOR_YUV2BGR_NV21
Definition: imgproc.hpp:631
cv::Mat getK() const
Definition: rgbd.hpp:185
float sPointInOctaveX
Definition: descriptor.hpp:135
XMLDeclaration * ToDeclaration()
Safe cast to XMLDeclaration. This can return null.
Definition: tinyxml2.h:1833
void clearSeq(CvSeq *seq)
double m30
Definition: types_c.h:399
virtual void setLambda(float _lambda)=0
Lambda is a parameter defining the weight of the edge-aware term in geodesic distance,...
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1)
XMLUnknown(const XMLUnknown &)
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:124
@ CV_CAP_PROP_XI_GAMMAC
Definition: videoio_c.h:330
Mat temp3
Definition: tracking.hpp:379
cv::Ptr< CvMat > prevParam
Definition: calib3d_c.h:406
virtual void generateFeatures()
LshIndex(const LshIndex &)
@ CV_CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio_c.h:165
@ XYZRGB
Definition: omnidir.hpp:75
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
virtual void setPyramidScaleFactor(double scale_factor)=0
#define IPL_DEPTH_16S
Definition: types_c.h:266
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3074
@ COLOR_HSV2RGB
Definition: imgproc.hpp:593
void deallocate()
deallocates the matrix data
String getClassName() const
Get the name of the specific TrackerFeature.
int height
Definition: sinusoidalpattern.hpp:86
int resImHeight
Definition: saliencySpecializedClasses.hpp:112
v_reg< short, 8 > v_int16x8
Eight 16-bit signed integer values.
Definition: intrin_cpp.hpp:360
void PushComment(const char *comment)
Add a comment.
virtual void activateContoursProcessing(const bool activate)=0
Activate/desactivate the Parvocellular pathway processing (contours information extraction),...
@ VAR_NUMERICAL
same as VAR_ORDERED
Definition: ml.hpp:83
virtual int getFirstLevel() const =0
static void convert(const std::vector< KeyPoint > &keypoints, std::vector< Point2f > &points2f, const std::vector< int > &keypointIndexes=std::vector< int >())
Definition: vec_traits.hpp:88
Class implementing the BRISK keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:229
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
WCloudNormals(InputArray cloud, InputArray normals, int level=64, double scale=0.1, const Color &color=Color::white())
Constructs a WCloudNormals.
@ CV_StsBadSize
Definition: types_c.h:152
Random Number Generator.
Definition: core.hpp:2690
bool value_type
Definition: mask.hpp:59
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
int CP
Definition: tracking_c.h:167
@ COLOR_BGR2HSV_FULL
Definition: imgproc.hpp:602
static int type()
Definition: flann.hpp:82
int cols
Definition: deriv.hpp:209
CvSeq * cvEndFindContours(CvContourScanner *scanner)
Releases contour scanner and returns pointer to the first outer contour.
void cvCalcBayesianProb(CvHistogram **src, int number, CvHistogram **dst)
Calculates bayesian probabilistic histograms (each or src and dst is an array of number histograms.
virtual void setWTA_K(int wta_k)=0
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
Status stitch(InputArrayOfArrays images, OutputArray pano)
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.
Program(const Program &prog)
int id
Definition: ppf_match_3d.hpp:81
void * pv
Definition: dict.hpp:100
@ CV_BadCallBack
Definition: types_c.h:142
void cvWriteRawData_Base64(::CvFileStorage *fs, const void *_data, int len)
Mat eigenvectors() const
Definition: core.hpp:2519
void setNonmaxSuppression(bool f)
Definition: agast.txt:7526
@ COLOR_BayerGB2BGR_MHT
Definition: cudaimgproc.hpp:96
float vscale
Definition: highgui.hpp:640
Accumulator< T >::Type ResultType
Definition: dist.h:264
std::vector< Mat > pyramidNormalsMask
Definition: rgbd.hpp:522
@ CV_CAP_PROP_ROLL
Definition: videoio_c.h:203
void filterSpeckles(InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray())
Filters off small noise blobs (speckles) in the disparity map.
ERStat * prev
Definition: erfilter.hpp:106
Mat depth
Definition: rgbd.hpp:479
DIS optical flow algorithm.
Definition: optflow.hpp:268
virtual ~ObjectnessBING()
Dictionary(const Mat &_bytesList=Mat(), int _markerSize=0, int _maxcorr=0)
@ CV_CONTOURS_MATCH_I1
Definition: types_c.h:504
Type
Definition: types.hpp:250
schar * data
Definition: types_c.h:1222
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)
int key_
Definition: utility.hpp:629
MCTKernel(uint8_t **images, int threshold)
Definition: descriptor.hpp:106
void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const
virtual void setSaturationWeight(float saturation_weight)=0
@ FONT_HERSHEY_TRIPLEX
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: core.hpp:228
#define CV_REDUCE_SUM
Definition: core_c.h:1489
void drawChessboardCorners(InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound)
Renders the detected chessboard corners.
virtual void diag(const MatExpr &expr, int d, MatExpr &res) const
@ INPAINT_NS
Definition: photo.hpp:73
@ CV_CAP_PROP_CONTRAST
Definition: videoio_c.h:177
@ SFM_IO_THEIASFM
Definition: io.hpp:62
#define clRetainContext
Definition: opencl_core.hpp:250
MatConstIterator()
default constructor
virtual void load(const std::string &path)=0
@ CV_CAP_PROP_XI_KNEEPOINT1
Definition: videoio_c.h:398
RadiusResultSet(DistanceType radius_, int *indices_, DistanceType *dists_, int capacity_)
Definition: result_set.h:238
static Ptr< Saliency > create(const String &saliencyType)
Create Saliency by saliency type.
@ CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio.hpp:230
DistanceType worst_distance_
Definition: result_set.h:377
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)
virtual int getShadowValue() const =0
Returns the shadow value.
void MSERsToERStats(InputArray image, std::vector< std::vector< Point > > &contours, std::vector< std::vector< ERStat > > ®ions)
Converts MSER contours (vector<Point>) to ERStat regions.
virtual int getOuterIterations() const =0
number of warping iterations (number of pyramid levels)
void compute(const Mat &image, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr=false) const
Requires descriptors computation.
@ CAP_PROP_XI_DEVICE_SN
Returns device serial number.
Definition: videoio.hpp:429
virtual void setDelta(int delta)=0
double cvDotProduct(const CvArr *src1, const CvArr *src2)
Calculates the dot product of two arrays in Euclidean metrics.
virtual void clearStrategies()=0
Clear the list of strategy to process;.
~_LayerStaticRegisterer()
Definition: layer.hpp:140
void cvMin(const CvArr *src1, const CvArr *src2, CvArr *dst)
static Affine3 Identity()
Create identity transform.
virtual double getError() const =0
Returns the computed reprojection error.
void resetTexCoordArray()
Resets vertex texture coordinates.
GpuMat(const GpuMat &m, Rect roi)
virtual double getScaleFactor() const =0
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.
@ SORT_EVERY_COLUMN
Definition: core.hpp:149
virtual Blob getH() const =0
Returns current value (deep copy).
@ CAP_IMAGES
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:116
#define clRetainCommandQueue
Definition: opencl_core_wrappers.hpp:229
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:233
Definition: superres.hpp:67
void buildWarpPerspectiveMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for perspective transformation.
UMat reshape(int cn, int newndims, const int *newsz) const
float value_type
Definition: vec_distance.hpp:124
CvMat * cv2DRotationMatrix(CvPoint2D32f center, double angle, double scale, CvMat *map_matrix)
Computes rotation_matrix matrix.
Mat(const Vec< _Tp, n > &vec, bool copyData=true)
virtual double getMinVal() const =0
Returns the minimum value taken on by pixels in image sequence. Usually 0.
True is_vector_space_distance
Definition: dist.h:204
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.
Definition: inpainting.hpp:142
void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: kdtree_single_index.h:241
@ MAT
Definition: core.hpp:3116
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:441
virtual int getNumIters() const =0
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.
@ IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs.hpp:118
virtual double getMaxScale() const =0
@ OAST_9_16
Definition: features2d.hpp:478
Vec< _Tp, m > operator*() const
CvMat()
Definition: types_c.h:460
void set_distance_type(flann_distance_t distance_type, int order)
__host__ Expr< LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > > laplacian_(const SrcPtr &src)
Definition: deriv.hpp:117
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.
@ channels
Definition: matx.hpp:93
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:74
void cvAdd(const CvArr *src1, const CvArr *src2, CvArr *dst, const CvArr *mask=NULL)
@ CAP_PVAPI_PIXELFORMAT_BAYER8
Bayer8.
Definition: videoio.hpp:311
int iterationInit
the initial iterations
Definition: tracker.hpp:1125
std::string action
Definition: hpe_humaneva.hpp:63
@ CV_CAP_OPENNI_IR_IMAGE
Definition: videoio_c.h:479
uchar * datastart
Definition: cuda.hpp:422
@ CV_CAP_PROP_XI_ACQ_BUFFER_SIZE
Definition: videoio_c.h:384
SurfFeaturesFinder(double hess_thresh=300., int num_octaves=3, int num_layers=4, int num_octaves_descr=3, int num_layers_descr=4)
WMesh(InputArray cloud, InputArray polygons, InputArray colors=noArray(), InputArray normals=noArray())
static Ptr< FR_adience > create()
int x
Definition: tr_svt.hpp:63
T & at(Ncv32u x, Ncv32u y) const
Definition: NCV.hpp:812
@ CV_BayerGR2BGR
Definition: types_c.h:173
int getDepth() const
Definition: rgbd.hpp:266
void train(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > >, 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
void PushText(double value)
Add a text node from a double.
Definition: all_layers.hpp:309
@ DFT_SCALE
Definition: base.hpp:220
@ CV_CONTOURS_MATCH_I2
Definition: types_c.h:505
void setDistThreshold(float val)
Definition: inpainting.hpp:152
void * cvCvtSeqToArray(const CvSeq *seq, void *elements, CvSlice slice=CV_WHOLE_SEQ)
Ptr< IOutlierRejector > outlierRejector() const
Definition: global_motion.hpp:236
Class implements both functionalities for detection of lines and computation of their binary descript...
Definition: descriptor.hpp:184
Definition: fr_lfw.hpp:61
char * ParseText(char *in, const char *endTag, int strFlags)
@ LINE_STRIP
Definition: opengl.hpp:482
VideoFileSource(const String &path, bool volatileFrame=false)
virtual Mat getResponses() const =0
ChiSquareDistance< ElementType >::ResultType ResultType
Definition: dist.h:889
virtual int getInnerIterations() const =0
number of lagged non-linearity iterations (inner loop)
void create(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
Allocates memory for ogl::Buffer object.
int multiProcessorCount() const
number of multiprocessors on device
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].
void cvInpaint(const CvArr *src, const CvArr *inpaint_mask, CvArr *dst, double inpaintRange, int flags)
double m03
Definition: types.hpp:862
size_t elemSize() const
overridden forms of Mat::elemSize() etc.
~Matching(void)
Definition: matching.hpp:602
void seqRemoveSlice(CvSeq *seq, CvSlice slice)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:179
#define cvFree(ptr)
Definition: core_c.h:89
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)
double calcGlobalOrientation(InputArray orientation, InputArray mask, InputArray mhi, double timestamp, double duration)
Calculates a global motion orientation in a selected region.
Ptr_Stitcher toPtrStitcher()
Definition: bridge.hpp:498
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)
@ HIST_INTERSECT
Definition: defines.h:148
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
int free_space
Definition: types_c.h:1196
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
std::vector< cv::Point > locations
set of requrested locations to be evaluated
Definition: objdetect.hpp:332
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
@ CPU_FP16
Definition: cvdef.h:146
virtual void setStabilizationMotions(const std::vector< Mat > &val)
void findNeighbors(ResultSet< DistanceType > &resultSet, const ElementType *vec, const SearchParams &)
Method that searches for nearest-neighbours.
Definition: linear_index.h:106
cv::Ptr< DenseOpticalFlow > Ptr_DenseOpticalFlow
Definition: bridge.hpp:87
IplImage * cvDecodeImage(const CvMat *buf, int iscolor=CV_LOAD_IMAGE_COLOR)
String & operator+=(char c)
@ CAP_AVFOUNDATION
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:106
Accumulator< T >::Type ResultType
Definition: dist.h:540
Definition: functional.hpp:320
void symetricCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type)
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
@ CV_RGB2HSV
Definition: types_c.h:165
The base class for auto white balance algorithms.
Definition: white_balance.hpp:64
Abstract base class for all face recognition models.
Definition: face.hpp:158
int cols
Definition: deriv.hpp:116
void convertTo(OutputArray dst, int rtype, Stream &stream) const
converts GpuMat to another datatype (Non-Blocking call)
static Ptr< KNearest > create()
Creates the empty model.
virtual flann_algorithm_t getType() const =0
@ CV_CAP_PROP_XI_LENS_FEATURE
Definition: videoio_c.h:362
@ RECURS_FILTER
Definition: photo.hpp:86
void cvStartWriteSeq(int seq_flags, int header_size, int elem_size, CvMemStorage *storage, CvSeqWriter *writer)
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
@ MINKOWSKI
Definition: defines.h:146
NCVStatus nppiStTranspose_64s_C1R(Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
virtual void setCannyHighThresh(int cannyHighThresh)=0
Canny high threshold.
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracker.hpp:808
static Ptr< OR_mnist > create()
@ FLANN_INDEX_HIERARCHICAL
Definition: defines.h:88
@ CV_COMP_INTERSECT
Definition: types_c.h:532
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
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).
MaskPtr mask
Definition: mask.hpp:73
virtual ~MapperGradShift(void)
@ CV_CAP_PROP_SAR_NUM
Definition: videoio_c.h:208
virtual void setHighThreshold(double high_thresh)=0
@ VC1
Definition: cudacodec.hpp:248
const Bucket * getBucketFromKey(BucketKey key) const
Definition: lsh_table.h:210
NCVStatus copy2D(NCVMatrix< T > &dst, NcvSize32u roi, cudaStream_t cuStream) const
Definition: NCV.hpp:794
int perimeter
Definition: erfilter.hpp:80
@ CCL_WU
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:418
dispatch_queue_t videoDataOutputQueue
Definition: cap_ios.h:104
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
double x
Definition: types_c.h:967
CvGraph * graph
Definition: core_c.h:1866
static MxArray Tensor(size_t m, size_t n, size_t k=1)
explicit tensor constructor
Definition: mxarray.hpp:297
Mat operator()(Range rowRange, Range colRange) const
Extracts a rectangular submatrix.
static void getAllDescriptorsForImage(const Mat *imgCh, std::vector< GPCPatchDescriptor > &descr, const GPCMatchingParams &mp, int type)
WImageView(IplImage *img)
Definition: wimage.hpp:423
size_t offset(const Vec< int, n > &pos) const
Returns linear index of the element with specified coordinates in the blob.
int height
Definition: or_pascal.hpp:83
@ COLOR_BayerGR2RGB
Definition: imgproc.hpp:743
@ CV_CAP_PROP_XI_LENS_FOCAL_LENGTH
Definition: videoio_c.h:360
size_t bucket_size_mean_
Definition: lsh_table.h:86
@ CV_BadOffset
Definition: types_c.h:131
float _log_n0
Definition: onlineMIL.hpp:96
@ FLANN_INDEX_LSH
Definition: defines.h:89
virtual void collectGarbage()=0
double maxDepthDiff
Definition: rgbd.hpp:1000
Mat bytesList
Definition: dictionary.hpp:64
@ GC_BGD
an obvious background pixels
Definition: imgproc.hpp:360
SparseMatIterator_(const SparseMatIterator_ &it)
the copy constructor
IplImage *(CV_STDCALL * Cv_iplCloneImage)(const IplImage *)
Definition: core_c.h:1941
void cvInRangeS(const CvArr *src, CvScalar lower, CvScalar upper, CvArr *dst)
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::Moments toMoments() const
Definition: bridge.hpp:330
any(const any &x)
Copy constructor.
Definition: any.h:211
void writeComment(const String &comment, bool append=false)
Writes a comment.
int mapcount
Definition: mat.hpp:506
@ CV_StsNoMem
Definition: types_c.h:124
std::vector< Mat > pyramidMask
Definition: rgbd.hpp:513
T get(int idx=-1) const
Tries to convert array element with specified index to requested type and returns its.
virtual void setMaxNumPoints(int max_npoints)=0
CvString cvMemStorageAllocString(CvMemStorage *storage, const char *ptr, int len=-1)
@ COLOR_BGRA2GRAY
Definition: imgproc.hpp:544
Blob & shareFrom(const Blob &blob)
Shares data from other blob.
int type() const
converts sparse matrix to the old-style CvSparseMat. All the elements are copied
int cvGraphVtxDegreeByPtr(const CvGraph *graph, const CvGraphVtx *vtx)
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
@ SIZE_ROW
Definition: cudafeatures2d.hpp:465
@ CAP_PROP_VIEWFINDER
Enter liveview mode.
Definition: videoio.hpp:554
@ FONT_HERSHEY_SIMPLEX
normal size sans-serif font
Definition: core.hpp:224
double Rw
Definition: gr_chalearn.hpp:67
const int * greek
Definition: highgui.hpp:638
Size_< double > Size2d
Definition: types.hpp:314
int numClasses() const
Definition: linemod.hpp:404
Vec2i maxSurface1DLayered() const
maximum 1D layered surface dimensions
bool toBool()
Definition: bridge.hpp:278
AllocType alloc_type
Definition: cuda.hpp:425
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:86
Ptr< Layer >(* Constuctor)(LayerParams ¶ms)
Each Layer class must provide this function to the factory.
Definition: layer.hpp:62
join s[20]
Definition: gr_chalearn.hpp:72
@ CV_StsNoConv
Definition: types_c.h:127
__host__ GpuMat_ operator()(Range rowRange, Range colRange) const
WCircle(double radius, const Point3d ¢er, const Vec3d &normal, double thickness=0.01, const Color &color=Color::white())
Constructs repositioned planar circle.
virtual void read(const FileNode &fn)
@ CAP_PROP_OPENNI2_SYNC
Definition: videoio.hpp:232
void write(FileStorage &fs, const String &name, const String &value)
Singular Value Decomposition.
Definition: core.hpp:2551
virtual void scale(double factor)=0
@ CV_CAP_PROP_XI_GPI_SELECTOR
Definition: videoio_c.h:267
void cvConvertMaps(const CvArr *mapx, const CvArr *mapy, CvArr *mapxy, CvArr *mapalpha)
Converts mapx & mapy from floating-point to integer formats for cvRemap.
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.
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:622
int solveMethod
Definition: calib3d_c.h:421
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
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
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
Definition: types_c.h:437
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())
static Ptr< EltwiseLayer > create(EltwiseOp op, const std::vector< int > &coeffs)
virtual void setMarginRegularization(float marginRegularization)=0
Parameter marginRegularization of a SVMSGD optimization problem.
@ NCV_ALLOCATOR_BAD_ALLOC
Definition: NCV.hpp:333
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
Texture2D(Size asize, Format aformat, unsigned int atexId, bool autoRelease=false)
virtual void run(const std::vector< std::string > &images)=0
static Mesh load(const String &file, int type=LOAD_PLY)
Loads a mesh from a ply or a obj file.
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const =0
Definition: mapperpyramid.hpp:54
int descriptorSize() const
Return descriptor size.
int addLayerToPrev(const String &name, const String &type, LayerParams ¶ms)
Adds new layer and connects its first input to the first output of previously added layer.
ResultType operator()(ResultType dist)
Definition: dist.h:883
@ AM_FILTER
Definition: edge_filter.hpp:58
XMLHandle LastChildElement(const char *_value=0)
Get the last child element of this handle.
Definition: tinyxml2.h:1796
#define clEnqueueCopyBufferRect
Definition: opencl_core_wrappers.hpp:73
static Ptr< TRACK_alov > create()
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(...
const Vec2d & getClip() const
Definition: types.hpp:187
Mat reshape(int cn, int newndims, const int *newsz) const
ResultType operator()(ResultType dist)
Definition: dist.h:801
bool filterByInertia
Definition: features2d.hpp:574
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:218
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, std::pair< int, int > range)=0
_Tp height
Definition: types.hpp:410
Definition: onlineBoosting.hpp:63
CompositeIndex & operator=(const CompositeIndex &)
@ LINES
Definition: opengl.hpp:480
DictValue(double p)
Constructs floating point scalar.
Definition: dict.hpp:65
void SetValue(const char *val, bool staticMem=false)
void cvSeqRemoveSlice(CvSeq *seq, CvSlice slice)
@ MORPH_BLACKHAT
Definition: imgproc.hpp:246
@ CV_BGRA2BGR
Definition: types_c.h:106
@ COLOR_YUV2GRAY_YUNV
Definition: imgproc.hpp:713
@ CV_RGB2YCrCb
Definition: types_c.h:160
MatExpr max(const Mat &a, double s)
@ COLOR_BayerRG2BGR
Definition: imgproc.hpp:737
@ CV_BGRA2RGBA
Definition: types_c.h:118
IndexParams getParameters() const
Definition: kmeans_index.h:557
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...
Ptr_MergeDebevec toPtrMergeDebevec()
Definition: bridge.hpp:483
@ CV_CAP_PROP_XI_CC_MATRIX_22
Definition: videoio_c.h:342
Class that manages the extraction and selection of features.
Definition: tracker.hpp:135
Video writer class.
Definition: videoio.hpp:814
double cvContourArea(const CvArr *contour, CvSlice slice=CV_WHOLE_SEQ, int oriented=0)
Calculates area of a contour or contour segment.
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:707
Definition: multicalib.hpp:83
@ PRESERVE_WHITESPACE
Definition: tinyxml2.h:1494
void setDepth(int val)
Definition: rgbd.hpp:181
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.
void or8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
void read(const FileNode &fn)
Read parameters from file.
int rows
Definition: resize.hpp:79
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:152
CvMemBlock * top
Definition: types_c.h:1193
CvPoint2D32f cvPoint2D32f(double x, double y)
Definition: types_c.h:909
virtual XMLNode * ShallowClone(XMLDocument *document) const
@ CAP_INTELPERC_IMAGE
Definition: videoio.hpp:530
virtual ~IFrameSource()
Definition: frame_source.hpp:60
@ SOLVEPNP_DLS
A Direct Least-Squares (DLS) Method for PnP .
Definition: calib3d.hpp:238
@ CV_CAP_PROP_XI_USED_FFS_SIZE
Definition: videoio_c.h:407
Matx()
default constructor
Matx< float, 4, 3 > Matx43f
Definition: matx.hpp:225
XMLNode * _next
Definition: tinyxml2.h:845
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:62
@ CV_StsUnmatchedSizes
Definition: types_c.h:160
float _sig1
Definition: onlineMIL.hpp:93
PCAFlow algorithm.
Definition: pcaflow.hpp:95
int count
Definition: types_c.h:1221
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
WImageViewC & operator=(const WImageC< T, C > &img)
Definition: wimage.hpp:478
double hu3
Definition: types_c.h:426
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.
Ncv32u number_of_inner_iterations
number of lagged non-linearity iterations (inner loop)
Definition: NCVBroxOpticalFlow.hpp:78
HellingerDistance< ElementType >::ResultType ResultType
Definition: dist.h:822
#define clGetDeviceInfo
Definition: opencl_core.hpp:198
@ SFM_DISTORTION_MODEL_POLYNOMIAL
Definition: simple_pipeline.hpp:52
@ NORM_TYPE_MASK
Definition: base.hpp:194
size_t veclen() const
Definition: kdtree_single_index.h:189
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
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.
int cvNamedWindow(const char *name, int flags=CV_WINDOW_AUTOSIZE)
@ SFM_DISTORTION_MODEL_DIVISION
Definition: simple_pipeline.hpp:53
Candidate(int x, int y, int label, float score)
Definition: linemod.hpp:149
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)
virtual double getMaxAngle() const =0
HierarchicalClusteringIndex(const HierarchicalClusteringIndex &)
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix)
Helper macro.
Definition: intrin_cpp.hpp:1724
int cvSetErrMode(int mode)
int getWidthOfBand()
Get current width of bands.
@ FEATURE_SET_COMPUTE_12
Definition: cuda.hpp:596
std::vector< cv::KeyPoint > vector_KeyPoint
Definition: bridge.hpp:78
void setMouseCallback(const String &winname, MouseCallback onMouse, void *userdata=0)
Sets mouse handler for the specified window.
Definition: functional.hpp:143
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Computes polar angles of complex matrix elements.
#define clGetPlatformIDs
Definition: opencl_core_wrappers.hpp:184
ptrdiff_t difference_type
Definition: mat.hpp:2862
@ COL_SAMPLE
each training sample occupies a column of samples
Definition: ml.hpp:99
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
virtual int getPatchStride() const =0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
@ WARP_SIZE
Definition: warp.hpp:59
void write(FileStorage &) const
@ CAP_OPENNI_IR_GENERATOR
Definition: videoio.hpp:214
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:633
Class passed to an error.
Definition: core.hpp:110
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
SearchParams(int checks=32, float eps=0, bool sorted=true)
Definition: params.h:46
virtual int getSpeckleRange() const =0
virtual bool ShallowEqual(const XMLNode *compare) const
@ CV_CAP_PROP_ANDROID_EXPOSE_LOCK
Definition: videoio_c.h:422
void write(FileStorage &fs, const String &value)
Definition: persistence.hpp:888
SparseMatIterator_< _Tp > begin()
returns the sparse matrix iterator at the matrix beginning
__device__ __forceinline__ void warpYota(OutIt beg, OutIt end, T value)
Definition: warp.hpp:114
StrPair()
Definition: tinyxml2.h:162
Feature matchers base class.
Definition: matchers.hpp:222
@ StsBadFunc
unsupported function
Definition: base.hpp:75
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:103
double polynomial_p2
Definition: simple_pipeline.hpp:111
#define IPL_DEPTH_32F
Definition: types_c.h:263
bool empty() const
Definition: mxarray.hpp:423
CvFileStorage * cvOpenFileStorage(const char *filename, CvMemStorage *memstorage, int flags, const char *encoding=NULL)
Opens file storage for reading or writing data.
float fy
Definition: resize.hpp:66
Bridge & operator=(const cv::Point2d &)
Definition: bridge.hpp:319
Base class for modelling a Map between two images.
Definition: map.hpp:125
virtual void setAngleThresh(int angleThresh)=0
Angle votes threshold.
@ FLANN_DIST_HAMMING
Definition: defines.h:141
@ CPU_AVX2
Definition: cvdef.h:148
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...
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
Principal Component Analysis.
Definition: core.hpp:2317
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
@ TM_CCORR_NORMED
Definition: imgproc.hpp:3633
@ COLOR_YUV2BGR_YUY2
Definition: imgproc.hpp:689
v_int16x8 v_setzero_s16()
Definition: intrin_cpp.hpp:1521
virtual void setQuantizationLevels(int nlevels)=0
Sets the parameter used for quantization of color-space.
@ CAP_MODE_GRAY
Y8.
Definition: videoio.hpp:172
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
Definition: videoio_c.h:450
Distance::ResultType ResultType
Definition: dist.h:792
CvScalar cvTrace(const CvArr *mat)
int window_size_
Definition: rgbd.hpp:208
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
int x
Definition: tr_icdar.hpp:63
void setBackgroundColor(const Color &color=Color::black(), const Color &color2=Color::not_set())
Sets background color.
@ FHT_ADD
Definition: fast_hough_transform.hpp:94
virtual ~StaticSaliencyFineGrained()
void getTriangleList(std::vector< Vec6f > &triangleList) const
Returns a list of all triangles.
const uchar * sliceEnd
Definition: mat.hpp:2915
void cvSetWindowProperty(const char *name, int prop_id, double prop_value)
@ CV_CAP_PROP_XI_ACQ_TIMING_MODE
Definition: videoio_c.h:374
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
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
Bridge & operator=(const vector_Rect &)
Definition: bridge.hpp:390
T type
Definition: type_traits.hpp:108
Vec2i maxTexture2DGather() const
maximum 2D texture dimensions if texture gather operations have to be performed
static const mxClassID ScalarType
Definition: mxarray.hpp:118
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
Definition: types_c.h:191
_OutputArray(const std::vector< Mat_< _Tp > > &vec)
~UntypedMatrix()
Definition: matrix.h:100
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
Definition: videoio_c.h:368
@ CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio.hpp:238
int getNumOfOctaves()
Get current number of octaves.
WImageViewC< float, 3 > WImageView3_f
Definition: wimage.hpp:84
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:56
Definition: features2d.hpp:724
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
Definition: types_c.h:534
Definition: interpolation.hpp:77
T type
Definition: type_traits.hpp:113
@ CV_BayerGR2BGR_VNG
Definition: types_c.h:198
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:164
const char * cvAttrValue(const CvAttrList *attr, const char *attr_name)
const Scalar * real() const
Definition: mxarray.hpp:407
virtual bool ShallowEqual(const XMLNode *compare) const =0
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: lsh_index.h:136
ResultType accum_dist(const U &a, const V &b, int) const
Definition: dist.h:190
virtual bool nextFrame(OutputArray frame)=0
Grabs, decodes and returns the next video frame.
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:125
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.
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)
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)
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
virtual void setReconstructionOptions(const libmv_ReconstructionOptions &libmv_reconstruction_options)=0
~SparseMat()
the destructor
void markHostCopyObsolete(bool flag)
Mat_(const Mat_ &m, const std::vector< Range > &ranges)
selects a submatrix, n-dim version
void cvCorrectMatches(CvMat *F, CvMat *points1, CvMat *points2, CvMat *new_points1, CvMat *new_points2)
Definition: stabilizer.hpp:140
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:795
IplImage header_
Definition: wimage.hpp:490
virtual String name() const
static void write(FileStorage &fs, const Scalar_< _Tp > &s)
Definition: persistence.hpp:939
@ CV_EVENT_RBUTTONDBLCLK
Definition: highgui_c.h:186
unsigned int modelIndex
Definition: pose_3d.hpp:128
float neighborhoodEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:102
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.
bool occluded
Definition: or_pascal.hpp:73
NCVMatrixReuse(const NCVMemSegment &memSegment, Ncv32u alignment, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0, NcvBool bSkipPitchCheck=false)
Definition: NCV.hpp:926
void writeScalar(FileStorage &fs, const String &value)
Mat c
Definition: mat.hpp:3402
@ COVAR_SCALE
Definition: core.hpp:189
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio.hpp:242
virtual int getThreshold() const =0
@ CV_BayerRG2BGR_EA
Definition: types_c.h:344
double toDouble()
Definition: bridge.hpp:283
@ CV_COMP_BHATTACHARYYA
Definition: types_c.h:533
__host__ PtrTraits< Ptr2DSz >::ptr_type shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:85
Bridge & operator=(const Ptr_MergeRobertson &)
Definition: bridge.hpp:492
Definition: calib3d_c.h:324
Definition: slam_kitti.hpp:61
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
Definition: videoio_c.h:408
CvSlice cvSlice(int start, int end)
Definition: types_c.h:1110
Mat member_type
Definition: core.hpp:3157
void cvFindStereoCorrespondenceBM(const CvArr *left, const CvArr *right, CvArr *disparity, CvStereoBMState *state)
void add(const std::vector< Mat > &descriptors)
Store locally new descriptors to be inserted in dataset, without updating dataset.
Definition: types_c.h:1285
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
CvCloneFunc clone
Definition: types_c.h:1836
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())
Vec< short, 2 > Vec2s
Definition: matx.hpp:367
int getScallingFactor()
method for getting the scalling factor
Definition: matching.hpp:394
int * right
Definition: objdetect_c.h:89
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)
class which allows the Gipsa/Listic Labs model to be used with OpenCV.
Definition: retina.hpp:207
static int type()
Definition: flann.hpp:79
virtual void setAlgorithmType(int val)=0
struct CvAttrList * next
Definition: types_c.h:1715
int level
Definition: core_c.h:1897
Camera getCamera() const
Returns a camera object that contains intrinsic parameters of the current viewer.
@ CV_CAP_QT
Definition: videoio_c.h:97
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
int type
Definition: all_layers.hpp:239
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: imgproc_c.h:1127
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.
#define CV_CUDEV_RGB2RGB5x5_INST(name, scn, bidx, green_bits)
Definition: color_cvt.hpp:425
virtual void integralHistogram(const Mat &img, std::vector< Mat > &histogram, Mat &norm, int nbins) const
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:738
T thresh
Definition: functional.hpp:696
void setWeight2(float val)
Definition: motion_stabilizing.hpp:134
@ NCV_INVALID_ROI
Definition: NCV.hpp:328
virtual double getLambda() const =0
Weight parameter for the data term, attachment parameter.
bool linkerAvailable() const
@ CV_YUV2BGRA_YUY2
Definition: types_c.h:306
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
7-element vector constructor
bool addTrackerSamplerAlgorithm(String trackerSamplerAlgorithmType)
Add TrackerSamplerAlgorithm in the collection. Return true if sampler is added, false otherwise.
virtual void setH(const Blob &H)=0
Set value that will be used in next forward() calls.
std::string imageName
Definition: msm_middlebury.hpp:62
WImage3D(InputArray image, const Size2d &size)
Constructs an WImage3D.
void cvFlushSeqWriter(CvSeqWriter *writer)
#define clCompileProgram
Definition: opencl_core_wrappers.hpp:13
void setCellSize(Size val)
Definition: outlier_rejection.hpp:79
NcvBool isMemAllocated() const
Definition: NCV.hpp:664
_Tp & ref(int i0, int i1, size_t *hashval=0)
returns reference to the specified element (2D case)
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
@ CV_COLORCVT_MAX
Definition: types_c.h:352
#define CV_NODE_IS_INT(flags)
Definition: types_c.h:1752
Definition: types_c.h:1296
virtual double getQualityLevel() const =0
__host__ void gridFindMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:140
void cvClearGraph(CvGraph *graph)
@ BORDER_REFLECT
fedcba|abcdefgh|hgfedcb
Definition: base.hpp:256
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
MatConstIterator_(const Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
@ CPU_AVX_512VBMI
Definition: cvdef.h:158
void FT02D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask)
Computes F0-transfrom and inverse F0-transfrom at once.
v_float32x4 v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:1566
int getTransformType() const
Definition: rgbd.hpp:706
virtual double getMaxDiscThreshold() const =0
truncation of disparity continuity
int nChannels
Definition: types_c.h:304
Complex conj() const
conjugation
bool swapFeature(int source, int target)
Swap the feature in position source with the feature in position target.
void PushText(bool value)
Add a text node from a bool.
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)
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: kdtree_single_index.h:156
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
Definition: gr_chalearn.hpp:66
virtual void setNSamples(int _nN)=0
Sets the number of data samples in the background model.
void mapBackward(float u, float v, float &x, float &y)
Max< U > other
Definition: reduce_to_vec.hpp:131
int index_type
Definition: deriv.hpp:237
XMLHandle PreviousSibling()
Get the previous sibling of this handle.
Definition: tinyxml2.h:1800
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
Mat clone() const
Creates a full copy of the array and the underlying data.
virtual int getDatasetLength(int id)=0
virtual double getBackgroundRatio() const =0
Returns the "background ratio" parameter of the algorithm.
T thresh
Definition: functional.hpp:755
__device__ __forceinline__ T warpScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:95
__host__ void gridMinMaxLoc_(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:210
int clockRate() const
clock frequency in kilohertz
void * cvRead(CvFileStorage *fs, CvFileNode *node, CvAttrList *attributes=NULL)
Decodes an object and returns a pointer to it.
@ generic_type
Definition: traits.hpp:113
bool BoolValue() const
Query as a boolean. See IntValue()
Definition: tinyxml2.h:1064
virtual cv::Ptr< Map > getMap(void) const =0
void cvReleaseGraphScanner(CvGraphScanner **scanner)
virtual int getWarpingsNumber() const =0
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.
CvSize real_window_size
Definition: objdetect_c.h:111
Mat mapHost(Access access)
Maps OpenGL buffer to host memory.
@ CPU_SSE4_1
Definition: cvdef.h:143
CvMoments(const cv::Moments &m)
Definition: types_c.h:405
GpuMat(Allocator *allocator=defaultAllocator())
default constructor
int cvSeqElemIdx(const CvSeq *seq, const void *element, CvSeqBlock **block=NULL)
uint imageBaseAddressAlignment() const
virtual bool initDataset(int id)=0
virtual bool getUseSurrogates() const =0
String getText() const
Returns the current text content of the widget.
@ HOUGH_GRADIENT
basically 21HT, described in
Definition: imgproc.hpp:473
This class wraps mesh attributes, and it can load a mesh from a ply file. :
Definition: types.hpp:120
Definition: functional.hpp:205
virtual void load(const std::string &path)=0
virtual void getLabelContourMask(OutputArray image, bool thick_line=false)=0
Returns the mask of the superpixel segmentation stored in SuperpixelSEEDS object.
void create(int ndims, const int *sizes, int type)
@ type
Definition: traits.hpp:117
Mat project(InputArray vec) const
Projects vector(s) to the principal component subspace.
int memBaseAddrAlign() const
void cvTransform(const CvArr *src, CvArr *dst, const CvMat *transmat, const CvMat *shiftvec=NULL)
Plane warper factory class.
Definition: warpers.hpp:66
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.
__host__ __device__ static __forceinline__ char2 all(schar v)
Definition: vec_traits.hpp:162
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:75
Definition: tinyxml2.h:589
Definition: warpers.hpp:120
Definition: optical_flow.hpp:57
float parasolCells_k
Definition: retina.hpp:176
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)
static Ptr< Blender > createDefault(int type, bool try_gpu=false)
Rect rect
Definition: dpm.hpp:109
void convertToWindowCoordinates(const Point3d &pt, Point3d &window_coord)
Transforms a point in world coordinate system to window coordinate system.
virtual void setPolyN(int polyN)=0
Definition: predict_collector.hpp:86
virtual float getGamma() const =0
Weight of the gradient constancy term.
Mat image
Definition: or_mnist.hpp:63
Definition: slam_tumindoor.hpp:75
virtual void setPlotLineColor(Scalar _plotLineColor)=0
Point2i Point
Definition: types.hpp:183
void splice(int edgeA, int edgeB)
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
virtual bool Visit(const XMLText &)
Visit a text node.
Definition: tinyxml2.h:470
cvflann::flann_algorithm_t getAlgorithm() const
void buildIndex()
Definition: kdtree_index.h:123
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
virtual int getDisp12MaxDiff() const =0
@ COLOR_RGBA2RGB
Definition: imgproc.hpp:524
virtual void detect(InputArray dx, InputArray dy, OutputArray edges, Stream &stream=Stream::Null())=0
#define CV_Assert(expr)
Checks a condition at runtime and throws exception if it fails.
Definition: base.hpp:412
virtual void setLambda(double val)=0
Weight parameter for the data term, attachment parameter.
Ptr< VideoWriter > createVideoWriter(const String &fileName, Size frameSize, double fps, SurfaceFormat format=SF_BGR)
Creates video writer.
Definition: dataset.hpp:518
int normL1_(const uchar *a, const uchar *b, int n)
__host__ int depth() const
@ AUTOTUNED
Definition: defines.h:100
PPF3DDetector(const double relativeSamplingStep, const double relativeDistanceStep=0.05, const double numAngles=30)
Allocator(Allocator const &)
Definition: cvstd.hpp:141
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:131
double PSNR(InputArray src1, InputArray src2)
computes PSNR image/video quality metric
@ CAP_PROP_XI_GPI_MODE
Set general purpose input mode.
Definition: videoio.hpp:333
@ NPPST_INVALID_SCALE
Invalid scale parameter passed.
Definition: NCV.hpp:367
Ptr< TonemapDrago > createTonemapDrago(float gamma=1.0f, float saturation=1.0f, float bias=0.85f)
Creates TonemapDrago object.
virtual void setGroupThreshold(int group_threshold)=0
void writeObj(const String &name, const void *obj)
Writes the registered C structure (CvMat, CvMatND, CvSeq).
FileStorage & operator<<(FileStorage &fs, const String &str)
Writes string to a file storage.
@ CAP_PROP_XI_MANUAL_WB
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:339
UMat mapGLBuffer(const Buffer &buffer, int accessFlags=ACCESS_READ|ACCESS_WRITE)
Maps Buffer object to process on CL side (convert to UMat).
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
void * getDistribution(int target)
@ FLANN_INDEX_SAVED
Definition: defines.h:90
Rect_(_Tp _x, _Tp _y, _Tp _width, _Tp _height)
_Tp & operator*() const
returns the current matrix element
CvScalar cvAvg(const CvArr *arr, const CvArr *mask=NULL)
CvReleaseFunc release
Definition: types_c.h:1833
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
AutotunedIndex & operator=(const AutotunedIndex &)
virtual NCVMemoryType memType(void) const =0
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
Mat getPlane(int n, int cn)
Returns slice of first two dimensions.
@ CAP_PROP_BUFFERSIZE
Pop up video/camera filter dialog (note: only supported by DSHOW backend currently....
Definition: videoio.hpp:161
Scalar_()
various constructors
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
Definition: types_c.h:177
@ CAP_PROP_XI_FFS_FILE_SIZE
Size of file.
Definition: videoio.hpp:470
int cols
Definition: constant.hpp:69
Artificial Neural Networks - Multi-Layer Perceptrons.
Definition: ml.hpp:1271
@ CV_YUV420p2BGR
Definition: types_c.h:257
Program getProg(const ProgramSource &prog, const String &buildopt, String &errmsg)
std::string fileName
Definition: tr_svt.hpp:68
Mat transition_p
Definition: ocr.hpp:448
@ DICT_ARUCO_ORIGINAL
Definition: dictionary.hpp:158
static Ptr< SigmoidLayer > create()
void v_store(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory.
Definition: intrin_cpp.hpp:1214
void clear()
Definition: result_set.h:425
#define CV_OUT
Definition: cvdef.h:378
Mat_(const MatCommaInitializer_< _Tp > &commaInitializer)
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:425
#define CV_SEQ_READER_FIELDS()
Definition: types_c.h:1550
virtual cv::Mat getCameraMatrix() const =0
virtual int getMaxLevel() const =0
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...
void fill(const BlobShape &shape, int type, void *data, bool deepCopy=true)
Creates blob from user data.
Clouds.
Definition: widgets.hpp:681
void applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
void addref()
Increments the reference counter.
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:1552
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:146
MatExpr mul(const Mat &m, double scale=1) const
virtual void setDecisionThreshold(double thresh)=0
Sets the value of decision threshold.
virtual void setLambda(double val)=0
Definition: features2d.hpp:756
@ CV_CAP_PROP_GPHOTO2_FLUSH_MSGS
Definition: videoio_c.h:510
@ CAP_OPENNI_DISPARITY_MAP
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:250
Type
Definition: all_layers.hpp:235
Definition: or_pascal.hpp:69
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:427
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:237
@ CALIB_CB_CLUSTERING
Definition: calib3d.hpp:251
int compressed_size
feature size after compression
Definition: tracker.hpp:1247
int curPos_
Definition: stabilizer.hpp:123
int width
Definition: linemod.hpp:80
Base class for all pairwise seam estimators.
Definition: seam_finders.hpp:83
v_int32x4 v_setall_s32(int val)
Definition: intrin_cpp.hpp:1543
UMat(const MatCommaInitializer_< _Tp > &commaInitializer)
builds matrix from comma initializer
_OutputArray(_Tp *vec, int n)
@ CV_DLS
Definition: calib3d_c.h:99
v_reg< int, n > v_round(const v_reg< _Tp, n > &a)
Round elements.
Definition: intrin_cpp.hpp:496
virtual void Free(void *)=0
DynamicBitset()
Definition: dynamic_bitset.h:62
size_t bucket_size_min_
Definition: lsh_table.h:88
void copyHppToMat(hppiMatrix *src, Mat &dst, hppAccel accel, int cn)
Convert hppiMatrix to Mat.
Definition: ippasync.hpp:104
@ GEMM_2_T
transposes src2
Definition: base.hpp:210
void Trace(const char *name)
Definition: tinyxml2.h:380
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.
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
virtual void suppress(int idx, const Mat &frame, Mat &result)=0
virtual int ItemSize() const
Definition: tinyxml2.h:338
static MatExpr ones(int rows, int cols)
int pciDomainID() const
PCI domain ID of the device.
virtual void setUniquenessRatio(int uniquenessRatio)=0
@ COLOR_YUV2GRAY_YUY2
Definition: imgproc.hpp:707
@ COLOR_XYZ2BGR
Definition: imgproc.hpp:573
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:100
@ CV_HeaderIsNull
Definition: types_c.h:129
double dot(const Vec< double, nFeatures > &coef) const
@ COLOR_RGB2BGR555
Definition: imgproc.hpp:560
cv::Ptr< Map > getMap(void) const
cv::Ptr< MergeRobertson > Ptr_MergeRobertson
Definition: bridge.hpp:91
int RCType
NVVE_RC_TYPE,.
Definition: cudacodec.hpp:88
virtual void setSorIterations(int val)=0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
@ COLOR_YUV2RGBA_IYUV
Definition: imgproc.hpp:653
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.
virtual void collectGarbage()=0
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.
char value_type
Definition: cvstd.hpp:480
@ CAP_PROP_XI_BUFFER_POLICY
Data move policy.
Definition: videoio.hpp:441
@ CV_BGR5552RGB
Definition: types_c.h:145
Mat_< Vec4i > Mat4i
Definition: mat.hpp:2211
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
size_t rfind(const char *s, size_t pos=npos) const
PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:82
__host__ Expr< SumExprBody< SrcPtr > > sum_(const SrcPtr &src)
Definition: reduction.hpp:77
void not8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
The class implements the random forest predictor.
Definition: ml.hpp:1129
void getEdgeList(std::vector< Vec4f > &edgeList) const
Returns a list of all edges.
void operator()(InputArray points3d, InputArray normals, OutputArray mask, OutputArray plane_coefficients)
@ CV_RETR_CCOMP
Definition: types_c.h:448
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:127
bool difficult
Definition: or_pascal.hpp:72
Definition: kdtree_single_index.h:71
virtual void copyTo(HOGDescriptor &c) const
@ EUCLIDEAN
Definition: defines.h:144
@ CAP_PROP_XI_DEBOUNCE_EN
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:416
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.
float sensitivity() const
Definition: deblurring.hpp:102
bool compatible(const any &x) const
Returns true if the two types are the same.
Definition: any.h:296
@ EVENT_MOUSEMOVE
indicates that the mouse pointer has moved over the window.
Definition: highgui.hpp:205
#define clAmdFftSetPlanPrecision
Definition: opencl_clamdfft.hpp:98
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
Definition: types_c.h:379
void seek(const int *_idx, bool relative=false)
int hdr_refcount
Definition: types_c.h:632
_Tp get0() const
Access first value.
Definition: intrin_cpp.hpp:309
Mat H
Estimated transformation.
Definition: matchers.hpp:216
static Ptr< ConcatLayer > create(int axis=1)
void operator=(const WImageC &)
int getBasisSize() const
Definition: pcaflow.hpp:87
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
void setThreshold(double val)
Definition: rgbd.hpp:424
void cvWriteReal(CvFileStorage *fs, const char *name, double value)
Writes a floating-point value.
CvSize cvGetSize(const CvArr *arr)
Returns size of matrix or image ROI.
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
const IndexParams * getIndexParameters()
Returns index parameters.
Definition: flann_base.hpp:253
virtual int getPreFilterSize() const =0
std::vector< int > offset
Definition: all_layers.hpp:382
imageType
Definition: slam_tumindoor.hpp:61
double cvMatchShapes(const void *object1, const void *object2, int method, double parameter=0)
Compares two contours by matching their moments.
void cvSetData(CvArr *arr, void *data, int step)
Assigns user data to the array header.
Mat pose
Definition: multicalib.hpp:100
void setBackgroundTexture(InputArray image=noArray())
void cvReleasePyramid(CvMat ***pyramid, int extra_layers)
Releases pyramid.
__device__ __forceinline__ uint vcmpeq2(uint a, uint b)
Definition: simd_functions.hpp:261
double f
Definition: cvdef.h:346
@ StsBadMask
bad format of mask (neither 8uC1 nor 8sC1)
Definition: base.hpp:108
static void runByPixelsMask(std::vector< KeyPoint > &keypoints, const Mat &mask)
__host__ NCVStatus setStartClassifierRootNodeOffset(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:281
struct CvMemBlock * prev
Definition: types_c.h:1182
Range newShapeRange
Definition: all_layers.hpp:302
__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
Abstract base class for all strategies of prediction result handling.
Definition: predict_collector.hpp:62
float estimateOptimalTrimRatio(const Mat &M, Size size)
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).
schar * cvSeqPush(CvSeq *seq, const void *element=NULL)
std::vector< unsigned int > bucket_sizes_
Definition: lsh_table.h:84
bool deviceCopyObsolete() const
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
void setBlob(String outputName, const Blob &blob)
Sets the new value for the layer output blob.
@ CV_CAP_PROP_ZOOM
Definition: videoio_c.h:195
WImage< T >::BaseType BaseType
Definition: wimage.hpp:354
@ CV_CAP_MODE_RGB
Definition: videoio_c.h:460
Definition: functional.hpp:811
Mat samplePCUniform(Mat PC, int sampleStep)
int rows
Definition: interpolation.hpp:215
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
Definition: videoio_c.h:264
size_t stride
Definition: matrix.h:53
int size() const
Definition: flann.hpp:229
int numFrames
Definition: gr_chalearn.hpp:78
virtual double getAlpha() const =0
Parameter of spacial distribution in Bilateral-TV.
ResultType operator()(ResultType dist)
Definition: dist.h:861
void * cvPrevTreeNode(CvTreeNodeIterator *tree_iterator)
bool run(int dims, size_t globalsize[], size_t localsize[], bool sync, const Queue &q=Queue())
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:83
void dctDenoising(const Mat &src, Mat &dst, const double sigma, const int psize=16)
The function implements simple dct-based denoising.
@ BOOLEAN
Definition: core.hpp:3116
int getRows() const
Definition: rgbd.hpp:153
~TrackerFeatureFeature2d()
XMLConstHandle & operator=(const XMLConstHandle &ref)
Definition: tinyxml2.h:1859
@ CAP_PROP_XI_CC_MATRIX_00
Color Correction Matrix element [0][0].
Definition: videoio.hpp:397
@ CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio.hpp:241
@ CV_RGBA2BGR565
Definition: types_c.h:135
Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm...
Definition: seeds.hpp:67
void groupRectangles_meanshift(std::vector< Rect > &rectList, std::vector< double > &foundWeights, std::vector< double > &foundScales, double detectThreshold=0.0, Size winDetSize=Size(64, 128))
virtual void getInverseReliabilityMap(OutputArray reliabilityMap)=0
Get the reliability map computed from the wrapped phase map.
Mat_< Vec4b > Mat4b
Definition: mat.hpp:2196
__host__ SingleMaskChannelsSz< typename PtrTraits< MaskPtr >::ptr_type > singleMaskChannels(const MaskPtr &mask, int channels)
Definition: mask.hpp:90
bool useOpenCL
Whether to use OpenCL to speed up the matching.
Definition: sparse_matching_gpc.hpp:153
void cvSquareAcc(const CvArr *image, CvArr *sqsum, const CvArr *mask=NULL)
Adds squared image to accumulator.
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.
static void read(const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value)
Definition: persistence.hpp:728
#define clEnqueueTask
Definition: opencl_core_wrappers.hpp:121
MCTKernel()
Definition: descriptor.hpp:105
XMLError Parse(const char *xml, size_t nBytes=(size_t)(-1))
Mat errorCovInit
State estimate cross-covariance matrix, DP x DP, default is identity.
Definition: kalman_filters.hpp:133
@ CV_LOAD_IMAGE_UNCHANGED
Definition: imgcodecs_c.h:58
GpuMat(const GpuMat &m, Range rowRange, Range colRange)
creates a GpuMat header for a part of the bigger matrix
Mat cross(InputArray m) const
Computes a cross-product of two 3-element vectors.
@ DESCRIPTOR_MLDB
Definition: features2d.hpp:660
float ganglionCellsSensitivity
Definition: retina.hpp:162
PicType
Definition: cudacodec.hpp:132
@ CAP_PROP_XI_TRG_SELECTOR
Selects the type of trigger.
Definition: videoio.hpp:414
@ CAP_OPENNI_ASUS
OpenNI (for Asus Xtion)
Definition: videoio.hpp:103
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.
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(int _x=0, int _y=0)
Definition: types_c.h:872
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
T value_type
Definition: texture.hpp:187
@ NCV_LAST_STATUS
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
void cvCornerHarris(const CvArr *image, CvArr *harris_response, int block_size, int aperture_size=3, double k=0.04)
Harris corner detector:
virtual int getPCAIterations() const =0
void Clear()
Definition: tinyxml2.h:225
@ CAP_PROP_BACKLIGHT
Definition: videoio.hpp:155
void PushAttribute(const char *name, bool value)
uint32_t UINT32
Definition: descriptor.hpp:67
_Tp value_type
Definition: types.hpp:223
@ CV_StsDivByZero
Definition: types_c.h:153
@ IMPL_PLAIN
Definition: utility.hpp:1100
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...
#define clAmdFftCreateDefaultPlan
Definition: opencl_clamdfft.hpp:50
@ CV_CAP_PROP_XI_LIMIT_BANDWIDTH
Definition: videoio_c.h:312
v_reg< int, n > v_ceil(const v_reg< _Tp, n > &a)
Ceil elements.
Definition: intrin_cpp.hpp:506
virtual void setLearningRate(double val)=0
Definition: flann_base.hpp:63
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
void setMaxRotation(double val)
Definition: rgbd.hpp:981
@ CAP_PROP_XI_HEIGHT
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:374
@ CAP_PROP_FPS
Frame rate.
Definition: videoio.hpp:129
void readClasses(const std::vector< String > &class_ids, const String &format="templates_%s.yml.gz")
static Ptr< BRISK > create(int thresh=30, int octaves=3, float patternScale=1.0f)
The BRISK constructor.
SparseMat(int dims, const int *_sizes, int _type)
Definition: type_traits.hpp:60
void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: sparse_matching_gpc.hpp:289
Definition: resize.hpp:61
__host__ __device__ Ncv32f getStageThreshold(void)
Definition: NCVHaarObjectDetection.hpp:301
int activeDatasetID
Definition: track_alov.hpp:98
Definition: lsh_table.h:83
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
@ ANGLE_ROW
Definition: cudafeatures2d.hpp:463
virtual Rect getROI2() const =0
virtual float get(int r1, int r2)=0
Return the score between two regions (between 0 and 1)
void setCols(int val)
Definition: rgbd.hpp:165
@ CV_YUV2BGR
Definition: types_c.h:227
Ptr< BasicFaceRecognizer > createEigenFaceRecognizer(int num_components=0, double threshold=DBL_MAX)
Definition: ir_robot.hpp:77
int dataType
Type of elements of vectors and matrices, default is CV_64F.
Definition: kalman_filters.hpp:130
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1 > &t)
Definition: zip.hpp:67
WCone(double radius, const Point3d ¢er, const Point3d &tip, int resolution=6.0, const Color &color=Color::white())
Constructs repositioned planar cone.
_Tp im
Definition: types.hpp:87
CvStringHashNode * cvGetHashedKey(CvFileStorage *fs, const char *name, int len=-1, int create_missing=0)
Returns a unique pointer for a given name.
CvTermCriteria criteria
Definition: calib3d_c.h:417
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
#define clCreateSubDevices
Definition: opencl_core.hpp:134
@ CV_CAP_V4L
Definition: videoio_c.h:81
virtual void findInPair(size_t first, size_t second, Rect roi)=0
Resolves masks intersection of two specified images in the given ROI.
bool isCompatible() const
Checks the CUDA module and device compatibility.
virtual void save(const String &filename) const
Saves a FaceRecognizer and its model state.
static Camera KinectCamera(const Size &window_size)
Creates a Kinect Camera.
void sort(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
@ HeaderIsNull
image header is NULL
Definition: base.hpp:78
double maxPointsPart
Definition: rgbd.hpp:1002
virtual double getTau() const =0
Time step of the numerical scheme.
double logStep
Logarithmic step for iterating the statmodel parameter.
Definition: ml.hpp:125
@ CV_IMWRITE_WEBP_QUALITY
Definition: imgcodecs_c.h:97
Definition: types_c.h:343
XMLElement * NewElement(const char *name)
MouseEvent(const Type &type, const MouseButton &button, const Point &pointer, int modifiers)
Constructs a MouseEvent.
Definition: functional.hpp:888
@ WARP_SHUFFLE_FUNCTIONS
Definition: cuda.hpp:608
@ BadNumChannels
Definition: base.hpp:84
@ CAP_CMU1394
Same as CAP_FIREWIRE.
Definition: videoio.hpp:97
@ CV_THRESH_TOZERO
Definition: types_c.h:574
virtual bool getUpdateBackgroundModel() const =0
Definition: linemod.hpp:79
@ COLOR_YUV420sp2RGB
Definition: imgproc.hpp:632
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...
virtual void setVarMin(double varMin)=0
void cvWriteMatND_Base64(::CvFileStorage *fs, const char *name, const ::CvMatND *mat)
size_t find(const char *s, size_t pos, size_t n) const
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
SampleTypes
Sample types.
Definition: ml.hpp:97
Definition: functional.hpp:226
Mat vt
Definition: core.hpp:2674
virtual void setPlotAxisColor(Scalar _plotAxisColor)=0
Ncv32u _width
Definition: NCV.hpp:833
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
void sub16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
@ CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Buffer size in bytes sufficient for output image returned by xiGetImage.
Definition: videoio.hpp:431
Matx< _Tp, m, n > * dst
Definition: matx.hpp:261
virtual void dswrite(InputArray Array, String dslabel, const int *dims_offset) const =0
False is_vector_space_distance
Definition: dist.h:418
virtual void matmul(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
int startAxis
Definition: all_layers.hpp:381
@ index
Definition: gr_skig.hpp:77
void reserve(size_t sz)
Reserves space for the certain number of rows.
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:575
virtual void getSegmentationPicture(OutputArray transientAreas)=0
access function
cv::Ptr< TonemapDrago > Ptr_TonemapDrago
Definition: bridge.hpp:94
ResultType operator()(const unsigned char *a, const unsigned char *b, size_t size) const
Definition: dist.h:389
Mat_< Vec2b > Mat2b
Definition: mat.hpp:2194
void groupRectangles(std::vector< cv::Rect > &rectList, std::vector< double > &weights, int groupThreshold, double eps) const
NcvTimer ncvStartTimer(void)
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:554
@ NCV_MEM_COPY_ERROR
Definition: NCV.hpp:339
Mat statePost
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: tracking.hpp:366
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.
void selection(Mat &response, int npoints)
Identify most effective features.
virtual void detectImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, const Mat &mask=Mat()) const
void collectGarbage()
Frees unused memory allocated before if there is any.
int minDisparity
Definition: calib3d_c.h:332
Ptr_StereoBM toPtrStereoBM()
Definition: bridge.hpp:433
NCVMemoryType memType() const
Definition: NCV.hpp:615
void operator()(InputArray points, OutputArray normals) const
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
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....
@ P
Definition: ml.hpp:634
NCVStatus nppiStDecimate_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
virtual Mat getTestSampleWeights() const =0
virtual void setFlowSmoothness(double alpha)=0
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:193
const XMLElement * PreviousSiblingElement(const char *value=0) const
Get the previous (left) sibling element of this node, with an optionally supplied name.
bool operator<(const Candidate &rhs) const
Sort candidates with high score to the front.
Definition: linemod.hpp:127
virtual void write(cv::FileStorage &fs) const =0
write xml/yml formated parameters information
const uchar * dataend
Definition: mat.hpp:1965
int cvGetSeqReaderPos(CvSeqReader *reader)
virtual const XMLDeclaration * ToDeclaration() const
Definition: tinyxml2.h:949
static bool ToFloat(const char *str, float *value)
LshIndex & operator=(const LshIndex &)
virtual double getThreshold() const =0
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
int getDepth() const
Definition: rgbd.hpp:177
WCameraPosition(const Matx33d &K, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
virtual void setMinAngle(double minAngle)=0
Minimal rotation angle to detect in degrees.
#define CV_BIG_UINT(n)
Definition: interface.h:60
Bridge & operator=(const cv::Rect &)
Definition: bridge.hpp:339
@ CC_STAT_LEFT
Definition: imgproc.hpp:406
Definition: functional.hpp:78
virtual void setNumFrames(int nframes)=0
Sets the number of frames used to initialize background model.
int count
Definition: objdetect_c.h:85
@ 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
#define clGetCommandQueueInfo
Definition: opencl_core.hpp:192
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.
int rows_
Definition: rgbd.hpp:206
virtual void setVarThreshold(double varThreshold)=0
Sets the variance threshold for the pixel-model match.
#define clGetSamplerInfo
Definition: opencl_core.hpp:226
static float overlap(const KeyPoint &kp1, const KeyPoint &kp2)
void CopyFrom(const WImageC< T, C > &src)
Definition: wimage.hpp:270
void cvReleaseFileStorage(CvFileStorage **fs)
Releases file storage.
This struct stores the scalar value (or array) of one of the following type: double,...
Definition: dict.hpp:60
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.
Mat colRange(int startcol, int endcol) const
Creates a matrix header for the specified column span.
This 3D Widget defines a grid. :
Definition: widgets.hpp:526
int WidthStep() const
Definition: wimage.hpp:192
void cvSolvePoly(const CvMat *coeffs, CvMat *roots2, int maxiter=20, int fig=100)
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
Definition: types_c.h:361
@ CV_CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio_c.h:429
@ CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio.hpp:514
void cvPreCornerDetect(const CvArr *image, CvArr *corners, int aperture_size=3)
Calculates constraint image for corner detection.
@ CALIB_FIX_SKEW
Definition: calib3d.hpp:1888
const std::vector< Mat > * motions2_
Definition: wobble_suppression.hpp:91
WImageBuffer< uchar > WImageBuffer_b
Definition: wimage.hpp:65
bool doCorrectionForInclusion_
Definition: stabilizer.hpp:118
@ CV_CAP_PROP_XI_CC_MATRIX_02
Definition: videoio_c.h:334
Definition: types_c.h:398
@ CV_CAP_PROP_XI_CHIP_TEMP
Definition: videoio_c.h:321
v_reg< _Tp, n > operator^(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise XOR.
Definition: intrin_cpp.hpp:449
virtual int getP2() const =0
@ COLOR_HSV2RGB_FULL
Definition: imgproc.hpp:608
void createSameSize(const _InputArray &arr, int mtype) const
void setBufferPoolUsage(bool on)
BufferPool management (must be called before Stream creation)
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
Definition: videoio_c.h:323
double hu1
Definition: types_c.h:426
@ SFM_REFINE_RADIAL_DISTORTION_K1
Definition: simple_pipeline.hpp:122
@ CV_CAP_PROP_XI_DOWNSAMPLING
Definition: videoio_c.h:261
Distance::ElementType ElementType
Definition: hierarchical_clustering_index.h:83
Mat_< float > Mat1f
Definition: mat.hpp:2213
int cvGraphAddVtx(CvGraph *graph, const CvGraphVtx *vtx=NULL, CvGraphVtx **inserted_vtx=NULL)
static Ptr< ReshapeLayer > create(const BlobShape &newShape, Range applyingRange=Range::all(), bool enableReordering=false)
double epsilon
Definition: types_c.h:841
int dx
Definition: fr_adience.hpp:76
Definition: timelapsers.hpp:58
int next
Definition: objdetect_c.h:99
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type > value_type
Definition: zip.hpp:63
XMLNode * ToNode()
Safe cast to XMLNode. This can return null.
Definition: tinyxml2.h:1817
bool getNonmaxSuppression() const
Definition: agast.txt:7527
v_reg< _Tp, n > v_invsqrt(const v_reg< _Tp, n > &a)
Inversed square root.
Definition: intrin_cpp.hpp:714
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
#define CV_32S
Definition: interface.h:71
virtual int getNumBands() const =0
This class is used to perform the non-linear non-constrained minimization of a function,...
Definition: optim.hpp:156
@ COLOR_XYZ2RGB
Definition: imgproc.hpp:574
void filter(InputArray image, InputArray kernel, OutputArray output)
Image filtering.
n-dimensional dense array class
Definition: mat.hpp:741
@ CV_CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio_c.h:451
NNIndex< Distance > * getIndex()
Returns actual index.
Definition: flann_base.hpp:244
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.
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.
Definition: warpers.hpp:415
virtual void setDescriptorFormat(int descr_format)=0
@ CV_ADAPTIVE_THRESH_GAUSSIAN_C
Definition: types_c.h:588
void SetAttribute(const char *name, int value)
Sets the named attribute to value.
Definition: tinyxml2.h:1311
@ CAP_PROP_XI_REGION_SELECTOR
Selects Region in Multiple ROI which parameters are set by width, height, ... ,region mode.
Definition: videoio.hpp:375
int plusDelta
Definition: imgproc.hpp:4597
char * iterator
Definition: cvstd.hpp:487
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
int countNonZero(InputArray src)
Counts non-zero matrix elements.
Point_< double > Point2d
Definition: types.hpp:182
bool isPrePassDone_
Definition: stabilizer.hpp:189
void _mm_interleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:172
@ cols
Definition: matx.hpp:92
int usedMemory() const
Definition: hierarchical_clustering_index.h:456
virtual int getkNNSamples() const =0
Returns the number of neighbours, the k in the kNN.
void apply(int index, Point corner, InputOutputArray image, InputArray mask)
Compensate exposure in the specified image.
float getSpeedup() const
Definition: autotuned_index.h:173
String(const std::string &str, size_t pos, size_t len=npos)
@ RECTIFY_STEREOGRAPHIC
Definition: omnidir.hpp:71
@ FLANN_INDEX_KDTREE
Definition: defines.h:84
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
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
void bind() const
Binds all vertex arrays.
void SetAttribute(unsigned value)
Set the attribute to value.
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...
@ DIST_MASK_PRECISE
Definition: imgproc.hpp:323
int id
Definition: track_alov.hpp:63
Base class for Super Resolution algorithms.
Definition: superres.hpp:88
std::vector< FeatureIndex > Bucket
Definition: lsh_table.h:76
virtual int getCVFolds() const =0
void erase(int i0, int i1, size_t *hashval=0)
erases the specified element (2D case)
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].
bool Empty() const
Definition: tinyxml2.h:250
virtual void setAngleEpsilon(double angleEpsilon)=0
Maximal difference between angles that treated as equal.
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
@ PATH
Definition: widgets.hpp:607
#define CV_CUDEV_XYZ2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:191
void release()
decreases reference counter;
MapProjec(const cv::Matx< double, 3, 3 > &projTr)
for i
Definition: modelConvert.m:63
Types
Implementations of KNearest algorithm.
Definition: ml.hpp:468
WImageC< ushort, 3 > WImage3_16u
Definition: wimage.hpp:109
T work_type
Definition: reduce_to_vec.hpp:87
int size(int axis) const
Returns the size of the specified axis.
WCloud(InputArray cloud, InputArray colors, InputArray normals)
Constructs a WCloud.
Distance::ResultType ResultType
Definition: dist.h:852
UMat(const Point_< _Tp > &pt, bool copyData=true)
builds matrix from a 2D point
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
int trackMaxPosNum
Definition: tracker.hpp:811
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,...
virtual bool load(const String &filename, const String &objname=String())
Ptr< WarperCreator > warper()
Definition: stitching.hpp:216
@ 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
Definition: videoio_c.h:392
std::vector< std::vector< char > > vector_vector_char
Definition: bridge.hpp:75
WImageViewC< short, 1 > WImageView1_16s
Definition: wimage.hpp:94
Definition: motion_stabilizing.hpp:71
int QueryAttribute(const char *name, float *value) const
Definition: tinyxml2.h:1301
virtual double getMinEigThreshold() const =0
const size_t BLOCKSIZE
Definition: allocator.h:72
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:77
@ CAP_PROP_XI_FFS_FILE_ID
File number.
Definition: videoio.hpp:469
String(const String &str, size_t pos, size_t len=npos)
double ppy
Definition: camera.hpp:68
int hal_ni_exp64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:474
struct returned by cv::moments
Definition: types.hpp:848
static void read(const FileNode &node, Rect_< _Tp > &value, const Rect_< _Tp > &default_value)
Definition: persistence.hpp:747
@ channels
Definition: traits.hpp:115
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:213
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:380
MatIterator_ & operator--()
decrements the iterator
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.
size_t elemSize
Definition: mat.hpp:2912
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
Definition: warpers.hpp:344
@ CV_BGR2YUV_IYUV
Definition: types_c.h:330
double m20
Definition: types_c.h:399
__host__ int channels() const
@ INSIDE_MAP
Definition: persistence.hpp:327
const _Tp & at(const int *idx) const
_OutputArray(std::vector< Mat_< _Tp > > &vec)
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)
void Print(const char *format,...)
void write(FileStorage &fs, const String &name, const SparseMat &value)
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
Accumulator< T >::Type ResultType
Definition: features2d.hpp:727
size_t find_first_of(const char *s, size_t pos=0) const
@ BadImageSize
image size is invalid
Definition: base.hpp:79
@ CAP_PROP_XI_AVAILABLE_BANDWIDTH
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:440
bool imageFromBufferSupport() const
void cvReleaseKalman(CvKalman **kalman)
@ CV_YUV420sp2GRAY
Definition: types_c.h:274
@ SHARED_ATOMICS
Definition: cuda.hpp:606
virtual double getError() const =0
cv::Ptr< TonemapDurand > Ptr_TonemapDurand
Definition: bridge.hpp:95
@ CPU_SSSE3
Definition: cvdef.h:142
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
@ FHT_MAX
Definition: fast_hough_transform.hpp:92
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
int N2cc
Used to allow the first N1cc vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:163
any()
Empty constructor.
Definition: any.h:199
_OutputArray(const Matx< _Tp, m, n > &matx)
bool empty() const
checks if the bitset is empty
Definition: dynamic_bitset.h:85
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
virtual Mat correct(InputArray measurement)=0
virtual int getDescriptorSize() const =0
static _AccTp normL2Sqr(const _Tp *a, int n)
Definition: base.hpp:453
WCloud(InputArray cloud, InputArray colors)
Constructs a WCloud.
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.
virtual void setNOctaves(int octaves)=0
double prevErrNorm
Definition: calib3d_c.h:415
Definition: NCVHaarObjectDetection.hpp:268
Mat getMotion(int from, int to, const std::vector< Mat > &motions)
Computes motion between two frames assuming that all the intermediate motions are known.
Ptr< AffineTransformer > createAffineTransformer(bool fullAffine)
virtual void setNumLevels(int numLevels)=0
void cvSeqInvert(CvSeq *seq)
any & operator=(const char *x)
Definition: any.h:251
virtual int getMaxLineGap() const =0
void(* CvWriteFunc)(CvFileStorage *storage, const char *name, const void *struct_ptr, CvAttrList attributes)
Definition: types_c.h:1808
@ CV_CAP_PROP_XI_GAMMAY
Definition: videoio_c.h:329
void add(Matrix< ElementType > dataset)
Definition: lsh_table.h:195
void write(const String &name, const String &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
Definition: inpainting.hpp:109
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.
WCylinder(const Point3d &axis_point1, const Point3d &axis_point2, double radius, int numsides=30, const Color &color=Color::white())
Constructs a WCylinder.
__device__ __forceinline__ D operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:665
Mat temp2
Definition: tracking.hpp:378
virtual double getAlpha() const =0
Flow smoothness.
#define CV_CUDEV_UNARY_FUNCTION_INST(name, func)
Definition: functional.hpp:456
static void write(FileStorage &fs, const String &name, const Complex< _Tp > &c)
Definition: persistence.hpp:983
static Ptr< Modality > create(const String &modality_type)
Create modality by name.
@ COLORMAP_SUMMER
Definition: imgproc.hpp:4086
virtual void setMaxLines(int maxLines)=0
void max8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
volatile uint64 m_ticksTotal
Definition: utility.hpp:1132
T value_type
Definition: gpumat.hpp:63
String string() const
Simplified reading API to use with bindings.
PtrTraits< Body >::ptr_type ptr_type
Definition: expr.hpp:73
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)
int count
Definition: core_c.h:568
void setWaveCorrection(bool flag)
Definition: stitching.hpp:182
CvHaarClassifierCascade * cvLoadHaarClassifierCascade(const char *directory, CvSize orig_window_size)
@ OpenCLApiCallError
Definition: base.hpp:120
@ CV_IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs_c.h:103
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:104
@ CMP_LE
src1 is less than or equal to src2.
Definition: base.hpp:204
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
Creates instance of cv::DenseOpticalFlow.
True is_vector_space_distance
Definition: dist.h:537
__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
Ptr< DisparityWLSFilter > createDisparityWLSFilterGeneric(bool use_confidence)
More generic factory method, create instance of DisparityWLSFilter and execute basic initialization r...
int getEdge(int edge, int nextEdgeType) const
Returns one of the edges related to the given edge.
int NaluFramingType
NVVE_CONFIGURE_NALU_FRAMING_TYPE.
Definition: cudacodec.hpp:102
Ptr< IVideoCapture > icap
Definition: videoio.hpp:801
virtual void setNeedPlotLine(bool _needPlotLine)=0
Switches data visualization mode.
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
Ncv32f * ppBuffers[6]
temporary buffers
Definition: NPP_staging.hpp:126
virtual Ptr< Function > getFunction() const =0
Getter for the optimized function.
Vec mul(const Vec< _Tp, cn > &v) const
per-element multiplication
@ CV_YUV2RGBA_NV12
Definition: types_c.h:243
virtual int getGradientDescentIterations() const =0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
float V0CompressionParameter
Definition: retina.hpp:176
int valueOffset
Definition: mat.hpp:2524
virtual bool set(int propId, double value)
Sets a property in the VideoWriter.
CvMemBlock * top
Definition: types_c.h:1207
static MatAllocator * getStdAllocator()
and the standard allocator
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.
@ COLORMAP_SPRING
Definition: imgproc.hpp:4087
void cvWriteString(CvFileStorage *fs, const char *name, const char *str, int quote=0)
Writes a text string.
Rect2d select(Mat img, bool fromCenter=true)
Texture2D(Size asize, Format aformat, bool autoRelease=false)
virtual bool Accept(XMLVisitor *visitor) const
virtual void setLabelInfo(int label, const String &strInfo)
Sets string info for the specified model's label.
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:367
mxClassID ID() const
Definition: mxarray.hpp:435
int type() const
Returns the type of a matrix element.
virtual void setScoreType(int scoreType)=0
__host__ GpuMat_(Allocator *allocator=defaultAllocator())
default constructor
@ CAP_PVAPI_FSTRIGMODE_FIXEDRATE
FixedRate.
Definition: videoio.hpp:297
const MatAllocator * currAllocator
Definition: mat.hpp:495
int cvCheckArr(const CvArr *arr, int flags=0, double min_val=0, double max_val=0)
static __host__ Ptr2D shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:64
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
This is a base class for all more or less complex algorithms in OpenCV.
Definition: core.hpp:3023
static bool IsWhiteSpace(char p)
Definition: tinyxml2.h:504
float x
Definition: types_c.h:938
@ COLOR_RGB2YCrCb
Definition: imgproc.hpp:577
ThresholdTypes
Definition: imgproc.hpp:328
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
_Tp & value() const
returns read-write reference to the current sparse matrix element
bool tempCopiedUMat() const
FromFileMotionReader(const String &path)
Mat u
Definition: core.hpp:2674
unsigned left
Definition: sparse_matching_gpc.hpp:169
virtual void setTermCriteria(const TermCriteria &termcrit)=0
Set terminal criteria for solver.
virtual void setRpropDWPlus(double val)=0
virtual bool getAdjustOutliers() const =0
detail::RefOrVoid< T >::type operator*() const
static Vec all(_Tp alpha)
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
int QP_Level_InterP
NVVE_QP_LEVEL_INTER_P,.
Definition: cudacodec.hpp:92
CvMemBlock * bottom
Definition: types_c.h:1192
Color-based strategy for the selective search segmentation algorithm The class is implemented from th...
Definition: segmentation.hpp:100
virtual void setPreFilterSize(int preFilterSize)=0
Inner Plexiform Layer Magnocellular channel (IplMagno)
Definition: retina.hpp:165
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:107
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
UMatDataAutoLock(UMatData *u)
void max32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
The class represents split in a decision tree.
Definition: ml.hpp:1068
NCVMemoryType _memtype
Definition: NCV.hpp:836
schar deltas[8][2]
Definition: types_c.h:476
#define CV_16S
Definition: interface.h:70
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
Definition: videoio_c.h:162
Ncv32u pitch() const
Definition: NCV.hpp:827
virtual void augAssignOr(const MatExpr &expr, Mat &m) const
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
Ptr< DescriptorMatcher > getDescriptorMatcher()
bool doDeblurring_
Definition: stabilizer.hpp:125
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).
Matx< double, 1, 4 > Matx14d
Definition: matx.hpp:200
@ IMPL_OPENCL
Definition: utility.hpp:1102
Mat w
Definition: core.hpp:2674
float FloatAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1208
TermCriteria term_criteria_
Definition: motion_estimators.hpp:203
void PushUnknown(const char *value)
double getMaxTranslation() const
Definition: rgbd.hpp:833
Size cellSize
Definition: objdetect.hpp:424
Ptr< Y > dynamicCast() const
double getSensorErrorC() const
Definition: rgbd.hpp:444
void mapBackward(float u, float v, float &x, float &y)
Mat mask
Definition: rgbd.hpp:480
double minMarkerPerimeterRate
Definition: aruco.hpp:134
Distance::ElementType ElementType
Definition: linear_index.h:53
virtual void setSmoothingRadius(int radius)=0
MatIterator_ & operator=(const MatIterator_< _Tp > &it)
copy operator
void v_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:1712
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
UMat rowRange(const Range &r) const
@ CV_IMWRITE_PNG_STRATEGY_RLE
Definition: imgcodecs_c.h:94
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...
virtual void setSigmaSpace(float sigma_space)=0
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:628
int tilted
Definition: objdetect_c.h:75
static Queue & getDefault()
Abstract base class for TrackerFeature that represents the feature.
Definition: tracker.hpp:78
virtual void setFrames(const std::vector< Mat > &val)
Definition: deblurring.hpp:74
Mat(int rows, int cols, int type)
void cvDisplayStatusBar(const char *name, const char *text, int delayms=0)
__host__ __device__ HaarFeatureDescriptor32 getFeatureDesc(void)
Definition: NCVHaarObjectDetection.hpp:245
void mapForward(float x, float y, float &u, float &v)
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
cv::Ptr< Map > getMap(void) const
WPaintedCloud(InputArray cloud, const Point3d &p1, const Point3d &p2)
Paint cloud with default gradient between given points.
virtual double getGamma() const =0
Definition: extrapolation.hpp:146
#define IPL_DEPTH_32S
Definition: types_c.h:267
MatIterator_(Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
virtual void * getOldCascade()=0
void sub32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
virtual void setPlotGridColor(Scalar _plotGridColor)=0
__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
void flip(InputArray src, OutputArray dst, int flipCode)
Flips a 2D array around vertical, horizontal, or both axes.
The structure represents the logarithmic grid range of statmodel parameters.
Definition: ml.hpp:108
virtual bool getUseRNG() const =0
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:393
HostMem(Size size, int type, AllocType alloc_type=PAGE_LOCKED)
virtual float getSaturation() const =0
int numOfPixels
Definition: descriptor.hpp:144
@ ITERATIVE
Definition: types.hpp:63
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:141
void stop()
Definition: timer.h:76
#define clAmdFftSetPlanInStride
Definition: opencl_clamdfft.hpp:92
void forwardOpt(LayerId toLayer)
Optimized forward.
@ CV_CAP_PROP_PAN
Definition: videoio_c.h:201
virtual void setThreshold(double threshold)=0
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:119
flann_algorithm_t getType() const
Definition: composite_index.h:104
@ CV_CAP_MIL
Definition: videoio_c.h:78
int p1
Definition: feature.hpp:323
@ COLOR_YUV2RGBA_YV12
Definition: imgproc.hpp:651
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
Definition: NCV.hpp:345
float weight1() const
Definition: motion_stabilizing.hpp:132
const CvFileStorage * fs
Definition: persistence.hpp:608
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
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
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:1542
int toCvType(const int hppType)
convert hppDataType to OpenCV data type
Definition: ippasync.hpp:83
virtual float getMarginRegularization() const =0
Parameter marginRegularization of a SVMSGD optimization problem.
Definition: features2d.hpp:710
int hierarchicalClustering(const Matrix< typename Distance::ElementType > &points, Matrix< typename Distance::ResultType > ¢ers, const KMeansIndexParams ¶ms, Distance d=Distance())
Definition: flann_base.hpp:279
Features matcher which finds two best matches for each feature and leaves the best one only if the ra...
Definition: matchers.hpp:277
any & assign(const any &x)
Assignment function from another any.
Definition: any.h:224
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
int channels() const
returns the number of channels in each matrix element
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
IplImage * image_
Definition: wimage.hpp:247
@ SF_YUY2
Definition: cudacodec.hpp:73
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:116
@ 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
@ CAP_PROP_XI_LENS_FEATURE
Allows access to lens feature value currently selected by XI_PRM_LENS_FEATURE_SELECTOR.
Definition: videoio.hpp:427
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:116
void absdiff8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
Abstract base class for CUDA asynchronous 2D image feature detectors and descriptor extractors.
Definition: cudafeatures2d.hpp:378
std::string videoName
Definition: ar_hmdb.hpp:64
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.
Program(const String &buf)
@ FLANN_CENTERS_GROUPWISE
Definition: defines.h:110
virtual void * get_value(void **src)
Definition: any.h:98
Definition: functional.hpp:438
@ CAP_PROP_XI_AG_MAX_LIMIT
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:344
@ CV_YUV2RGB
Definition: types_c.h:228
bool isIntegral
true if input images are integral, false otherwise
Definition: tracker.hpp:1006
virtual XMLDeclaration * ToDeclaration()
Safely cast to a Declaration, or null.
Definition: tinyxml2.h:946
virtual int getNTestSamples() const =0
static Ptr< PD_inria > create()
@ wave
Definition: gr_skig.hpp:66
void init(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
Re-initializes Kalman filter. The previous content is destroyed.
double minEnclosingTriangle(InputArray points, OutputArray triangle)
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
const String & const_param_type
Definition: core.hpp:3148
@ CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d.hpp:243
@ THRESH_MASK
Definition: imgproc.hpp:334
@ CV_YUV2GRAY_NV21
Definition: types_c.h:269
int resImWidth
Definition: saliencySpecializedClasses.hpp:111
virtual void computeBitmaps(InputArray img, OutputArray tb, OutputArray eb)=0
Computes median threshold and exclude bitmaps of given image.
CL_RUNTIME_EXPORT void size_t *CL_RUNTIME_EXPORT cl_kernel_arg_info
Definition: opencl_core.hpp:333
#define CV_MAKE_TYPE
Definition: interface.h:80
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:232
void preCornerDetect(InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
Calculates a feature map for corner detection.
__host__ void gridIntegral(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: integral.hpp:60
int(* CvIsInstanceFunc)(const void *struct_ptr)
Definition: types_c.h:1805
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)
std::string imageName
Definition: msm_epfl.hpp:71
Definition: objdetect_c.h:74
Text and image widgets.
Definition: widgets.hpp:408
#define clUnloadCompiler
Definition: opencl_core_wrappers.hpp:265
void completeSymm(InputOutputArray mtx, bool lowerToUpper=false)
Copies the lower or the upper half of a square matrix to another half.
@ NCV_UNKNOWN_ERROR
Definition: NCV.hpp:317
float getError(int curWeakClassifier)
bool create(const char *kname, const Program &prog)
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
std::string image1
Definition: fr_lfw.hpp:62
bool filterByArea
Definition: features2d.hpp:568
Class for finding features points and corresponding 3D in world coordinate of a "random" pattern,...
Definition: randpattern.hpp:66
int cvMeanShift(const CvArr *prob_image, CvRect window, CvTermCriteria criteria, CvConnectedComp *comp)
virtual void print(std::ostream &out, void *const *src)
Definition: any.h:74
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
@ CV_GpuApiCallError
Definition: types_c.h:168
virtual void setWindowSize(int val)=0
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)
Matx(const _Tp *vals)
initialize from a plain array
@ COLOR_YCrCb2RGB
Definition: imgproc.hpp:579
__host__ void gridReduceToColumn_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:178
struct CvVideoWriter CvVideoWriter
"black box" video file writer structure
Definition: videoio_c.h:534
static ThisClass & instance()
Definition: object_factory.h:80
Accumulator< T >::Type ResultType
Definition: features2d.hpp:743
Definition: lsh_index.h:58
Abstract base class for matching keypoint descriptors.
Definition: cudafeatures2d.hpp:76
XMLElement * NextSiblingElement(const char *value=0)
Definition: tinyxml2.h:741
SrcPtr src
Definition: interpolation.hpp:160
static Ptr< AgastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=AgastFeatureDetector::OAST_9_16)
Definition: agast.txt:7537
int hal_ni_merge16u(const ushort **src_data, ushort *dst_data, int len, int cn)
Definition: hal_replacement.hpp:367
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:139
bool use_weighted_avg
Definition: ppf_match_3d.hpp:156
void setTexCoordArray(InputArray texCoord)
Sets an array of vertex texture coordinates.
bool isOldFormatCascade() const
bool isString() const
returns true if the node is a text string
virtual void setRadius(int val)
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:65
int depth
Definition: types_c.h:306
Queue(const Context &c, const Device &d=Device())
static Ptr< SLAM_kitti > create()
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
struct Cv32suf::_fp32Format fmt
int imageHeight
Definition: msm_epfl.hpp:66
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
int methodId
Definition: sinusoidalpattern.hpp:89
virtual bool getNextFrame(Mat &frame)=0
@ CV_BGR2RGBA
Definition: types_c.h:109
Definition: warping.hpp:153
Ptr(const Ptr< Y > &o, T *p)
DistanceTypes
Definition: imgproc.hpp:308
NCVMatrix()
Definition: NCV.hpp:744
void setFeatures(const Mat &features)
Set the features extracted from TrackerFeatureSet.
@ CV_CAP_PROP_POS_AVI_RATIO
Definition: videoio_c.h:168
Definition: miniflann.hpp:80
void rotation(const Mat &data)
Combines rotation methods above. Suports 3x3, 1x3, 3x1 sizes of data matrix;.
_Tp val[m *n]
Definition: matx.hpp:192
@ COLOR_YUV2RGBA_YUY2
Definition: imgproc.hpp:697
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:87
void PushText(float value)
Add a text node from a float.
DeviceInfo(int device_id)
The constructors.
Bridge & operator=(const vector_int &)
Definition: bridge.hpp:380
@ CV_CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio_c.h:245
void FAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
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
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
v_reg< unsigned, 4 > v_uint32x4
Four 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:362
ORB features finder. :
Definition: matchers.hpp:145
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1152
virtual bool getFastPyramids() const =0
SparseMatConstIterator_()
the default constructor
TrackerStateEstimatorMILBoosting(int nFeatures=250)
Constructor.
virtual void setAlpha(float val)=0
Weight of the smoothness term.
virtual XMLText * ToText()
Safely cast to Text, or null.
Definition: tinyxml2.h:608
@ MARKER_SQUARE
A square marker shape.
Definition: imgproc.hpp:4236
int normHamming(const uchar *a, int n)
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
@ CV_CAP_INTELPERC_IMAGE
Definition: videoio_c.h:497
virtual Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst)
void setWaveCorrectKind(detail::WaveCorrectKind kind)
Definition: stitching.hpp:185
@ RO_STRICT
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
void cvCanny(const CvArr *image, CvArr *edges, double threshold1, double threshold2, int aperture_size=3)
Runs canny edge detector.
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2, Ptr3 > &t)
Definition: zip.hpp:100
float _lRate
Definition: onlineMIL.hpp:67
Definition: onlineBoosting.hpp:264
void drawPlanarBoard(const Ptr< Board > &board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a planar board.
Definition: warpers.hpp:97
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:761
@ CV_HOUGH_STANDARD
Definition: types_c.h:608
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
Definition: imgcodecs_c.h:95
bool solve(InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU)
Solves one or more linear systems or least-squares problems.
Data structure describing the camera model and its parameters.
Definition: simple_pipeline.hpp:72
String driverVersion() const
__host__ __device__ Ncv32u getNumClassifierRootNodes(void)
Definition: NCVHaarObjectDetection.hpp:311
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
virtual void setBlurrinessRates(const std::vector< float > &val)
Definition: deblurring.hpp:80
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:155
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.
MatExpr inv(int method=DECOMP_LU) const
Inverses a matrix.
Vec3i maxTexture2DLinear() const
maximum dimensions (width, height, pitch) for 2D textures bound to pitched memory
virtual void generateFeatures()
SrcPtr src
Definition: warping.hpp:110
Modality that computes quantized surface normals from a dense depth map.
Definition: linemod.hpp:239
#define CV_CUDEV_SAFE_CALL(expr)
Definition: common.hpp:76
Rect resultRoi(const std::vector< Point > &corners, const std::vector< UMat > &images)
@ COLORMAP_AUTUMN
Definition: imgproc.hpp:4080
SparseMatConstIterator(const SparseMatConstIterator &it)
the copy constructor
double Wy
Definition: gr_chalearn.hpp:67
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Definition: warpers.hpp:584
virtual const std::vector< int > & getSubsets() const =0
Returns all the bitsets for categorical splits.
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
@ CAP_MSMF
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:108
@ CV_CAP_UNICAP
Definition: videoio_c.h:99
bool computeImpl(const std::vector< Mat > &images, Mat &response)
void mapForward(float x, float y, float &u, float &v)
void create(Size size, int type)
virtual void setActivationFunction(int type, double param1=0, double param2=0)=0
Matx< double, 2, 2 > Matx22d
Definition: matx.hpp:214
std::vector< tag > tags
Definition: tr_svt.hpp:70
void setWindowSize(const Size &window_size)
Sets the size of the window.
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).
void and8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
void seekEnd()
moves iterator to the element after the last element
virtual void apply(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)=0
@ CV_COMP_KL_DIV
Definition: types_c.h:536
SVD & operator()(InputArray src, int flags=0)
the operator that performs SVD. The previously allocated u, w and vt are released.
static bool hasBin(int major, int minor)
Matrix expression representation This is a list of implemented matrix operations that can be combined...
Definition: mat.hpp:3371
const XMLConstHandle LastChildElement(const char *_value=0) const
Definition: tinyxml2.h:1873
@ CV_CAP_PROP_XI_BINNING_PATTERN
Definition: videoio_c.h:290
Definition: warping.hpp:109
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.
Widget getWidget(const String &id) const
Retrieves a widget from the window.
virtual void setTextureThreshold(int textureThreshold)=0
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
double getMaxDepthDiff() const
Definition: rgbd.hpp:801
void cvDestroyAllWindows(void)
WImageC< uchar, 3 > WImage3_b
Definition: wimage.hpp:71
SVD(InputArray src, int flags=0)
virtual void write(FileStorage &fs) const =0
Stores algorithm parameters in a file storage.
BundleAdjusterRay()
Definition: motion_estimators.hpp:262
Avg< U > other
Definition: reduce_to_vec.hpp:91
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
Mat readOpticalFlow(const String &path)
Read a .flo file.
void SetBOM(bool useBOM)
Definition: tinyxml2.h:1578
virtual Mat getMeans() const =0
Returns the cluster centers (means of the Gaussian mixture)
Index(const Matrix< ElementType > &features, const IndexParams ¶ms, Distance distance=Distance())
Definition: flann_base.hpp:106
@ CV_YUV2BGR_YUY2
Definition: types_c.h:297
@ CALIB_USE_QR
use QR instead of SVD decomposition for solving. Faster but potentially less precise
Definition: calib3d.hpp:270
static _Tp * alignPtr(_Tp *ptr, int n=(int) sizeof(_Tp))
Aligns a pointer to the specified number of bytes.
Definition: utility.hpp:424
std::vector< String > getLayerNames() const
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
Definition: videoio_c.h:227
virtual size_t size() const
Definition: autotuned_index.h:182
uchar2 type
Definition: vec_traits.hpp:82
ObjectCreator create(UniqueIdType id)
Definition: object_factory.h:69
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:148
XMLConstHandle(const XMLConstHandle &ref)
Definition: tinyxml2.h:1855
XMLError QueryIntAttribute(const char *name, int *value) const
Definition: tinyxml2.h:1227
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.
static Ptr< BaseConvolutionLayer > create(Size kernel=Size(3, 3), Size stride=Size(1, 1), Size pad=Size(0, 0), Size dilation=Size(1, 1))
virtual void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection with a multi-scale window.
uint64 m_ticksTotal
Definition: utility.hpp:1111
WLine(const Point3d &pt1, const Point3d &pt2, const Color &color=Color::white())
Constructs a WLine.
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:336
@ Uncompressed_YUV420
Y,U,V (4:2:0)
Definition: cudacodec.hpp:254
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
Definition: warpers.hpp:456
KNNResultSet(int capacity_)
Definition: result_set.h:161
KDTreeSingleIndex(const Matrix< ElementType > &inputData, const IndexParams ¶ms=KDTreeSingleIndexParams(), Distance d=Distance())
Definition: kdtree_single_index.h:84
@ MARKER_TRIANGLE_DOWN
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:4238
float Type
Definition: features2d.hpp:716
double cvGetCaptureProperty(CvCapture *capture, int property_id)
retrieve capture properties
virtual void getMagno(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
Texture2D(InputArray arr, bool autoRelease=false)
Definition: feature.hpp:216
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:264
void getByIndex(int index, bool space_delete, int type, void *dst) const
Ptr_CLAHE toPtrCLAHE()
Definition: bridge.hpp:448
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)
type_traits_detail::ReferenceTraits< T >::type referred_type
Definition: type_traits.hpp:134
virtual int getLRCthresh()=0
LRCthresh is a threshold of disparity difference used in left-right-consistency check during confiden...
int id
Definition: pose_3d.hpp:179
Definition: pd_inria.hpp:67
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.
Distance::ElementType ElementType
Definition: kmeans_index.h:83
IndexParams getParameters() const
Definition: kdtree_index.h:212
float trimRatio() const
Definition: motion_stabilizing.hpp:129
Definition: kdtree_single_index.h:52
const _Tp & operator*() const
the element access operator
SparseMatConstIterator_< _Tp > end() const
returns the typed read-only sparse matrix iterator at the matrix end
void v_store_aligned(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (aligned)
Definition: intrin_cpp.hpp:1257
@ CV_CAP_PROP_XI_SENSOR_FEATURE_VALUE
Definition: videoio_c.h:410
@ ALPHA_XOR_PREMUL
Definition: cudaimgproc.hpp:160
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
Definition: types_c.h:288
_OutputArray(std::vector< _Tp > &vec)
void mapForward(float x, float y, float &u, float &v)
const int * ptr() const
Returns pointer to the first element of continuous size array.
virtual double getLambda()=0
Lambda is a parameter defining the amount of regularization during filtering. Larger values force fil...
void convertToD3D10Texture2D(InputArray src, ID3D10Texture2D *pD3D10Texture2D)
Converts InputArray to ID3D10Texture2D.
Definition: warping.hpp:62
void copyTo(OutputArray m) const
Copies the matrix to another one.
Distance::ElementType ElementType
Definition: composite_index.h:74
Common interface for all CUDA filters :
Definition: cudafilters.hpp:76
@ CV_HLS2RGB
Definition: types_c.h:193
int transformType
Definition: rgbd.hpp:749
static bool StringEqual(const char *p, const char *q, int nChar=INT_MAX)
Definition: tinyxml2.h:521
IndexParams getParameters() const
Definition: flann_base.hpp:201
static Ptr< TrackerFeature > create(const String &trackerFeatureType)
Create TrackerFeature by tracker feature type.
DistIndex(DistanceType dist, unsigned int index)
Definition: result_set.h:292
__device__ __forceinline__ double4 exp2(const double4 &a)
Definition: vec_math.hpp:247
#define CV_16U
Definition: interface.h:69
@ CV_CAP_PROP_XI_OFFSET_X
Definition: videoio_c.h:263
String & operator=(const String &str)
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
@ ROTATE_90_COUNTERCLOCKWISE
Definition: core.hpp:1028
Mat_()
default constructor
UMat getUMat(int accessFlags, UMatUsageFlags usageFlags=USAGE_DEFAULT) const
retrieve UMat from Mat
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.
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.
virtual void setIterations(int val)=0
StarKernelCensus(const cv::Mat *img, int k2, int **distance)
Definition: descriptor.hpp:280
@ kChannels
Definition: wimage.hpp:260
decoder_mode
Definition: ocr.hpp:146
void cvCalcMotionGradient(const CvArr *mhi, CvArr *mask, CvArr *orientation, double delta1, double delta2, int aperture_size=3)
@ CV_YUV2GRAY_UYNV
Definition: types_c.h:318
#define clAmdFftGetVersion
Definition: opencl_clamdfft.hpp:82
void setCamera(const Camera &camera)
Sets the intrinsic parameters of the viewer using Camera.
size_t step
Definition: cuda.hpp:417
@ CALIB_CHECK_COND
Definition: calib3d.hpp:1887
GPCTrainingParams(const GPCTrainingParams ¶ms)
Definition: sparse_matching_gpc.hpp:139
@ COLOR_BGRA2BGR565
Definition: imgproc.hpp:551
const std::type_info & type() const
Definition: any.h:308
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4, const _Tp5 &a5)
Definition: ocl.hpp:449
void matMulDeriv(InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
Computes partial derivatives of the matrix product for each multiplied matrix.
static Ptr< IS_bsds > create()
int cvWaitKey(int delay=0)
Kernel(const char *kname, const ProgramSource &prog, const String &buildopts=String(), String *errmsg=0)
@ 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
Definition: types_c.h:252
@ CAP_PROP_XI_ROW_FPN_CORRECTION
Correction of row FPN.
Definition: videoio.hpp:457
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:69
virtual int getMinLineLength() const =0
static void setDebugFlag(bool active)
Enable or disable cvv for current translation unit and thread.
Definition: debug_mode.hpp:42
#define HaarFeatureDescriptor32_Interpret_MaskFlagTilted
Definition: NCVHaarObjectDetection.hpp:120
v_float64x2 v_setzero_f64()
Definition: intrin_cpp.hpp:1525
v_uint8x16 v_rshr_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:1690
std::vector< Ptr< Modality > > modalities
Definition: linemod.hpp:419
void pyrDown(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Blurs an image and downsamples it.
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.
int maxWriteImageArgs() const
virtual void map(UMatData *data, int accessflags) const
virtual void setActiveVarCount(int val)=0
int height
Definition: types_c.h:783
Definition: feature.hpp:138
#define clEnqueueMapBuffer
Definition: opencl_core_wrappers.hpp:91
ptrdiff_t total(int startAxis, int endAxis=INT_MAX) const
Computes the product of sizes of axes among the specified axes range [startAxis; endAxis).
Ptr< WobbleSuppressorBase > wobbleSuppressor_
Definition: stabilizer.hpp:185
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
Definition: hpe_parse.hpp:61
int frameCount_
Definition: stabilizer.hpp:188
void cvSubRS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
void trainModel(const Mat &Model)
Trains a new model.
Matx13d ofs
Definition: hpe_humaneva.hpp:66
float getMarkerLength() const
Definition: aruco.hpp:299
XMLPrinter(FILE *file=0, bool compact=false, int depth=0)
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, log_func< typename PtrTraits< SrcPtr >::value_type > > > log_(const SrcPtr &src)
Definition: unary_func.hpp:74
void create(Size _size)
equivalent to Mat::create(_size, DataType<_Tp>::type)
@ CV_BayerBG2BGR_VNG
Definition: types_c.h:195
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
bool operator!=(const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
Definition: core_c.h:3172
#define clLinkProgram
Definition: opencl_core.hpp:230
#define CV_AUTOSTEP
Definition: core_c.h:220
__host__ GpuMat_(Size asize, T *adata, size_t astep=Mat::AUTO_STEP)
Represents function being optimized.
Definition: optim.hpp:64
MVKernel()
Definition: descriptor.hpp:70
virtual double getComplexityReductionThreshold() const =0
Returns the complexity reduction threshold.
Vec< ushort, 2 > Vec2w
Definition: matx.hpp:371
cv::Ptr< MergeDebevec > Ptr_MergeDebevec
Definition: bridge.hpp:89
cv::Ptr< cv::FeatureDetector > Ptr_FeatureDetector
Definition: bridge.hpp:81
void set(const std::vector< Mat > &descriptors)
@ CV_CHAIN_APPROX_TC89_KCOS
Definition: types_c.h:460
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:188
float angle
Definition: types.hpp:493
Mat_(const Mat_ &m)
copy constructor
uint16_t UINT16
Definition: descriptor.hpp:68
Comma-separated Matrix Initializer.
Definition: mat.hpp:453
@ NCV_ALLOCATOR_BAD_DEALLOC
Definition: NCV.hpp:334
double beta
Definition: mat.hpp:3403
#define CV_CUDEV_RGB5x52GRAY_INST(name, green_bits)
Definition: color_cvt.hpp:467
void removeOutliers()
Remove outliers for all feature types (optional)
void SetAttribute(int value)
Set the attribute to value.
Buffer clone(Target target=ARRAY_BUFFER, bool autoRelease=false) const
Creates a full copy of the buffer object and the underlying data.
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
void SetText(double value)
Convenience method for setting text inside and element. See SetText() for important limitations.
virtual Mat getRadiance() const =0
@ ACCESS_MASK
Definition: mat.hpp:63
int value_type
Definition: vec_distance.hpp:157
float histThresh
Definition: histogramphaseunwrapping.hpp:83
Definition: all_layers.hpp:351
Scalar s
Definition: mat.hpp:3404
Ptr< RgbdNormals > normalsComputer
Definition: rgbd.hpp:875
Base class for modelling an algorithm for calculating a.
Definition: mapper.hpp:55
String operator+(const String &lhs, const String &rhs)
Definition: cvstd.hpp:974
@ FLANN_CENTERS_GONZALES
Definition: defines.h:108
virtual ~Morph()
Definition: hal.hpp:57
virtual void setThreshold(float threshold)=0
@ CV_RGB2HSV_FULL
Definition: types_c.h:206
@ CV_CAP_PROP_XI_SENSOR_TAPS
Definition: videoio_c.h:299
static double norm(const Matx< _Tp, m, n > &M, int normType)
@ DECOMP_EIG
Definition: base.hpp:140
void drawMarker(int id, int sidePixels, OutputArray _img, int borderBits=1) const
Draw a canonical marker image.
unsigned u
Definition: cvdef.h:331
void GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an image.
CvRect cvGetImageROI(const IplImage *image)
Returns the image ROI.
NCVStatus nppiStDecimate_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
int Height() const
Definition: wimage.hpp:189
Definition: tracking.hpp:386
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:240
size_t localMemSize() const
size_t elemSize1() const
returns the size of element channel in bytes
@ comehere
Definition: gr_skig.hpp:69
const float occlusionsThreshold
Definition: pcaflow.hpp:101
virtual void setEdgeThreshold(int edgeThreshold)=0
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.
int cols
Definition: remap.hpp:105
virtual void apply(InputArray disparity, InputArray image, OutputArray dst, Stream &stream=Stream::Null())=0
Refines a disparity map using joint bilateral filtering.
Node< NodeData > InstrNode
Definition: utility.hpp:1142
static MatExpr eye(int rows, int cols, int type)
Returns an identity matrix of the specified size and type.
int hal_ni_dctInit2D(cvhalDFT **context, int width, int height, int depth, int flags)
Definition: hal_replacement.hpp:561
virtual ~VideoCapture()
Default destructor.
WImageViewC< ushort, 1 > WImageView1_16u
Definition: wimage.hpp:106
__device__ static __forceinline__ short max()
Definition: limits.hpp:84
UMat(int ndims, const int *sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs n-dimensional matrix
const _Tp & at(int i0, int i1, int i2) const
Definition: types_c.h:678
@ ALPHA_OVER
Definition: cudaimgproc.hpp:159
Vec< int, 8 > Vec8i
Definition: matx.hpp:379
const float sparseRate
Definition: pcaflow.hpp:99
void cvReadRawData(const CvFileStorage *fs, const CvFileNode *src, void *dst, const char *dt)
Reads multiple numbers.
Definition: feature.hpp:365
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
uchar member_type
Definition: core.hpp:3205
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:123
_Range(const Range &r)
Definition: shape_utils.hpp:79
@ CV_YUV2RGB_YV12
Definition: types_c.h:250
const_iterator begin() const
int getPadding() const
Definition: pcaflow.hpp:85
@ COLOR_YUV2BGR_IYUV
Definition: imgproc.hpp:645
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const =0
Clones the matcher.
__host__ LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > laplacianPtr(const SrcPtr &src)
Definition: deriv.hpp:381
double maxTranslation
Definition: rgbd.hpp:1011
virtual bool getFastPyramids() const =0
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:138
Mat & getMatRef(int i=-1) const
WImageView(WImage< T > *img, int c, int r, int width, int height)
Definition: wimage.hpp:534
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
int perspectiveRemovePixelPerCell
Definition: aruco.hpp:145
MinkowskiDistance< ElementType >::ResultType ResultType
Definition: dist.h:815
T * _ptr
Definition: NCV.hpp:832
#define clEnqueueMarkerWithWaitList
Definition: opencl_core_wrappers.hpp:100
@ ATTRIBUTE_VALUE_LEAVE_ENTITIES
Definition: tinyxml2.h:158
@ CV_CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio_c.h:443
Definition: mappergradsimilar.hpp:53
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray R=noArray(), InputArray P=noArray())
Undistorts 2D points using fisheye model.
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
CvContour CvPoint2DSeq
Definition: types_c.h:1400
static UMat zeros(int rows, int cols, int type)
Matlab-style matrix initialization.
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
CvPoint3D64f cvPoint3D64f(double x, double y, double z)
Definition: types_c.h:993
#define clEnqueueMapBuffer
Definition: opencl_core.hpp:156
static Ptr< ReLULayer > create(double negativeSlope=0)
virtual String name() const
double registrationResol() const
Definition: stitching.hpp:169
void * handle
Definition: mat.hpp:503
@ XML_CAN_NOT_CONVERT_TEXT
Definition: tinyxml2.h:1022
UMatData(const MatAllocator *allocator)
virtual void setPreFilterType(int preFilterType)=0
void push_back(const _Tp &elem)
Adds elements to the bottom of the matrix.
#define CV_CDECL
Definition: types_c.h:72
int state
Definition: calib3d_c.h:418
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:406
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
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise inversion.
static Ptr< DetectorParameters > create()
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
finds intersection of two convex polygons
T ElementType
Definition: dist.h:421
virtual void clearStrategies()=0
Remove all sub-strategies.
std::vector< double > confidences
vector that will contain confidence values for each location
Definition: objdetect.hpp:334
@ TM_SQDIFF_NORMED
Definition: imgproc.hpp:3631
SeqIterator< _Tp > const_iterator
Definition: core_c.h:2843
double maxRotation
Definition: rgbd.hpp:1011
void initializeCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray K, double &xi, OutputArray idx=noArray())
@ CAP_PROP_XI_LED_MODE
Define camera signalling LED functionality.
Definition: videoio.hpp:338
@ 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
Matx33d r
Definition: msm_middlebury.hpp:64
double getWinSigma() const
SrcPtr src
Definition: extrapolation.hpp:65
@ CV_YUV2BGR_YV12
Definition: types_c.h:251
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
Definition: types_c.h:1544
MotionModel
Describes motion model between two point clouds.
Definition: motion_core.hpp:60
virtual void setSigmaColor(double _sigma_color)=0
virtual bool generate(OutputArrayOfArrays patternImages)=0
Generates the structured light pattern to project.
@ HISTCMP_INTERSECT
Definition: imgproc.hpp:500
bool deviceMemMapped() const
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])
Scalar_< _Tp > mul(const Scalar_< _Tp > &a, double scale=1) const
per-element product
@ YUV420
Definition: cudacodec.hpp:266
uchar * cvPtrND(const CvArr *arr, const int *idx, int *type=NULL, int create_node=1, unsigned *precalc_hashval=NULL)
bool computeImpl(const std::vector< Mat > &images, Mat &response)
void read(const FileNode &fn)
load PCA objects
@ CAP_PROP_XI_DEBOUNCE_T1
Debounce time (x * 10us).
Definition: videoio.hpp:418
_Tp value(const int *idx, size_t *hashval=0) const
returns value of the specified element (nD case)
cv::Ptr< CvMat > JtJV
Definition: calib3d_c.h:413
CvSeq * cvTreeToNodeSeq(const void *first, int header_size, CvMemStorage *storage)
virtual ~StaticSaliencySpectralResidual()
BlobShape(const Vec< int, n > &shape)
Creates n-dim shape from cv::Vec.
Definition: all_indices.h:47
std::string name
Definition: hpe_parse.hpp:62
Vec cross(const Vec &v) const
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:59
int maxThreadsPerBlock() const
maximum number of threads per block
cv::Ptr< CvMat > JtJW
Definition: calib3d_c.h:414
@ H5_NONE
Definition: hdf5.hpp:62
void perspectiveTransform(InputArray src, OutputArray dst, InputArray m)
Performs the perspective matrix transformation of vectors.
void reprojectImageTo3D(InputArray disp, OutputArray xyzw, InputArray Q, int dst_cn=4, Stream &stream=Stream::Null())
Reprojects a disparity image to 3D space.
const _Tp * find(const int *idx, size_t *hashval=0) const
returns pointer to the specified element (nD case)
XMLUnknown * ToUnknown()
Safe cast to XMLUnknown. This can return null.
Definition: tinyxml2.h:1829
Ptr< QuantizedPyramid > process(const Mat &src, const Mat &mask=Mat()) const
Form a quantized image pyramid from a source image.
Definition: linemod.hpp:169
Definition: wimage.hpp:257
__device__ __forceinline__ uint vadd4(uint a, uint b)
Definition: simd_functions.hpp:526
@ BORDER_ISOLATED
do not look outside of ROI
Definition: base.hpp:263
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.
void about(const String &message)
Set the about message.
int maxCorrectionBits
Definition: dictionary.hpp:66
virtual double getVarInit() const =0
Returns the initial variance of each gaussian component.
float Type
Definition: dist.h:80
@ block_size_x
Definition: histogram.hpp:103
virtual void augAssignAnd(const MatExpr &expr, Mat &m) const
#define clCreateKernel
Definition: opencl_core_wrappers.hpp:37
int ResultType
Definition: base.hpp:435
float _mu1
Definition: onlineMIL.hpp:93
Definition: types_c.h:1349
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.
int32x4_t cv_vrndq_s32_f32(float32x4_t v)
Definition: neon_utils.hpp:61
const XMLConstHandle FirstChildElement(const char *value=0) const
Definition: tinyxml2.h:1867
int writePoseCluster(FILE *f)
int toInt()
Definition: bridge.hpp:293
void cvCalcArrBackProject(CvArr **image, CvArr *dst, const CvHistogram *hist)
Calculates back project.
KalmanFilter()
The constructors.
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
double getMaxDepth() const
Definition: rgbd.hpp:793
Definition: tinyxml2.h:1505
@ CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio.hpp:500
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
virtual void setBackgroundPrior(double bgprior)=0
Sets the prior probability that each individual pixel is a background pixel.
int ResultType
Definition: dist.h:385
float angle
Definition: types_c.h:1065
MarginType
Definition: ml.hpp:1598
virtual void write(FileStorage &) const
Stores algorithm parameters in a file storage.
__device__ __forceinline__ float1 sinh(const uchar1 &a)
Definition: vec_math.hpp:339
@ CAP_INTELPERC_GENERATORS_MASK
Definition: videoio.hpp:524
@ CHAIN_APPROX_TC89_L1
Definition: imgproc.hpp:450
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
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:600
virtual void setVotesThreshold(int votesThreshold)=0
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType=-1) const
Definition: dist.h:601
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
float * threshold
Definition: objdetect_c.h:87
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
@ CV_YUV2RGB_UYNV
Definition: types_c.h:284
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)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:245
bool getUseFeatureExchange() const
CvVideoWriter * cvCreateVideoWriter(const char *filename, int fourcc, double fps, CvSize frame_size, int is_color=1)
initialize video file writer
Rect warpRoi(Size src_size, InputArray K, InputArray R)
void convertFp16(InputArray _src, OutputArray _dst, Stream &stream=Stream::Null())
Converts an array to half precision floating number.
virtual void obtainRefinedCameraParams(std::vector< CameraParams > &cameras) const =0
Gets the refined camera parameters.
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8)
1x9, 3x3 or 9x1 matrix
RulesOption
Specifies the degree of rules validation.
Definition: fast_hough_transform.hpp:116
void addEdge(int from, int to, float weight)
Mat normals
Definition: types.hpp:128
int CurrentAllocs() const
Definition: tinyxml2.h:341
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
Definition: functional.hpp:133
int getMethod() const
Definition: rgbd.hpp:274
virtual void setWeights(const Blob &Wh, const Blob &Wx, const Blob &b)=0
CvScalar cvGet2D(const CvArr *arr, int idx0, int idx1)
float getCls(int si) const
Definition: feature.hpp:184
@ CV_EVENT_FLAG_MBUTTON
Definition: highgui_c.h:196
bool local_maxima
wenever the regions is a local maxima of the probability
Definition: erfilter.hpp:109
@ CV_INTER_AREA
Definition: types_c.h:362
void pyrUp(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Upsamples an image and then blurs it.
virtual Mat getTestNormCatResponses() const =0
int usedMemory() const
Definition: linear_index.h:83
const_iterator end() const
Designed for command line parsing.
Definition: utility.hpp:735
BlobShape newShapeDesc
Definition: all_layers.hpp:301
virtual int getTransformType() const =0
@ CAP_PROP_DC1394_OFF
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:198
UMat(const UMat &m, const Range &rowRange, const Range &colRange=Range::all())
creates a matrix header for a part of the bigger matrix
@ CAP_PROP_PVAPI_PIXELFORMAT
Pixel format.
Definition: videoio.hpp:290
virtual void getSample(InputArray varIdx, int sidx, float *buf) const =0
virtual int getNumScales() const =0
@ HISTCMP_CHISQR
Definition: imgproc.hpp:497
MinkowskiDistance(int order_)
Definition: dist.h:268
virtual void matchAsync(InputArray queryDescriptors, OutputArray matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
virtual double getTau() const =0
int hal_ni_magnitude64f(const double *x, const double *y, double *dst, int len)
Definition: hal_replacement.hpp:406
int width
Definition: graycodepattern.hpp:79
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
@ CV_CAP_PROP_XI_AE_MAX_LIMIT
Definition: videoio_c.h:278
void save(cv::String filename)
Definition: flann_base.hpp:136
virtual int getSpeckleRange() const =0
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:64
@ CAP_OPENNI_VGA_30HZ
Definition: videoio.hpp:261
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1309
@ H264
Definition: cudacodec.hpp:249
Definition: all_layers.hpp:337
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.
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
void cvLog(const CvArr *src, CvArr *dst)
CvMat * cvGetDiag(const CvArr *arr, CvMat *submat, int diag=0)
Returns one of array diagonals.
double lambda
regularization
Definition: tracker.hpp:1238
@ CV_DIST_L2
Definition: types_c.h:559
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
value_type vec_type
Definition: traits.hpp:112
int minus_delta
Definition: types_c.h:1086
ValueType & operator[](const KeyType &k)
Definition: map.hpp:73
flann_algorithm_t getType() const
Definition: linear_index.h:66
virtual cv::Mat getEigenVectors() const =0
@ CV_EVENT_MOUSEWHEEL
Definition: highgui_c.h:188
void convertFromDirect3DSurface9(IDirect3DSurface9 *pDirect3DSurface9, OutputArray dst, void *surfaceSharedHandle=NULL)
Converts IDirect3DSurface9 to OutputArray.
void seqPopFront(CvSeq *seq, void *element=0)
bool operator<(const BranchStruct< T, DistanceType > &rhs) const
Definition: result_set.h:58
Definition: result_set.h:230
void read(const String &fileName)
bool v_check_all(const v_reg< _Tp, n > &a)
Check if all packed values are less than zero.
Definition: intrin_cpp.hpp:884
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:154
@ FLANN_INT8
Definition: defines.h:157
void print_params(const IndexParams ¶ms, std::ostream &stream)
Definition: params.h:82
int cols
Definition: lut.hpp:77
Complex(_Tp _re, _Tp _im=0)
Affine3 translate(const Vec3 &t) const
a.translate(t) is equivalent to Affine(E, t) * a;
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
@ CAP_PROP_XI_GPO_SELECTOR
Selects general purpose output.
Definition: videoio.hpp:335
int num_errs_per_measurement_
Definition: motion_estimators.hpp:194
void getDirections(bool &refdir, bool &posdir, bool &negdir, const Vec< double, GPCPatchDescriptor::nFeatures > &coef, double rhs) const
CvSize orig_window_size
Definition: objdetect_c.h:110
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:99
double getBase() const
Definition: saliencySpecializedClasses.hpp:317
Mat temp4
Definition: tracking.hpp:380
@ COLOR_BayerBG2BGR
Demosaicing.
Definition: imgproc.hpp:735
virtual ~MxArray()
destructor
Definition: mxarray.hpp:261
virtual const std::vector< int > & getRoots() const =0
Returns indices of root nodes.
virtual bool getUpright() const =0
Ncv32f * pSrcFrame0
frame 0
Definition: NPP_staging.hpp:119
@ CV_DIST_C
Definition: types_c.h:560
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
#define CV_8UC1
Definition: interface.h:82
cv::RotatedRect toRotatedRect()
Definition: bridge.hpp:345
Definition: msm_middlebury.hpp:69
void clear()
Definition: heap.h:102
virtual Mat getDefaultSubstValues() const =0
@ CAP_PROP_XI_TS_RST_MODE
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:446
@ DESCR_FORMAT_ROW_BY_ROW
Definition: cudaobjdetect.hpp:83
@ Uncompressed_UYVY
UYVY (4:2:2)
Definition: cudacodec.hpp:258
@ CHAIN_APPROX_NONE
Definition: imgproc.hpp:445
@ FEATURE_SET_COMPUTE_11
Definition: cuda.hpp:595
@ DTF_NC
Definition: edge_filter.hpp:53
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop)
Performs the per-element comparison of two arrays or an array and scalar value.
Simple widgets.
Definition: widgets.hpp:236
KeyboardEvent(Action action, const String &symbol, unsigned char code, int modifiers)
Constructs a KeyboardEvent.
@ DTF_IC
Definition: edge_filter.hpp:54
virtual bool retrieve(OutputArray image, int flag=0)
Decodes and returns the grabbed video frame.
virtual void setLayerSizes(InputArray _layer_sizes)=0
Definition: interpolation.hpp:64
@ CV_BadNumChannel1U
Definition: types_c.h:136
virtual void setMinSampleCount(int val)=0
cv::Ptr< LineSegmentDetector > Ptr_LineSegmentDetector
Definition: bridge.hpp:83
@ COLOR_BGR5552BGRA
Definition: imgproc.hpp:565
#define clRetainProgram
Definition: opencl_core.hpp:260
virtual void setAdjustOutliers(bool val)=0
double sampsonDistance(InputArray pt1, InputArray pt2, InputArray F)
Calculates the Sampson Distance between two points.
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.
void removeChilds()
Definition: utility.hpp:1060
Ptr< Retina > createRetina(Size inputSize)
UMatData * originalUMatData
Definition: mat.hpp:507
size_t bucket_size_max_
Definition: lsh_table.h:89
#define HaarStage64_Interpret_MaskRootNodes
Definition: NCVHaarObjectDetection.hpp:269
virtual ~PoseCluster3D()
Definition: pose_3d.hpp:162
ColorGradient()
Default constructor. Uses reasonable default parameter values.
AutoBuffer< _Tp, fixed_size > & operator=(const AutoBuffer< _Tp, fixed_size > &buf)
the assignment operator
virtual int getNumDisparities() const =0
std::vector< float > svmDetector
Definition: objdetect.hpp:431
SvmsgdType
Definition: ml.hpp:1591
_OutputArray(cuda::GpuMat &d_mat)
TLSData()
Definition: utility.hpp:637
__device__ static __forceinline__ uint min()
Definition: limits.hpp:104
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.
__device__ __forceinline__ T blockScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:97
void mapForward(float x, float y, float &u, float &v)
bool empty() const
returns true if matrix data is NULL
XMLNode * InsertFirstChild(XMLNode *addThis)
NCVStatus nppiStDecimate_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
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
void cvReleaseSparseMat(CvSparseMat **mat)
Deallocates sparse array.
XMLNode * Parent()
Definition: tinyxml2.h:668
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm [Neumann12]....
Definition: erfilter.hpp:119
@ MONOCHROME_TRANSFER
Definition: photo.hpp:81
__host__ GpuMat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
SrcPtr src
Definition: deriv.hpp:239
Mat sum
Definition: feature.hpp:393
void cvThreshHist(CvHistogram *hist, double threshold)
Thresholds the histogram.
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Number of buffers to commit to low level.
Definition: videoio.hpp:453
Ptr< ILog > log() const
Definition: stabilizer.hpp:72
virtual double getDp() const =0
virtual ::size_t get_size()
Definition: any.h:57
@ CV_RGB2HLS_FULL
Definition: types_c.h:208
virtual Ptr< MaskGenerator > getMaskGenerator()=0
#define clAmdFftSetPlanDistance
Definition: opencl_clamdfft.hpp:90
static MatAllocator * getAllocator(AllocType alloc_type=PAGE_LOCKED)
@ KDTREE_SINGLE
Definition: defines.h:98
static __host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:74
virtual int getSmoothingRadius() const =0
Returns the kernel radius used for morphological operations.
@ WND_PROP_OPENGL
opengl support.
Definition: highgui.hpp:199
@ CV_OpenCLApiCallError
Definition: types_c.h:171
@ ACCESS_FAST
Definition: mat.hpp:63
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.
void v_store_high(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (higher half)
Definition: intrin_cpp.hpp:1242
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
String & operator+=(const std::string &str)
@ CV_CAP_PROP_FRAME_WIDTH
Definition: videoio_c.h:169
@ CAP_PROP_XI_WIDTH
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:373
TrackerSamplerCSC(const TrackerSamplerCSC::Params ¶meters=TrackerSamplerCSC::Params())
Constructor.
virtual void setPreFilterCap(int preFilterCap)=0
@ CV_CAP_FIREWARE
Definition: videoio_c.h:84
#define clCreateProgramWithBuiltInKernels
Definition: opencl_core_wrappers.hpp:46
Mat & operator=(const Mat &m)
assignment operators
virtual void setPosThresh(int posThresh)=0
Position votes threshold.
@ CV_CS_CENSUS
Definition: descriptor.hpp:59
Mat(const Point3_< _Tp > &pt, bool copyData=true)
@ CV_RGB2Lab
Definition: types_c.h:168
static void read(const FileNode &node, schar &value, schar default_value)
Definition: persistence.hpp:1057
virtual void saveIndex(FILE *stream)
Saves the index to a stream.
Definition: flann_base.hpp:151
@ OCL_VECTOR_MAX
Definition: ocl.hpp:682
@ CV_CAP_PROP_ANDROID_FOCUS_DISTANCE_OPTIMAL
Definition: videoio_c.h:420
@ CV_CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Definition: videoio_c.h:387
#define CV_HAL_ERROR_NOT_IMPLEMENTED
Definition: interface.h:10
FileNode operator->() const
accesses the currently observed element methods
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelLSC object.
MotionModel motionModel_
Definition: inpainting.hpp:95
virtual void setNumWarps(int warps)=0
std::string vocabulary
Definition: ocr.hpp:280
double threshold
Definition: predict_collector.hpp:92
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
int cvGetTrackbarPos(const char *trackbar_name, const char *window_name)
void cvCopyMakeBorder(const CvArr *src, CvArr *dst, CvPoint offset, int bordertype, CvScalar value=cvScalarAll(0))
virtual void clearImages()=0
Clear the list of images to process.
Trajectory trajectory
Definition: tracker.hpp:518
virtual void setEdgeThreshold(double edge_threshold)=0
void cvSaveMemStoragePos(const CvMemStorage *storage, CvMemStoragePos *pos)
Definition: tinyxml2.h:130
int rows
Definition: deriv.hpp:302
Definition: slam_tumindoor.hpp:68
int locate(Point2f pt, int &edge, int &vertex)
Returns the location of a point within a Delaunay triangulation.
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
Definition: frame_source.hpp:66
@ CAP_PROP_PVAPI_BINNINGX
Horizontal binning factor.
Definition: videoio.hpp:288
@ CV_COUNTER_CLOCKWISE
Definition: types_c.h:513
virtual void setRho(float rho)=0
WImageC< short, 3 > WImage3_16s
Definition: wimage.hpp:97
#define clGetEventInfo
Definition: opencl_core_wrappers.hpp:157
const cv::Vec< double, 2 > & getShift() const
Definition: mapaffine.hpp:92
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.
virtual void write(FileStorage &fs) const =0
Write detector to FileStorage.
@ CAP_GIGANETIX
Smartek Giganetix GigEVisionSDK.
Definition: videoio.hpp:107
ResultType operator()(ResultType dist)
Definition: dist.h:816
void repeat(InputArray src, int ny, int nx, OutputArray dst)
Fills the output array with repeated copies of the input array.
SrcPtr src
Definition: reduction.hpp:66
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:199
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.
@ CAP_PROP_XI_OFFSET_X
Horizontal offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:328
flann_distance_t
Definition: defines.h:128
virtual void setTau(double val)=0
Time step of the numerical scheme.
virtual void print(const char *format,...)
String(const char *s, size_t n)
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const
TrackerStateEstimatorSVM()
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:170
WImageOverlay(InputArray image, const Rect &rect)
Constructs an WImageOverlay.
@ YUV444
Definition: cudacodec.hpp:268
XMLText * NewText(const char *text)
const Ptr< detail::FeaturesMatcher > featuresMatcher() const
Definition: stitching.hpp:193
The base class algorithms that can merge exposure sequence to a single image.
Definition: photo.hpp:626
void deletePoint(int vtx)
void init(const Mat **arrays, Mat *planes, uchar **ptrs, int narrays=-1)
the separate iterator initialization method
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:901
static void ToStr(bool v, char *buffer, int bufferSize)
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:921
Matx< double, 4, 1 > Matx41d
Definition: matx.hpp:209
@ DICT_5X5_250
Definition: dictionary.hpp:148
GpuMat & setTo(Scalar s, InputArray mask)
sets some of the GpuMat elements to s, according to the mask (Blocking call)
Mat_< Vec3s > Mat3s
Definition: mat.hpp:2200
int rows
Definition: interpolation.hpp:78
SrcPtr src
Definition: warping.hpp:154
char Yes
Definition: functional.hpp:889
@ SF_UYVY
Definition: cudacodec.hpp:72
__host__ ZipPtrSz< tuple< typename PtrTraits< Ptr0 >::ptr_type, typename PtrTraits< Ptr1 >::ptr_type > > zipPtr(const Ptr0 &ptr0, const Ptr1 &ptr1)
Definition: zip.hpp:118
virtual int getResponseType() const =0
Action
Definition: types.hpp:228
@ CAP_PROP_XI_TEST_PATTERN
Selects which test pattern type is generated by the selected generator.
Definition: videoio.hpp:361
'printToYML:second-argument matrix should have two dimensions' error()
@ POS
Definition: pd_inria.hpp:62
static void ToStr(unsigned v, char *buffer, int bufferSize)
@ z
Definition: gr_skig.hpp:67
static void AGAST_7_12d(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:818
v_uint8x16 v_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:1651
virtual void printDefaults() const
static void registerLayer(const String &type, Constuctor constructor)
Registers the layer class with typename type and specified constructor.
double area
Definition: types_c.h:59
float prob
probability of success
Definition: motion_core.hpp:78
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
double getMaxRotation() const
Definition: rgbd.hpp:722
Scalar_< _Tp > conj() const
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
#define clCreateImage2D
Definition: opencl_core_wrappers.hpp:31
virtual XMLText * ToText()
Safely cast to Text, or null.
Definition: tinyxml2.h:872
int type() const
returns the type of sequence elements (CV_8UC1 ... CV_64FC(CV_CN_MAX) ...)
Definition: core_c.h:2999
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:115
#define clEnqueueMarker
Definition: opencl_core_wrappers.hpp:97
void operator()(const cv::Range &r) const
Definition: descriptor.hpp:293
Class with reference counting wrapping special memory type allocation functions from CUDA.
Definition: cuda.hpp:354
int radius() const
Definition: stabilizer.hpp:75
bool has(const String &key) const
Checks a presence of the key in the dictionary.
virtual double getDefaultLearningRate() const =0
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
#define clGetKernelInfo
Definition: opencl_core_wrappers.hpp:175
void project(InputArray vec, OutputArray result) const
const _Tp * ptr(int row, int col) const
@ COLOR_BayerGR2GRAY_MHT
Definition: cudaimgproc.hpp:108
@ CV_RGBA2BGR
Definition: types_c.h:112
Ncv32s height
Rectangle height.
Definition: NCV.hpp:175
size_t image3DMaxHeight() const
float _e1
Definition: onlineMIL.hpp:97
#define clCreateSubBuffer
Definition: opencl_core.hpp:132
bool BoolAttribute(const char *name) const
See IntAttribute()
Definition: tinyxml2.h:1196
@ CV_YUV2BGRA_Y422
Definition: types_c.h:292
virtual XMLComment * ToComment()
Safely cast to a Comment, or null.
Definition: tinyxml2.h:612
@ WINDOW_FREERATIO
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:188
SparseMat clone() const
creates full copy of the matrix
RotatedRect(const Point2f &point1, const Point2f &point2, const Point2f &point3)
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:94
virtual ~TrackerSamplerAlgorithm()
Destructor.
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
v_uint8x16 v_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:1657
void replaceWeakClassifier(int idx)
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
struct CvTypeInfo * prev
Definition: types_c.h:1829
XMLNode * InsertEndChild(XMLNode *addThis)
@ COLOR_RGB2GRAY
Definition: imgproc.hpp:539
@ is_reference
Definition: type_traits.hpp:139
bool compute(Ptr< OdometryFrame > &srcFrame, Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt=Mat()) const
_Tp height
Definition: types.hpp:308
#define clSetKernelArg
Definition: opencl_core_wrappers.hpp:256
virtual void forward(std::vector< Blob * > &input, std::vector< Blob > &output)=0
Given the input blobs, computes the output blobs.
void fillFixed(Mat &G, int flags, int n)
#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
@ MAX_DIST
Definition: defines.h:147
virtual void getLayer(OutputArray outImg, Size outRoi, Stream &stream=Stream::Null()) const =0
virtual void setNumScales(int nscales)=0
int wscale
Definition: ocl.hpp:388
static UMat eye(int rows, int cols, int type)
__device__ __forceinline__ void warpReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:62
const std::vector< int > & getIdxDetections() const
Definition: onlineBoosting.hpp:225
virtual const String printSetup()=0
parameters setup display method
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())
PtrTraits< SrcPtr >::value_type val
Definition: extrapolation.hpp:67
bool checkDetectorSize() const
size_t size() const
Definition: dynamic_bitset.h:135
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_SubOp)
void forEach(const Functor &operation)
template methods for for operation over all matrix elements.
virtual Mat cluster(const Mat &descriptors) const =0
Clusters train descriptors.
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
@ CV_BayerRG2RGB_VNG
Definition: types_c.h:202
@ COLOR_YUV2RGB_YUY2
Definition: imgproc.hpp:688
virtual bool getDoSort() const =0
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3030
size_t stepT(int i=0) const
returns step()/sizeof(_Tp)
virtual bool computeImpl(const std::vector< Mat > &images, Mat &response)=0
struct CvTypeInfo * next
Definition: types_c.h:1830
CvFileNode * cvGetFileNodeByName(const CvFileStorage *fs, const CvFileNode *map, const char *name)
Finds a node in a map or file storage.
int cvNextGraphItem(CvGraphScanner *scanner)
@ HDO_RAW
Definition: fast_hough_transform.hpp:107
@ EVENT_FLAG_SHIFTKEY
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:225
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.
#define CV_CUDEV_HSV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:236
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:143
@ CV_YUV420p2RGB
Definition: types_c.h:256
void copyFrom(InputArray arr, cuda::Stream &stream, Target target=ARRAY_BUFFER, bool autoRelease=false)
static flann_datatype_t type()
Definition: saving.h:61
int attempts
Definition: features2d.hpp:1278
int ymax
Definition: or_pascal.hpp:65
ConsistentMosaicInpainter()
virtual void setDist2Threshold(double _dist2Threshold)=0
Sets the threshold on the squared distance.
flann_algorithm_t getType() const
Definition: kmeans_index.h:269
@ MM_RIGID
Definition: motion_core.hpp:64
virtual void setMarginType(int marginType)=0
Margin type, one of SVMSGD::MarginType.
NcvSize32u size() const
Definition: NCV.hpp:826
#define clGetKernelArgInfo
Definition: opencl_core_wrappers.hpp:172
int width
Definition: pd_inria.hpp:75
__host__ __device__ HaarClassifierNodeDescriptor32 getLeftNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:255
virtual void loadFontData(String fontFileName, int id)=0
Load font data.
void record(Stream &stream=Stream::Null())
records an event
Vec< int, 6 > Vec6i
Definition: matx.hpp:378
_Tp value_type
Definition: utility.hpp:117
float score
Definition: dpm.hpp:110
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
virtual Mat nextFrame()
Definition: frame_source.hpp:69
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:321
#define clRetainDevice
Definition: opencl_core.hpp:252
Kernel & args(const _Tp0 &a0, const _Tp1 &a1, const _Tp2 &a2, const _Tp3 &a3, const _Tp4 &a4)
Definition: ocl.hpp:440
void allocate(size_t _size)
allocates the new buffer of size _size. if the _size is small enough, stack-allocated buffer is used
int minusStep
Definition: imgproc.hpp:4598
T value
Definition: constant.hpp:62
Size getGridSize() const
Definition: aruco.hpp:294
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
std::vector< std::string > paths
Definition: or_sun.hpp:73
MultiBandBlender(int try_gpu=false, int num_bands=5, int weight_type=CV_32F)
WImageBufferC(int width, int height)
Definition: wimage.hpp:360
Definition: kmeans_index.h:56
Definition: type_traits.hpp:97
void cvMulSpectrums(const CvArr *src1, const CvArr *src2, CvArr *dst, int flags)
int trySmallerWindows
Definition: calib3d_c.h:344
bool imwrite(const String &filename, InputArray img, const std::vector< int > ¶ms=std::vector< int >())
Saves an image to a specified file.
Definition: freetype.hpp:75
virtual void train()
Trains a descriptor matcher.
uint imagePitchAlignment() const
This class is used to track multiple objects using the specified tracker algorithm....
Definition: tracker.hpp:1295
int hal_ni_fastAtan32f(const float *y, const float *x, float *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:388
void cvSetRemove(CvSet *set_header, int index)
Definition: functional.hpp:448
Ptr< detail::FeaturesFinder > featuresFinder()
Definition: stitching.hpp:187
float hcellsTemporalConstant
Definition: retina.hpp:162
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Sensor clock frequency in Hz.
Definition: videoio.hpp:433
virtual bool VisitEnter(const XMLDocument &)
Visit a document.
Definition: tinyxml2.h:448
This 3D Widget defines a cube.
Definition: widgets.hpp:373
This algorithm decomposes image into two layers: base layer and detail layer using bilateral filter a...
Definition: photo.hpp:389
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:84
virtual cv::Mat getLabels() const =0
int max_iter
Definition: types_c.h:840
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
ptrdiff_t difference_type
Definition: mat.hpp:2929
void push_back(const _Tp &elem)
appends the specified element to the end of the sequence
Definition: core_c.h:3014
@ 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
float FloatValue() const
Query as a float. See IntValue()
Definition: tinyxml2.h:1076
Base class for background/foreground segmentation. :
Definition: background_segm.hpp:61
__device__ __forceinline__ double4 log2(const double4 &a)
Definition: vec_math.hpp:274
virtual void addGraphSegmentation(Ptr< GraphSegmentation > g)=0
Add a new graph segmentation in the list of graph segementations to process.
@ CAP_MODE_RGB
RGB24.
Definition: videoio.hpp:171
int cameraVertex
Definition: multicalib.hpp:84
virtual cv::Ptr< Map > inverseMap(void) const =0
virtual double getDefaultLearningRate() const =0
Returns the learning rate of the algorithm.
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,...
virtual TermCriteria getTermCriteria() const =0
SparseMatConstIterator end() const
returns the read-only sparse matrix iterator at the matrix end
virtual Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)=0
Projects the image point.
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
Definition: videoio_c.h:200
@ SEQ
sequence
Definition: persistence.hpp:498
virtual void subtract(const Scalar &s, const MatExpr &expr, MatExpr &res) const
size_t freeMemory() const
@ CALIB_FIX_CENTER
Definition: omnidir.hpp:64
void minMax(InputArray src, double *minVal, double *maxVal, InputArray mask=noArray())
Finds global minimum and maximum matrix elements and returns their values.
virtual void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
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.
SavedIndexParams(const String &filename)
virtual void setMsgType(int msg_type)=0
@ CV_BILATERAL
Definition: types_c.h:84
Mat_(int _ndims, const int *_sizes, const _Tp &value)
n-dim array constructor that sets each matrix element to specified value
Definition: functional.hpp:215
@ CV_CAP_PROP_GPHOTO2_RELOAD_CONFIG
Definition: videoio_c.h:507
size_t veclen() const
Definition: lsh_index.h:162
unsigned int VASurfaceID
Definition: va_intel.hpp:23
@ is_volatile
Definition: type_traits.hpp:137
T float_type
Definition: affine.hpp:64
@ pat
Definition: gr_skig.hpp:71
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
@ CV_IMWRITE_JPEG_RST_INTERVAL
Definition: imgcodecs_c.h:85
float eval(const Mat &response)
virtual void setMaxAngle(double maxAngle)=0
Maximal rotation angle to detect in degrees.
Definition: deblurring.hpp:60
double f
Definition: types_c.h:1793
Ptr_StereoSGBM toPtrStereoSGBM()
Definition: bridge.hpp:438
int m_threads
Definition: utility.hpp:1134
Definition: bufferpool.hpp:17
@ DIST_HUBER
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:316
void setMaxTranslation(double val)
Definition: rgbd.hpp:718
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
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
Definition: reduction.hpp:65
virtual Size getClassifierSize() const =0
bool update(const Mat &image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets.
WImage< float > WImage_f
Definition: wimage.hpp:75
@ DTF_RF
Definition: edge_filter.hpp:55
virtual size_t veclen() const
Definition: autotuned_index.h:190
virtual bool getUsePrefilter() const =0
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
@ GC_EVAL
Definition: imgproc.hpp:376
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: resize.hpp:68
Definition: constant.hpp:68
@ CV_SHAPE_RECT
Definition: types_c.h:378
IplImage * cvInitImageHeader(IplImage *image, CvSize size, int depth, int channels, int origin=0, int align=4)
Initializes an image header that was previously allocated.
size_t find_last_of(const char *s, size_t pos, size_t n) const
#define CV_L2
Definition: core_c.h:1458
void cvPow(const CvArr *src, CvArr *dst, double power)
@ TYPE_WRAPPER
Definition: utility.hpp:1094
float stdev() const
Definition: motion_stabilizing.hpp:104
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
Vec< float, 3 > Vec3f
Definition: matx.hpp:382
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...
CvGraphEdge * edge
Definition: core_c.h:1864
virtual void setCallback(const Ptr< ERFilter::Callback > &cb)=0
set/get methods to set the algorithm properties,
static double determinant(const Matx< _Tp, m, m > &a)
float index_type
Definition: interpolation.hpp:237
virtual void apply(InputArray src, OutputArray dst)=0
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.
Definition: functional.hpp:695
static NNIndex< Distance > * create(const Matrix< typename Distance::ElementType > &dataset, const IndexParams ¶ms, const Distance &distance)
Definition: all_indices.h:93
double polygonalApproxAccuracyRate
Definition: aruco.hpp:136
@ INTERSECT_PARTIAL
There is a partial intersection.
Definition: imgproc.hpp:781
void * userdata
Definition: mat.hpp:504
virtual void setFastThreshold(int fastThreshold)=0
InpaintTypes
various inpainting algorithms
Definition: inpainting.hpp:63
@ CAP_PROP_XI_LENS_FOCUS_DISTANCE
Lens focus distance in cm.
Definition: videoio.hpp:424
const XMLAttribute * FindAttribute(const char *name) const
Query a specific attribute in the list.
Definition: affine.hpp:52
Ptr< FreeType2 > createFreeType2()
Create FreeType2 Instance.
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...
virtual int getVariationalRefinementIterations() const =0
Number of fixed point iterations of variational refinement per scale. Set to zero to disable variatio...
Point2f pt
Definition: descriptor.hpp:118
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
@ CV_CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio_c.h:427
const _InputOutputArray & InputOutputArray
Definition: mat.hpp:383
virtual void setFrames(const std::vector< Mat > &val)
VideoCapture(const String &filename)
Open video file or a capturing device or a IP video stream for video capturing.
virtual void setDecisionThreshold(double thresh)=0
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, abs_func< typename PtrTraits< SrcPtr >::value_type > > > abs_(const SrcPtr &src)
Definition: unary_func.hpp:68
SparseMatIterator iterator
Definition: mat.hpp:2512
double mu02
Definition: types.hpp:867
static MatAllocator * getDefaultAllocator()
virtual int getP1() const =0
virtual Mat getVarType() const =0
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
void getByName(const String &name, bool space_delete, int type, void *dst) const
double getTimeMilli() const
Definition: utility.hpp:335
int numberOfDisparities
Definition: calib3d_c.h:333
bool equal(const BlobShape &other) const
Checks equality of two shapes.
FlannBasedMatcher(const Ptr< flann::IndexParams > &indexParams=makePtr< flann::KDTreeIndexParams >(), const Ptr< flann::SearchParams > &searchParams=makePtr< flann::SearchParams >())
static bool convert(const String &oldcascade, const String &newcascade)
@ NCV_NOT_IMPLEMENTED
Definition: NCV.hpp:350
#define clAmdBlasTeardown
Definition: opencl_clamdblas.hpp:447
XMLDocument * _document
Definition: tinyxml2.h:837
void decodeParameters(InputArray paramsters, OutputArray K, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray distoration, double &xi)
virtual void setMaxCategories(int val)=0
virtual int getDefaultK() const =0
@ 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
Bridge & operator=(const cv::RotatedRect &)
Definition: bridge.hpp:344
int operator[](int axis) const
Does the same thing as size(axis).
Class computing a dense optical flow using the Gunnar Farneback’s algorithm.
Definition: tracking.hpp:550
virtual int getNOctaves() const =0
int dims() const
Returns number of blob dimensions.
__device__ __forceinline__ float1 sin(const uchar1 &a)
Definition: vec_math.hpp:285
DictValue(unsigned p)
Constructs integer scalar.
Definition: dict.hpp:64
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)
virtual void setScale(float)
Definition: warpers.hpp:119
WText(const String &text, const Point &pos, int font_size=20, const Color &color=Color::white())
Constructs a WText.
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2510
virtual void close()=0
Close and release hdf5 object.
@ DICT_4X4_50
Definition: dictionary.hpp:142
@ CLOSE_CAMERA
Definition: cap_winrt.hpp:41
@ CV_YUV2RGB_NV12
Definition: types_c.h:236
_OutputArray(const std::vector< _Tp > &vec)
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
Definition: types_c.h:150
Simple blender which mixes images at its borders.
Definition: blenders.hpp:100
void drawKeypoints(InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), int flags=DrawMatchesFlags::DEFAULT)
Draws keypoints.
virtual void getForegroundRegions(OutputArrayOfArrays foreground_regions)=0
Returns the output foreground regions calculated by findContours.
void cvDCT(const CvArr *src, CvArr *dst, int flags)
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:125
virtual Mat cluster() const
int height
Definition: types_c.h:445
_Tp & at(const Vec< int, n > &idx)
@ CAP_PROP_XI_AEAG_ROI_OFFSET_X
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:365
int veclen() const
Definition: flann.hpp:227
Mat getStructuringElement(int shape, Size ksize, Point anchor=Point(-1,-1))
Returns a structuring element of the specified size and shape for morphological operations.
const _Tp * ptr(const int *idx) const
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
virtual void getNormCatValues(int vi, InputArray sidx, int *values) const =0
#define clGetImageInfo
Definition: opencl_core_wrappers.hpp:169
@ StsAutoTrace
tracing
Definition: base.hpp:77
IplImage * Ipl()
Definition: wimage.hpp:181
CvFeatureParams * featureParams
Definition: feature.hpp:194
bool computeSaliencyImpl(InputArray image, OutputArray objectnessBoundingBox)
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
@ cross
Definition: gr_skig.hpp:68
int * values
Definition: types_c.h:358
MatConstIterator(const Mat *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
void sqrt32f(const float *src, float *dst, int len)
@ CAP_PROP_XI_WB_KB
White balance blue coefficient.
Definition: videoio.hpp:372
@ CAP_PROP_XI_DECIMATION_HORIZONTAL
Horizontal Decimation - horizontal sub-sampling of the image - reduces the horizontal resolution of t...
Definition: videoio.hpp:358
void saveScreenshot(const String &file)
Saves screenshot of the current scene.
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:99
bool subscribe(UniqueIdType id, ObjectCreator creator)
Definition: object_factory.h:56
void setMaxDepth(double val)
Definition: rgbd.hpp:670
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...
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.
Rect_< float > boundingRect2f() const
returns the minimal (exact) floating point rectangle containing the rotated rectangle,...
virtual int getUniquenessRatio() const =0
BinaryDescriptor(const BinaryDescriptor::Params ¶meters=BinaryDescriptor::Params())
Constructor.
int radius_
Definition: inpainting.hpp:94
Mat(const std::vector< int > &sizes, int type, void *data, const size_t *steps=0)
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.
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)
@ ALPHA_OUT_PREMUL
Definition: cudaimgproc.hpp:159
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...
void cvOrS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
void setMaxPointsPart(double val)
Definition: rgbd.hpp:821
int * refcount
Definition: cuda.hpp:296
void setCameraMatrix(const cv::Mat &val)
Definition: rgbd.hpp:654
void initDelaunay(Rect rect)
Creates a new empty Delaunay subdivision.
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
Definition: videoio_c.h:331
@ CV_CAP_OPENNI_GENERATORS_MASK
Definition: videoio_c.h:219
const float * warpMat
Definition: warping.hpp:66
double maxRotation
Definition: rgbd.hpp:873
@ THRESH_TOZERO_INV
Definition: imgproc.hpp:333
static NNIndex< Distance > * create(const Matrix< typename Distance::ElementType > &dataset, const IndexParams ¶ms, const Distance &distance)
Definition: all_indices.h:52
void setType(int type_)
Definition: agast.txt:7529
void recip64f(const double *, size_t, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
T * operator[](size_t index) const
Definition: matrix.h:80
int anchorY
Definition: types_c.h:368
virtual int getPatchSize() const =0
_OutputArray(const cuda::HostMem &cuda_mem)
void findNonZero(InputArray src, OutputArray idx)
Returns the list of locations of non-zero pixels.
virtual void setScalesNumber(int val)=0
@ CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Device output data bit depth.
Definition: videoio.hpp:379
virtual void shuffleTrainTest()=0
void recip8s(const schar *, size_t, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
void histRange(InputArray src, OutputArray hist, InputArray levels, Stream &stream=Stream::Null())
Calculates a histogram with bins determined by the levels array.
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:403
const char * name() const
ASCII string identifying device.
@ FLANN_INDEX_COMPOSITE
Definition: defines.h:86
virtual const std::vector< GpuMat > & getTrainDescriptors() const =0
Returns a constant link to the train descriptor collection.
const Mat & getCls() const
Definition: feature.hpp:180
virtual void setTemporalAreaRadius(int val)=0
Radius of the temporal search area.
WImage< T >::BaseType BaseType
Definition: wimage.hpp:298
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)
virtual void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Mat4 matrix
Definition: affine.hpp:126
WImageBufferC< float, 3 > WImageBuffer3_f
Definition: wimage.hpp:85
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
virtual void setDefaultLearningRate(double lr)=0
Sets the learning rate of the algorithm.
virtual int getDescriptorChannels() const =0
__device__ __forceinline__ double4 cos(const double4 &a)
Definition: vec_math.hpp:301
cv::Ptr< Stitcher > Ptr_Stitcher
Definition: bridge.hpp:92
void bilateralFilter(InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
int cols
Definition: deriv.hpp:256
Base class for Cornerness Criteria computation. :
Definition: cudaimgproc.hpp:511
int axis
Definition: all_layers.hpp:311
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
CvRect roi2
Definition: calib3d_c.h:346
virtual void setSpekleRemovalTechnique(int factor)=0
int curidx
Definition: types_c.h:721
virtual ~Modality()
Definition: linemod.hpp:160
vector_int toVectorInt()
Definition: bridge.hpp:381
illuminationType
Definition: gr_skig.hpp:82
virtual void setMiniBatchSize(int val)=0
#define HaarStage64_Interpret_ShiftRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
String & operator+=(const String &str)
RgbdNormals(int rows, int cols, int depth, InputArray K, int window_size=5, int method=RGBD_NORMALS_METHOD_FALS)
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapXPtr >::index_type y, typename PtrTraits< MapXPtr >::index_type x) const
Definition: remap.hpp:84
void cvAbsDiff(const CvArr *src1, const CvArr *src2, CvArr *dst)
virtual size_t getMaxReservedSize() const =0
AutotunedIndex(const AutotunedIndex &)
bool findRt(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
UMatUsageFlags usageFlags
Definition: mat.hpp:2411
@ CAP_PROP_XI_LENS_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_LENS_FEATURE.
Definition: videoio.hpp:426
void clearTrainingModels()
VideoCaptureModes
Generic camera output modes identifier.
Definition: videoio.hpp:169
Mat temp1
Definition: tracking.hpp:377
~NCVVectorAlloc()
Definition: NCV.hpp:654
@ IMWRITE_JPEG_LUMA_QUALITY
Separate luma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:86
static std::string ToString()
Definition: mxarray.hpp:198
void FT02D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse F0-transfrom.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:236
Ncv8u width
Definition: NCV.hpp:141
void getVoronoiFacetList(const std::vector< int > &idx, std::vector< std::vector< Point2f > > &facetList, std::vector< Point2f > &facetCenters)
Returns a list of all Voroni facets.
const value_type & const_reference
Definition: cvstd.hpp:134
virtual const std::vector< Node > & getNodes() const =0
Returns all the nodes.
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
float fastAtan2(float y, float x)
Calculates the angle of a 2D vector in degrees.
#define clSetMemObjectDestructorCallback
Definition: opencl_core_wrappers.hpp:259
static Ptr< GR_skig > create()
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
Point2f getTargetPosition() const
Get the position.
@ CV_CAP_PROP_APERTURE
Definition: videoio_c.h:512
virtual void setTermCriteria(TermCriteria &crit)=0
@ ALPHA_IN
Definition: cudaimgproc.hpp:159
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
void printErrors() const
Print list of errors occured.
virtual void write(FileStorage &fs) const
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
virtual void * createDataInstance() const =0
void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: composite_index.h:158
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
int IntValue() const
Definition: tinyxml2.h:1052
int descriptorType() const
Return data type.
int keyframe2
Definition: simple_pipeline.hpp:148
virtual void setRadius(int radius)=0
virtual int getMaxFeatures() const =0
Returns total number of distinct colors to maintain in histogram.
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
int size(int i) const
returns the size of i-th matrix dimension (or 0)
virtual int getPreFilterSize() const =0
@ CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
The alpha channel of RGB32 output image format.
Definition: videoio.hpp:430
int hal_ni_exp32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:473
MatConstIterator_ & operator=(const MatConstIterator_ &it)
copy operator
cv::Ptr< CvMat > err
Definition: calib3d_c.h:409
@ COLOR_BayerGB2RGB_EA
Definition: imgproc.hpp:768
double mu20
Definition: types_c.h:400
ConnectedComponentsTypes
connected components algorithm output formats
Definition: imgproc.hpp:405
void appendPose(double IncrementalPose[16])
Left multiplies the existing pose in order to update the transformation.
cv::Ptr< AlignMTB > Ptr_AlignMTB
Definition: bridge.hpp:84
__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
virtual void dsinsert(InputArray Array, String dslabel) const =0
int frameCounter
Definition: track_vot.hpp:88
virtual void setRpropDWMax(double val)=0
@ COLOR_YCrCb2BGR
Definition: imgproc.hpp:578
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
const Ptr< const PCAPrior > prior
Definition: pcaflow.hpp:97
@ HOUGH_PROBABILISTIC
Definition: imgproc.hpp:469
@ FLANN_FLOAT64
Definition: defines.h:166
@ CV_ITERATIVE
Definition: calib3d_c.h:96
IndexParams getParameters() const
Definition: hierarchical_clustering_index.h:572
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)
@ block_size_y
Definition: histogram.hpp:104
@ CV_DIST_WELSCH
Definition: types_c.h:563
XMLError QueryFloatText(float *fval) const
See QueryIntText()
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
int cvGetNumThreads(void)
DisjointSets(int elem_count=0)
Definition: util.hpp:58
@ HELLINGER
Definition: defines.h:149
virtual void clone(void *const *src, void **dest)=0
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
virtual void setInputMin(float val)=0
Input image range minimum value.
unsigned saturate_cast< unsigned >(float v)
Definition: saturate.hpp:143
float f
Definition: cvdef.h:332
void printMessage() const
Print help message.
StaticSaliencySpectralResidual()
void cvAbsDiffS(const CvArr *src, CvArr *dst, CvScalar value)
std::vector< int > leaveBiggestComponent(std::vector< ImageFeatures > &features, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
std::vector< std::vector< unsigned int > > size_histogram_
Definition: lsh_table.h:93
KeyPoint()
the default constructor
Ptr< SelectiveSearchSegmentationStrategySize > createSelectiveSearchSegmentationStrategySize()
Create a new size-based strategy.
virtual void setMinScale(double minScale)=0
Minimal scale to detect.
@ CALIB_USE_GUESS
Definition: omnidir.hpp:56
@ NORMAL_CLONE
Definition: photo.hpp:79
void setScallingFactor(int val)
a number by which the disparity will be multiplied for better display
Definition: matching.hpp:388
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:155
virtual void save(const String &filename) const
@ CV_CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Definition: videoio_c.h:367
virtual void setSigmaColor(float sigma_color)=0
SeqIterator & operator+=(int)
moves iterator forward by the specified offset (possibly negative)
Definition: core_c.h:3140
Size winSize
Definition: feature.hpp:193
@ SFM_REFINE_FOCAL_LENGTH
Definition: simple_pipeline.hpp:120
__device__ __forceinline__ const T * row(int y) const
Definition: glob.hpp:73
void * seq
Definition: persistence.hpp:672
void applyTransformationToPoints(InputArray points, InputArray T, OutputArray transformed_points)
Apply Transformation to points.
Matx33d mat
Definition: ir_affine.hpp:64
virtual int radius() const
Definition: deblurring.hpp:67
static void write(FileStorage &fs, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:932
CreateFlags
Definition: cuda.hpp:525
Definition: types_c.h:1190
static Ptr< PoolingLayer > createGlobal(int type=PoolingLayer::MAX)
@ CV_CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Definition: videoio_c.h:317
@ CV_BLUR_NO_SCALE
Definition: types_c.h:73
void setGlobalWarnings(bool enabled=false)
void mapForward(float x, float y, float &u, float &v)
static Blob fromImages(InputArray image, int dstCn=-1)
Constructs 4-dimensional blob (so-called batch) from image or array of images.
void setWidgetPose(const String &id, const Affine3d &pose)
Sets pose of a widget in the window.
@ CAP_PROP_XI_HDR_KNEEPOINT_COUNT
The number of kneepoints in the PWLR.
Definition: videoio.hpp:460
float weight
Definition: objdetect_c.h:79
Definition: onlineMIL.hpp:60
int width
Definition: histogramphaseunwrapping.hpp:81
static bool operator==(const String &lhs, const String &rhs)
Definition: cvstd.hpp:1025
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_YUV2GRAY_420
Definition: types_c.h:268
void write(FileStorage &fs) const
int xmin
Definition: or_pascal.hpp:62
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracker.hpp:668
@ CAP_PROP_XI_IMAGE_IS_COLOR
Returns 1 for color cameras.
Definition: videoio.hpp:392
ParamGrid(double _minVal, double _maxVal, double _logStep)
Constructor with parameters.
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:122
#define CV_HAAR_FEATURE_MAX
Definition: objdetect_c.h:71
Vec3i maxGridSize() const
maximum size of each dimension of a grid
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:429
@ RIGID_BODY_MOTION
Definition: rgbd.hpp:534
v_reg< double, n > v_cvt_f64(const v_reg< int, n *2 > &a)
Convert to double.
Definition: intrin_cpp.hpp:1464
@ XML_NO_ERROR
Definition: tinyxml2.h:1000
virtual void setTau(double val)=0
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
Definition: hpe_parse.hpp:66
@ CV_CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Definition: videoio_c.h:254
@ CV_CAP_ANDROID_BACK
Definition: videoio_c.h:110
virtual void copy(int *indices, DistanceType *dist, int n_neighbors=-1) const
Definition: result_set.h:327
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:649
virtual void setCoef0(double val)=0
Line segment detector class.
Definition: imgproc.hpp:1178
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:240
@ 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
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.
@ CAP_OPENNI_BGR_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:254
double minCornerDistanceRate
Definition: aruco.hpp:137
void cvStartReadRawData(const CvFileStorage *fs, const CvFileNode *src, CvSeqReader *reader)
Initializes the file node sequence reader.
@ CV_YUV2RGB_YUY2
Definition: types_c.h:296
Ptr_TonemapDurand toPtrTonemapDurand()
Definition: bridge.hpp:513
cv::Ptr< TonemapReinhard > Ptr_TonemapReinhard
Definition: bridge.hpp:97
static int IsUTF8Continuation(const char p)
Definition: tinyxml2.h:537
Definition: miniflann.hpp:102
__host__ ConstantPtr< T > constantPtr(T value)
Definition: constant.hpp:73
virtual void detectAsync(InputArray image, OutputArray keypoints, InputArray mask=noArray(), Stream &stream=Stream::Null())
Detects keypoints in an image.
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:258
int getNumBaseClassifier()
virtual const std::vector< Mat > & motions() const
Definition: wobble_suppression.hpp:79
virtual int getWeakCount() const =0
static Ptr< cv::stereo::StereoBinaryBM > create(int numDisparities=0, int blockSize=9)
Creates StereoBM object.
std::vector< MxArray > MxArrayVector
Definition: mxarray.hpp:86
static Ptr< DensePyrLKOpticalFlow > create(Size winSize=Size(13, 13), int maxLevel=3, int iters=30, bool useInitialFlow=false)
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
@ CALIB_FIX_ASPECT_RATIO
Definition: calib3d.hpp:255
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.
void destroyAllWindows()
Destroys all of the HighGUI windows.
Definition: types_c.h:1062
ErrorCallback redirectError(ErrorCallback errCallback, void *userdata=0, void **prevUserdata=0)
Sets the new error handler and the optional user data.
virtual bool trainEM(InputArray samples, OutputArray logLikelihoods=noArray(), OutputArray labels=noArray(), OutputArray probs=noArray())=0
Estimate the Gaussian mixture parameters from a samples set.
#define clEnqueueWriteBuffer
Definition: opencl_core_wrappers.hpp:130
String className
Definition: saliencyBaseClasses.hpp:92
virtual const XMLText * ToText() const
Definition: tinyxml2.h:875
Ptr< BaseCascadeClassifier > cc
Definition: objdetect.hpp:319
void cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
struct CvSetElem * next_free
Definition: types_c.h:1286
TrackerSamplerPF(const Mat &chosenRect, const TrackerSamplerPF::Params ¶meters=TrackerSamplerPF::Params())
Constructor.
int depth_
Definition: rgbd.hpp:287
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:122
virtual void setTheta(double val)=0
Weight parameter for (u - v)^2, tightness parameter.
void setString(const String &key, const String &value)
static base_any_policy * get_policy()
This function will return a different policy for each type.
Definition: any.h:178
#define clCreateSubDevices
Definition: opencl_core_wrappers.hpp:58
void cvSetImageROI(IplImage *image, CvRect rect)
Sets an image Region Of Interest (ROI) for a given rectangle.
double sampling_step_relative
Definition: ppf_match_3d.hpp:149
double getMinDepth() const
Definition: rgbd.hpp:658
virtual int getTreeHeight() const =0
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
int next
Index of the next split in the list of splits for the node.
Definition: ml.hpp:1075
void chooseCentersRandom(int k, int *indices, int indices_length, int *centers, int ¢ers_length)
Definition: kmeans_index.h:107
CvSeq * seq
Definition: core_c.h:2915
Codec
Video codecs supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:244
@ GPC_DESCRIPTOR_WHT
Worse quality but much faster.
Definition: sparse_matching_gpc.hpp:94
@ COLOR_YUV2BGR_I420
Definition: imgproc.hpp:647
Rect2d select(const cv::String &windowName, Mat img, bool showCrossair=true, bool fromCenter=true)
cv::Ptr< Map > inverseMap(void) const
Buffer()
The constructors.
float * PosterState
Definition: tracking_c.h:171
virtual void modelUpdateImpl()=0
int count
Definition: objdetect_c.h:109
XMLHandle NextSiblingElement(const char *_value=0)
Get the next sibling element of this handle.
Definition: tinyxml2.h:1812
virtual int getInnerIterations() const =0
Inner iterations (between outlier filtering) used in the numerical scheme.
@ CV_YUV2GRAY_YV12
Definition: types_c.h:271
Mat_< ushort > Mat1w
Definition: mat.hpp:2203
@ TEXT_ELEMENT
Definition: tinyxml2.h:154
bool findRt(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
Definition: objdetect_c.h:107
@ COLOR_YUV2RGBA_YVYU
Definition: imgproc.hpp:699
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
@ CPU_AVX_512CD
Definition: cvdef.h:153
DistanceType worstDist() const
Definition: result_set.h:489
static std::string ToString()
Definition: mxarray.hpp:181
virtual void load(const std::string &path)=0
#define clGetExtensionFunctionAddressForPlatform
Definition: opencl_core_wrappers.hpp:166
@ CV_RGB2YUV_I420
Definition: types_c.h:327
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
Definition: types_c.h:447
@ CAP_PROP_XI_BPC
Correction of bad pixels.
Definition: videoio.hpp:369
size_t num_features
Definition: linemod.hpp:227
void _drawPlanarBoardImpl(Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Implementation of drawPlanarBoard that accepts a raw Board pointer.
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:239
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.
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:84
double m10
Definition: types.hpp:862
#define MAX(a, b)
Definition: cvdef.h:414
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2791
void erGrouping(InputArray img, InputArrayOfArrays channels, std::vector< std::vector< ERStat > > ®ions, 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.
MapperPyramid(const Mapper &baseMapper)
uint result_type
Definition: vec_distance.hpp:64
void dct(InputArray src, OutputArray dst, int flags=0)
Performs a forward or inverse discrete Cosine transform of 1D or 2D array.
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
Definition: all_layers.hpp:273
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(int64 seed=-1)
Initializes a random number generator state.
Definition: types_c.h:215
Definition: NCVHaarObjectDetection.hpp:178
bool isNamed() const
returns true if the node has a name
void cvMul(const CvArr *src1, const CvArr *src2, CvArr *dst, double scale=1)
@ CAP_PROP_XI_FREE_FFS_SIZE
Size of free camera FFS.
Definition: videoio.hpp:471
@ CV_PUSH_BUTTON
Definition: highgui_c.h:96
Definition: result_set.h:291
Ptr & operator=(const Ptr &o)
CvSeq * cvMakeSeqHeaderForArray(int seq_type, int header_size, int elem_size, void *elements, int total, CvSeq *seq, CvSeqBlock *block)
int preferredVectorWidthChar() const
@ SFM_REFINE_RADIAL_DISTORTION_K2
Definition: simple_pipeline.hpp:123
@ CV_CAP_PROP_XI_DEVICE_SN
Definition: videoio_c.h:364
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:2867
virtual void detect(InputArray image, OutputArray positions, OutputArray votes=noArray())=0
find template on image
virtual NcvBool isCounting(void) const
int featureSetNumFeatures
Definition: tracker.hpp:1099
Target
The target defines how you intend to use the buffer object.
Definition: opengl.hpp:85
#define CV_PI
Definition: cvdef.h:302
@ CV_EVENT_FLAG_CTRLKEY
Definition: highgui_c.h:197
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)
KeyPoint(Point2f _pt, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
virtual Mat getTestSampleIdx() const =0
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
_Tp value_type
Definition: cvstd.hpp:130
static void read(const FileNode &node, Point_< _Tp > &value, const Point_< _Tp > &default_value)
Definition: persistence.hpp:722
v_reg< int, 4 > v_int32x4
Four 32-bit signed integer values.
Definition: intrin_cpp.hpp:364
@ CV_THRESH_TRUNC
Definition: types_c.h:573
void cvCalcCovarMatrix(const CvArr **vects, int count, CvArr *cov_mat, CvArr *avg, int flags)
virtual bool getCut() const =0
@ StsVecLengthErr
incorrect vector length
Definition: base.hpp:97
WImageViewC< T, C > View(int c, int r, int width, int height)
Definition: wimage.hpp:593
CvMat * preFilteredImg0
Definition: calib3d_c.h:350
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:125
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:431
CvScalar(double d0, double d1=0, double d2=0, double d3=0)
Definition: types_c.h:1130
Ptr< RFFeatureGetter > createRFFeatureGetter()
void winrt_startMessageLoop(std::function< void(Args...)> &&callback, Args... args)
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...
Scalar mean(InputArray src, InputArray mask=noArray())
Calculates an average (mean) of array elements.
int pyramid_level
Definition: linemod.hpp:82
UMat(const UMat &m, const Range *ranges)
Mat_< double > Mat1d
Definition: mat.hpp:2218
Discriminant feature described by its location and label.
Definition: linemod.hpp:64
@ COLOR_YUV2BGR_Y422
Definition: imgproc.hpp:675
@ WINDOW_AUTOSIZE
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:184
CvHaarClassifier * classifier
Definition: objdetect_c.h:97
static Ptr< EM > create()
virtual ~HDF5()
Definition: hdf5.hpp:65
@ RGBD_NORMALS_METHOD_LINEMOD
Definition: rgbd.hpp:112
virtual ~Timelapser()
Definition: timelapsers.hpp:63
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:382
virtual void setDepthDiscontinuityRadius(int _disc_radius)=0
virtual XMLDocument * ToDocument()
Safely cast to a Document, or null.
Definition: tinyxml2.h:616
MatIterator_ & operator-=(ptrdiff_t ofs)
shifts the iterator backward by the specified number of elements
@ CV_CAP_PROP_SAR_DEN
Definition: videoio_c.h:209
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.
void rescaleDepth(InputArray in, int depth, OutputArray out)
@ XML_ERROR_IDENTIFYING_TAG
Definition: tinyxml2.h:1012
virtual Size getWinSize() const =0
static MatExpr ones(int rows, int cols, int type)
Returns an array of all 1's of the specified size and type.
__device__ static __forceinline__ float epsilon()
Definition: limits.hpp:113
static _AccTp normInf(const _Tp *a, int n)
Definition: base.hpp:490
void create(int rows, int cols, int type)
Allocates new array data if needed.
void unmapHost()
Unmaps OpenGL buffer.
UMat inv(int method=DECOMP_LU) const
matrix inversion by means of matrix expressions
@ ROW_SAMPLE
each training sample is a row of samples
Definition: ml.hpp:98
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
schar type
Definition: vec_traits.hpp:76
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams ¶ms=FGDParams())
Creates FGD Background Subtractor.
int QR32f(float *A, size_t astep, int m, int n, int k, float *b, size_t bstep, float *hFactors)
@ EVENT_LBUTTONUP
indicates that left mouse button is released.
Definition: highgui.hpp:209
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
Access
Definition: opengl.hpp:93
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
virtual void setMinNeighbors(int minNeighbors)=0
void copyTo(OutputArray m) const
copies the matrix content to "m".
void fill(InputOutputArray mat, int distType, InputArray a, InputArray b, bool saturateRange=false)
Fills arrays with random numbers.
@ CAP_PROP_AUTOFOCUS
Definition: videoio.hpp:162
String matchesGraphAsString(std::vector< String > &pathes, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
#define OPENCV_HAL_IMPL_C_RSHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:1608
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)
Bridge & operator=(const Ptr_StereoBM &)
Definition: bridge.hpp:432
cv::Ptr< CalibrateDebevec > Ptr_CalibrateDebevec
Definition: bridge.hpp:85
True is_vector_space_distance
Definition: dist.h:641
float size
diameter of the meaningful keypoint neighborhood
Definition: types.hpp:702
static Ptr< OR_sun > create()
@ CV_WARP_FILL_OUTLIERS
Definition: types_c.h:369
void ** hashtable
Definition: types_c.h:685
void reconstruct(InputArrayOfArrays points2d, OutputArray Ps, OutputArray points3d, InputOutputArray K, bool is_projective=false)
Reconstruct 3d points from 2d correspondences while performing autocalibration.
Blob(const BlobShape &shape, int type=CV_32F, int allocFlags=ALLOC_MAT)
Constructs blob with specified shape and type.
Definition: functional.hpp:672
Definition: dynamic_smem.hpp:57
void winrt_onVisibilityChanged(bool visible)
SURF features finder.
Definition: matchers.hpp:127
void copyFrom(InputArray arr, bool autoRelease=false)
Copies from host/device memory to OpenGL texture.
MatExpr operator()(const Rect &roi) const
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
char * ParseDeep(char *p, StrPair *endTag)
virtual void setMinProbability(float minProbability)=0
@ THRESH_TRUNC
Definition: imgproc.hpp:331
@ CV_CAP_PROP_XI_SHUTTER_TYPE
Definition: videoio_c.h:298
int rows
Definition: cuda.hpp:416
@ THINNING_ZHANGSUEN
Definition: ximgproc.hpp:78
float sPointInOctaveY
Definition: descriptor.hpp:136
int cvHaveImageWriter(const char *filename)
@ NCVPipeObjDet_FindLargestObject
Definition: NCVHaarObjectDetection.hpp:355
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:99
ColorGradient(float weak_threshold, size_t num_features, float strong_threshold)
Constructor.
@ RETINA_COLOR_RANDOM
each pixel position is either R, G or B in a random choice
Definition: retina.hpp:84
virtual const Mat getParvoRAW() const =0
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.
@ COLOR_YUV2GRAY_NV21
Definition: imgproc.hpp:661
int ksize_
Definition: descriptor.hpp:205
T ElementType
Definition: dist.h:108
int cvIncRefData(CvArr *arr)
Increments array data reference counter.
Definition: core_c.h:324
virtual void load(const std::string &path)=0
@ OPTFLOW_LK_GET_MIN_EIGENVALS
Definition: tracking.hpp:57
char Yes
Definition: functional.hpp:876
@ CV_LBGR2Lab
Definition: types_c.h:215
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:262
Definition: split_merge.hpp:494
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_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
ERStat * parent
pointers preserving the tree structure of the component tree
Definition: erfilter.hpp:103
bool operator==(const SeqIterator< _Tp > &a, const SeqIterator< _Tp > &b)
Definition: core_c.h:3166
size_t total() const
returns the total number of matrix elements
Definition: optical_flow.hpp:71
Mat(const MatCommaInitializer_< _Tp > &commaInitializer)
LshTable()
Definition: lsh_table.h:147
_Arg argument_type
Definition: functional.hpp:64
std::vector< int > ids
Definition: aruco.hpp:247
@ ALPHA_IN_PREMUL
Definition: cudaimgproc.hpp:159
Definition: types_c.h:1181
const ::cvflann::IndexParams * getIndexParameters()
Definition: flann.hpp:457
WImageViewC< ushort, 3 > WImageView3_16u
Definition: wimage.hpp:110
void read(const FileNode &node, std::vector< KeyPoint > &keypoints)
@ SAVED
Definition: defines.h:99
Affine3(const Mat4 &affine)
Augmented affine matrix.
virtual int getMode() const =0
virtual void deallocate(UMatData *data) const =0
virtual bool getUseSpatialPropagation() const =0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
virtual double getEdgeThreshold() const =0
truncation of data continuity
virtual double getPolySigma() const =0
@ CALIB_RECOMPUTE_EXTRINSIC
Definition: calib3d.hpp:1886
@ CV_CLOCKWISE
Definition: types_c.h:512
int motionFromEssentialChooseSolution(InputArrayOfArrays Rs, InputArrayOfArrays ts, InputArray K1, InputArray x1, InputArray K2, InputArray x2)
void insert(T value)
Definition: heap.h:125
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
Definition: videoio_c.h:297
@ OpenCLInitError
Definition: base.hpp:122
static flann_datatype_t type()
Definition: saving.h:63
int * i
Definition: types_c.h:436
v_reg< _Tp, n > operator&(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise AND.
Definition: intrin_cpp.hpp:439
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...
bool eigen(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
Calculates eigenvalues and eigenvectors of a symmetric matrix.
short Ncv16s
Definition: NCV.hpp:129
#define CV_CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d_c.h:209
static void error(const std::string &str)
raise an error
Definition: mxarray.hpp:105
virtual void deblur(int, Mat &)
Definition: deblurring.hpp:93
Definition: tinyxml2.h:211
@ CAP_PROP_XI_CHIP_TEMP
Camera sensor temperature.
Definition: videoio.hpp:386
int range_width_
Definition: matchers.hpp:312
virtual void print(const char *,...)
Definition: log.hpp:66
@ CAP_PROP_XI_BINNING_HORIZONTAL
Horizontal Binning - number of horizontal photo-sensitive cells to combine together.
Definition: videoio.hpp:354
virtual void saveIndex(FILE *stream)
Definition: autotuned_index.h:124
~any()
Destructor.
Definition: any.h:218
Definition: imgproc.hpp:1140
@ TEST_ERROR
Definition: ml.hpp:91
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: rgbd.hpp:694
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.
void writeScalar(FileStorage &fs, float value)
Comma-separated Matrix Initializer.
Definition: matx.hpp:255
Mat_ operator()(const Range *ranges) const
virtual void setMaxReservedSize(size_t size)=0
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)=0
Vec2i maxSurfaceCubemapLayered() const
maximum Cubemap layered surface dimensions
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
uchar * ptr
Definition: types_c.h:434
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
@ CV_YUV2BGRA_NV12
Definition: types_c.h:244
@ CV_CAP_OPENNI_VGA_30HZ
Definition: videoio_c.h:485
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.
@ XML_ERROR_MISMATCHED_ELEMENT
Definition: tinyxml2.h:1019
__host__ __device__ ThreshToZeroInvFunc< T > thresh_to_zero_inv_func(T thresh)
Definition: functional.hpp:782
double val[4]
Definition: types_c.h:1126
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.
virtual void initImpl(Ptr< FrameSource > &frameSource)=0
KDTreeSingleIndex & operator=(const KDTreeSingleIndex &)
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.
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_FUNC(func_name, func, input_type, scalar_type, output_type)
Definition: vec_math.hpp:825
Describes camera parameters.
Definition: camera.hpp:59
virtual int getDescriptorType() const =0
Definition: types_c.h:718
@ CV_WINDOW_OPENGL
Definition: highgui_c.h:119
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)
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
size_t offset
Definition: mat.hpp:2419
virtual bool ShallowEqual(const XMLNode *compare) const
False is_kdtree_distance
Definition: dist.h:417
BlobShape(int ndims, const int *sizes)
Creates n-dim shape from the sizes array; if sizes is NULL then shape will contain unspecified data.
virtual void inpaint(int idx, Mat &frame, Mat &mask)
T * ptr() const
Definition: NCV.hpp:613
Point_(const Vec< _Tp, 2 > &v)
v_int8x16 v_setzero_s8()
Definition: intrin_cpp.hpp:1519
int majorVersion() const
major compute capability
Class for individual tree.
Definition: sparse_matching_gpc.hpp:163
@ ACCESS_RW
Definition: mat.hpp:63
void swap(HostMem &b)
swaps with other smart pointer
virtual Mat getVarIdx() const =0
void setAutoRelease(bool flag)
Sets auto release mode.
@ WMF_EXP
Definition: weighted_median_filter.hpp:66
Ptr< FeatureDetector > getFeatureDetector()
@ H264_MVC
Definition: cudacodec.hpp:252
double ppx
Definition: camera.hpp:67
void SetZero()
Definition: wimage.hpp:228
virtual float getLightAdaptation() const =0
bool full() const
Definition: result_set.h:480
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.
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.
float scale
Definition: warpers.hpp:130
size_t find_first_of(char c, size_t pos=0) const
std::string name
Definition: gr_chalearn.hpp:77
void cvReadRawDataSlice(const CvFileStorage *fs, CvSeqReader *reader, int count, void *dst, const char *dt)
Initializes file node sequence reader.
@ CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:366
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
@ NORM_INF
Definition: base.hpp:188
static void OAST_9_16(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:5347
int result_type
Definition: vec_distance.hpp:158
int veclen() const
Definition: flann.hpp:438
virtual int getNLevels() const =0
double getMinDepth() const
Definition: rgbd.hpp:785
double optimizeExtrinsics()
@ CAP_UNICAP
Unicap drivers.
Definition: videoio.hpp:99
FisheyeWarper(float scale)
Definition: warpers.hpp:304
Class that enables getting cudaStream_t from cuda::Stream.
Definition: cuda_stream_accessor.hpp:68
@ DICT_7X7_250
Definition: dictionary.hpp:156
@ CV_CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio_c.h:426
static Ptr< Dictionary > get(int dict)
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:266
UMat clone() const
returns deep copy of the matrix, i.e. the data is copied
virtual void setWarpingsNumber(int val)=0
Number of warpings per scale.
AdaptiveThresholdTypes
Definition: imgproc.hpp:341
float sigmoid(float x)
Definition: onlineMIL.hpp:76
void write(const String &name, double val)
Simplified writing API to use with bindings.
SrcPtr src
Definition: reduction.hpp:132
virtual int getFlags() const =0
virtual ~WImageC()=0
Definition: wimage.hpp:511
WImageBufferC< short, 1 > WImageBuffer1_16s
Definition: wimage.hpp:95
int idxoffset
Definition: types_c.h:688
PCA & operator()(InputArray data, InputArray mean, int flags, double retainedVariance)
static Affine3< T > operator*(const Affine3< T > &affine1, const Affine3< T > &affine2)
@ COLOR_BayerGR2BGR_MHT
Definition: cudaimgproc.hpp:98
void setSensorErrorB(double val)
Definition: rgbd.hpp:440
Matx(_Tp v0, _Tp v1)
1x2 or 2x1 matrix
virtual bool extractTemplate(Template &templ) const =0
Extract most discriminant features at current pyramid level to form a new template.
void fillConvexPoly(Mat &img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
const T * ImageData() const
Definition: wimage.hpp:184
int x
Definition: fr_adience.hpp:74
~TrackerStateEstimatorSVM()
base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenari...
Definition: simple_pipeline.hpp:158
virtual cv::Mat getIntrinsics() const =0
Returns the refined camera calibration matrix.
std::string image
Definition: or_imagenet.hpp:63
@ CV_TM_CCOEFF_NORMED
Definition: types_c.h:438
virtual void detect(InputArray image, std::vector< KeyPoint > &keypoints, InputArray mask=noArray())
Detects keypoints in an image (first variant) or image set (second variant).
cv::Ptr< CvMat > param
Definition: calib3d_c.h:407
@ CAP_PROP_IMAGES_BASE
Definition: videoio.hpp:567
void NCVDebugOutputHandler(const cv::String &msg)
Definition: NCV.hpp:250
virtual void train()
Trains a descriptor matcher.
bool imencode(const String &ext, InputArray img, std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >())
Encodes an image into a memory buffer.
int octave
Definition: descriptor.hpp:115
unsigned short Ncv16u
Definition: NCV.hpp:130
@ CV_RETR_TREE
Definition: types_c.h:449
Mat diag(int d=0) const
Extracts a diagonal from a matrix.
String(const std::string &str)
Definition: pd_inria.hpp:84
float _e0
Definition: onlineMIL.hpp:97
int markerBorderBits
Definition: aruco.hpp:144
virtual void setDescriptorSize(int dsize)=0
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1011
void cvCartToPolar(const CvArr *x, const CvArr *y, CvArr *magnitude, CvArr *angle=NULL, int angle_in_degrees=0)
void cvGetRawData(const CvArr *arr, uchar **data, int *step=NULL, CvSize *roi_size=NULL)
Retrieves low-level information about the array.
Ptr< RgbdNormals > normalsComputer
Definition: rgbd.hpp:1013
void saveIndex(FILE *)
Saves the index to a stream.
Definition: linear_index.h:93
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.
_Tp & ref(const int *idx, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(idx, hashval)
Rect_< int > Rect2i
Definition: types.hpp:413
int y
Definition: tr_svt.hpp:63
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:374
@ CAP_PROP_MONOCHROME
Definition: videoio.hpp:143
WImageBufferC< float, 1 > WImageBuffer1_f
Definition: wimage.hpp:81
int set(int i, const void *value, size_t sz)
void add(const Mat &descriptors)
Adds descriptors to a training set.
@ DIST_MASK_5
mask=5
Definition: imgproc.hpp:322
__host__ GpuMat_(Size asize, Scalar val, Allocator *allocator=defaultAllocator())
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:382
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:149
Matx< _Tp, n, l > solve(const Matx< _Tp, m, l > &rhs, int flags=DECOMP_LU) const
solve linear system
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...
Class computing the optical flow for two images using Brox et al Optical Flow algorithm ().
Definition: cudaoptflow.hpp:113
double m11
Definition: types_c.h:399
@ BM3D_STEPALL
Definition: bm3d_image_denoising.hpp:71
const XMLElement * NextSiblingElement(const char *value=0) const
Get the next (right) sibling element of this node, with an optionally supplied name.
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.
void estimateFocal(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< double > &focals)
Estimates focal lengths for each given camera.
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:129
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray())
Inverts every bit of an array.
Op::result_type result_type
Definition: tuple_adapter.hpp:59
#define clReleaseContext
Definition: opencl_core.hpp:234
double epsilon
Definition: types.hpp:804
VideoCaptureProperties
VideoCapture generic properties identifier.
Definition: videoio.hpp:123
#define clEnqueueMarkerWithWaitList
Definition: opencl_core.hpp:162
virtual void init(size_t size)
Interface method called by face recognizer before results processing.
Definition: predict_collector.hpp:69
int rotatedRectangleIntersection(const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion)
Finds out if there is any intersection between two rotated rectangles.
__device__ __forceinline__ uint vsetge4(uint a, uint b)
Definition: simd_functions.hpp:728
__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
void * cvLoad(const char *filename, CvMemStorage *memstorage=NULL, const char *name=NULL, const char **real_name=NULL)
Loads an object from a file.
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
@ StsNullPtr
null pointer
Definition: base.hpp:96
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:946
AutoBuffer< String, 1 > * ps
Definition: dict.hpp:99
@ CV_CAP_PROP_AUTO_EXPOSURE
Definition: videoio_c.h:187
int numBands() const
Definition: blenders.hpp:131
size_t size() const
Definition: kdtree_index.h:168
@ CAP_IEEE1394
Same as CAP_FIREWIRE.
Definition: videoio.hpp:95
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
void resize(size_t sz, const Scalar &s)
@ NCV_INCONSISTENT_INPUT
Definition: NCV.hpp:324
Ncv32u x
x-coordinate of upper left corner.
Definition: NCV.hpp:162
@ ALPHA_XOR
Definition: cudaimgproc.hpp:159
std::vector< std::string > imageNames
Definition: pd_caltech.hpp:65
double minDepth
Definition: rgbd.hpp:741
Definition: fr_lfw.hpp:67
Definition: autotuned_index.h:53
@ COLOR_GRAY2BGR
Definition: imgproc.hpp:540
virtual void setAgregationWindowSize(int value)=0
virtual void load(const std::string &path)=0
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
virtual void update(InputArrayOfArrays src, InputArray labels)
Updates a FaceRecognizer with given data and associated labels.
int transformType
Definition: rgbd.hpp:871
Point2f getEndPoint() const
Definition: descriptor.hpp:153
virtual void compute(InputArray img, std::vector< float > &descriptors, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &locations=std::vector< Point >()) const
__device__ __forceinline__ double4 sinh(const double4 &a)
Definition: vec_math.hpp:346
Base class for transform using lookup table.
Definition: cudaarithm.hpp:485
Mat loadPLYSimple(const char *fileName, int withNormals)
Load a PLY file.
void upload(InputArray arr, Stream &stream)
pefroms upload data to GpuMat (Non-Blocking call)
double cvCompareHist(const CvHistogram *hist1, const CvHistogram *hist2, int method)
void read(const FileNode &node, std::vector< DMatch > &matches)
#define clEnqueueNDRangeKernel
Definition: opencl_core.hpp:166
Vec2i maxTexture2DMipmap() const
maximum 2D mipmapped texture dimensions
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
@ CV_BadCOI
Definition: types_c.h:144
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
@ CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio.hpp:503
int photoVertex
Definition: multicalib.hpp:85
void mapBackward(float u, float v, float &x, float &y)
static int log(int level, const char *fmt,...)
Definition: logger.h:99
#define CV_DbgAssert(expr)
Definition: base.hpp:424
__host__ void gridTransformUnary(const SrcPtr &src, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:423
_OutputArray(std::vector< cuda::GpuMat > &d_mat)
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Produce domain transform filtering operation on source image.
Bridge & operator=(const cv::Size &)
Definition: bridge.hpp:324
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
void setColorArray(InputArray color)
Sets an array of vertex colors.
void adaptiveThreshold(InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
Applies an adaptive threshold to an array.
Definition: warping.hpp:126
#define clCreateUserEvent
Definition: opencl_core_wrappers.hpp:61
int rows
Definition: interpolation.hpp:136
bool unregister(UniqueIdType id)
Definition: object_factory.h:64
Definition: types_c.h:425
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
@ QT_FONT_BOLD
Weight of 75.
Definition: highgui.hpp:234
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:263
virtual void setUseLocalInitDataCost(bool use_local_init_data_cost)=0
Definition: functional.hpp:235
int elemSize() const
Returns size of single element in bytes.
WindowFlags
Flags for cv::namedWindow.
Definition: highgui.hpp:182
virtual void augAssignXor(const MatExpr &expr, Mat &m) const
void motionFromEssential(InputArray E, OutputArrayOfArrays Rs, OutputArrayOfArrays ts)
virtual Mat estimateStabilizationMotion()
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
Mat(const std::vector< int > &sizes, int type, const Scalar &s)
void absdiff32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
static std::string ToString()
Definition: mxarray.hpp:121
const int * cyrillic
Definition: highgui.hpp:639
This class provides all data needed to initialize layer.
Definition: dnn.hpp:70
@ CV_CAP_PROP_XI_HDR_T2
Definition: videoio_c.h:397
void compose(const Map &map)
virtual float getSaturationWeight() const =0
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:401
@ WND_PROP_FULLSCREEN
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:196
virtual void setThresholdDelta(int thresholdDelta)=0
uint32_t FeatureIndex
Definition: lsh_table.h:69
@ CV_CAP_PROP_XI_CC_MATRIX_10
Definition: videoio_c.h:336
@ CV_CAP_PROP_XI_BINNING_SELECTOR
Definition: videoio_c.h:287
int cvGraphAddEdge(CvGraph *graph, int start_idx, int end_idx, const CvGraphEdge *edge=NULL, CvGraphEdge **inserted_edge=NULL)
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
void cvAcc(const CvArr *image, CvArr *sum, const CvArr *mask=NULL)
Adds image to accumulator.
void cvEigenVV(CvArr *mat, CvArr *evects, CvArr *evals, double eps=0, int lowindex=-1, int highindex=-1)
@ FHT_AVE
Definition: fast_hough_transform.hpp:96
void hashtablePrint(hashtable_int *hashtbl)
@ EVENT_FLAG_MBUTTON
indicates that the middle mouse button is down.
Definition: highgui.hpp:223
void clear()
Definition: dynamic_bitset.h:77
int cvGraphVtxDegree(const CvGraph *graph, int vtx_idx)
void DeleteNode(XMLNode *node)
Definition: tinyxml2.h:1650
@ BORDER_TRANSPARENT
uvwxyz|absdefgh|ijklmno
Definition: base.hpp:259
String(const FileNode &fn)
static bool IsNameChar(unsigned char ch)
Definition: tinyxml2.h:514
static Ptr< MSM_middlebury > create()
ResultType operator()(Iterator1 a, Iterator2 b, size_t size, ResultType worst_dist=-1) const
Definition: dist.h:336
#define OPENCV_HAL_1ST(a, b)
Definition: intrin.hpp:56
@ CV_CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Definition: videoio_c.h:366
virtual void detectRegions(InputArray image, std::vector< std::vector< Point > > &msers, std::vector< Rect > &bboxes)=0
Detect MSER regions.
void seek(ptrdiff_t ofs, bool relative=false)
@ ADAPTIVE_THRESH_GAUSSIAN_C
Definition: imgproc.hpp:349
virtual void setBinaryKernelType(int value)=0
@ ARO_45_90
Definition: fast_hough_transform.hpp:67
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:846
Definition: functional.hpp:772
bool errorCorrectionSupport() const
Base class for Template Matching. :
Definition: cudaimgproc.hpp:649
int channels() const
Returns the number of matrix channels.
static int info(const char *fmt,...)
Definition: logger.h:121
size_t tell() const
reports the current iterator position
Definition: core_c.h:3101
int transformType
Definition: rgbd.hpp:1009
Ptr< HoughLinesDetector > createHoughLinesDetector(float rho, float theta, int threshold, bool doSort=false, int maxLines=4096)
Creates implementation for cuda::HoughLinesDetector .
std::vector< Mat > motions_
Definition: stabilizer.hpp:131
@ CV_HLS2BGR
Definition: types_c.h:192
__device__ __forceinline__ double4 exp10(const double4 &a)
Definition: vec_math.hpp:256
value_type work_type
Definition: traits.hpp:110
float c
Definition: ml.hpp:1076
@ FEATURE_SET_COMPUTE_30
Definition: cuda.hpp:600
ICP_SAMPLING_TYPE
Definition: icp.hpp:85
@ CAP_PROP_XI_FFS_ACCESS_KEY
Setting of key enables file operations on some cameras.
Definition: videoio.hpp:473
@ CV_CAP_PROP_SETTINGS
Definition: videoio_c.h:205
CvSeq * cvConvexityDefects(const CvArr *contour, const CvArr *convexhull, CvMemStorage *storage=NULL)
Finds convexity defects for the contour.
Accumulator< T >::Type ResultType
Definition: dist.h:698
Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
Ptr< GuidedFilter > createGuidedFilter(InputArray guide, int radius, double eps)
Factory method, create instance of GuidedFilter and produce initialization routines.
virtual void setClipLimit(double clipLimit)=0
@ DIFF_PM_G2
Definition: features2d.hpp:605
edge(int cv, int pv, int pi, Mat trans)
Definition: multicalib.hpp:89
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::Size toSize() const
Definition: bridge.hpp:325
void calcOpticalFlowSF(InputArray from, InputArray to, OutputArray flow, int layers, int averaging_block_size, int max_flow)
void split(InputArray src, GpuMat *dst, Stream &stream=Stream::Null())
Copies each plane of a multi-channel matrix into an array.
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
@ AUTO_STEP
Definition: mat.hpp:1946
virtual float getLambda() const =0
OdometryFrame(const Mat &image, const Mat &depth, const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
virtual const String printSetup()=0
Outputs a string showing the used parameters setup.
BlobShape(int s0)
Creates 1-dim shape [s0].
virtual void setMaxLines(int maxLines)=0
unsigned numLev_
Definition: mapperpyramid.hpp:66
@ value
Definition: type_traits.hpp:91
void cvSetReal3D(CvArr *arr, int idx0, int idx1, int idx2, double value)
@ CAP_PROP_XI_TRG_DELAY
Specifies the delay in microseconds (us) to apply after the trigger reception before activating it.
Definition: videoio.hpp:445
virtual void setFGSSigma(float _sigma)=0
Context & initializeContextFromGL()
Creates OpenCL context from GL.
CvScalar cvGet3D(const CvArr *arr, int idx0, int idx1, int idx2)
virtual void stateConversionFunction(const Mat &x_k, const Mat &u_k, const Mat &v_k, Mat &x_kplus1)=0
NCVStatus nppiStIntegral_8u32u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
void read(const FileNode &fn)
virtual float getSaturationThreshold() const =0
Maximum saturation for a pixel to be included in the gray-world assumption.
void sampling(const Mat &image, Rect boundingBox)
Computes the regions starting from a position in an image.
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:100
FileNodeIterator & readRaw(const String &fmt, uchar *vec, size_t maxCount=(size_t) INT_MAX)
Reads node elements to the buffer with the specified format.
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name.
std::string imagePath
Definition: track_alov.hpp:64
Moments moments(InputArray array, bool binaryImage=false)
Calculates all of the moments up to the third order of a polygon or rasterized shape.
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
vertex()
Definition: multicalib.hpp:111
void cvEndWriteRawData_Base64(::CvFileStorage *fs)
False is_kdtree_distance
Definition: dist.h:477
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)
Estimates seams.
static UMat zeros(Size size, int type)
virtual double getNoiseSigma() const =0
@ block_size_x
Definition: split_merge.hpp:496
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:128
Definition: tr_svt.hpp:61
@ COLOR_GRAY2BGR565
convert between grayscale to BGR565 (16-bit images)
Definition: imgproc.hpp:556
virtual void setMaxArea(int maxArea)=0
void cvAddS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
__host__ UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Op > transformPtr(const SrcPtr &src, const Op &op)
Definition: transform.hpp:88
virtual void setMaxCircles(int maxCircles)=0
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.
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:231
_Tp & ref(int i0, size_t *hashval=0)
equivalent to SparseMat::ref<_Tp>(i0, hashval)
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,...
#define clGetEventInfo
Definition: opencl_core.hpp:200
CvMat * cvGetMat(const CvArr *arr, CvMat *header, int *coi=NULL, int allowND=0)
Returns matrix header for arbitrary array.
int height
Definition: histogramphaseunwrapping.hpp:82
KMeansIndex(const Matrix< ElementType > &inputData, const IndexParams ¶ms=KMeansIndexParams(), Distance d=Distance())
Definition: kmeans_index.h:346
char person
Definition: hpe_humaneva.hpp:62
Ptr< MotionFilterBase > motionFilter_
Definition: stabilizer.hpp:156
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
virtual void detect(InputArray edges, InputArray dx, InputArray dy, OutputArray positions, OutputArray votes=noArray())=0
void cvError(int status, const char *func_name, const char *err_msg, const char *file_name, int line)
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...
void sync() const
Updates Mat and UMat of Blob.
virtual float getTheta() const =0
void forEach_impl(const Functor &operation)
Definition: utility.hpp:482
@ CV_CAP_PROP_GAMMA
Definition: videoio_c.h:190
virtual void copy_from_value(void const *src, void **dest)
Definition: any.h:66
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
bool mustEstimateTrimaRatio() const
Definition: stabilizer.hpp:171
void CloneFrom(const WImage< T > &src)
Definition: wimage.hpp:322
virtual ~MotionFilterBase()
Definition: motion_stabilizing.hpp:87
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 .
__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
Compond widgets.
Definition: widgets.hpp:514
@ CV_CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio_c.h:436
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
schar elem_type
Definition: vec_traits.hpp:168
__device__ __forceinline__ uint saturate_cast< uint >(double v)
Definition: saturate_cast.hpp:264
@ SOLVEPNP_ITERATIVE
Definition: calib3d.hpp:235
@ CAP_PROP_XI_EXP_PRIORITY
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:342
Definition: interpolation.hpp:156
unsigned int numVotes
Definition: pose_3d.hpp:129
Definition: or_sun.hpp:61
Definition: timelapsers.hpp:81
DMatch(int _queryIdx, int _trainIdx, float _distance)
@ COLOR_BGRA2YUV_YV12
Definition: imgproc.hpp:732
__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
float amacrinCellsTemporalCutFrequency
Definition: retina.hpp:176
void cvInitTreeNodeIterator(CvTreeNodeIterator *tree_iterator, const void *first, int max_level)
DataState
Definition: blob.hpp:320
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:389
@ CV_BGR5652BGR
Definition: types_c.h:132
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > remapPtr(const SrcPtr &src, const MapPtr &map)
Definition: remap.hpp:116
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
Ptr< StrongClassifierDirectSelection > boostClassifier
Definition: tracker.hpp:759
std::vector< FeatureHaar > features
Definition: feature.hpp:288
int borderMode() const
Definition: stabilizer.hpp:93
void findMinMaxLoc(InputArray src, OutputArray minMaxVals, OutputArray loc, InputArray mask=noArray(), Stream &stream=Stream::Null())
void removeNode(size_t hidx, size_t nidx, size_t previdx)
const Ptr< Algorithm > & const_param_type
Definition: core.hpp:3172
bool completeSymmFlag
Definition: calib3d_c.h:420
CvMat * process_noise_cov
Definition: tracking_c.h:192
int activeDatasetID
Definition: track_vot.hpp:87
bool supports(FeatureSet feature_set) const
Provides information on CUDA feature support.
@ CV_StsUnsupportedFormat
Definition: types_c.h:161
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:99
__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
Dummy structure storing DFT/DCT context.
Definition: hal_replacement.hpp:500
@ COLOR_RGB2HLS
Definition: imgproc.hpp:590
T get_param(const IndexParams ¶ms, cv::String name, const T &default_value)
Definition: params.h:59
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:922
int cvInitLineIterator(const CvArr *image, CvPoint pt1, CvPoint pt2, CvLineIterator *line_iterator, int connectivity=8, int left_to_right=0)
Initializes line iterator.
static int type()
Definition: flann.hpp:77
@ flat
Definition: gr_skig.hpp:78
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.
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
static void write(FileStorage &fs, const String &name, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:997
String getWindowName() const
Returns the name of the window which has been set in the constructor.
cv::viz::Color Color
Definition: viz3d.hpp:70
@ 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
__host__ GpuMat_(Size asize, Allocator *allocator=defaultAllocator())
CL_RUNTIME_EXPORT const cl_event cl_event *CL_RUNTIME_EXPORT cl_mem
Definition: opencl_core.hpp:299
ComputeMode computeMode() const
compute mode
SLIC
Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels.
Definition: slic.hpp:155
virtual int getExcludeRange() const =0
Definition: deriv.hpp:370
@ CV_YUV2RGBA_YUY2
Definition: types_c.h:305
int rows
Definition: remap.hpp:105
@ CV_CAP_OPENNI_IR_GENERATOR
Definition: videoio_c.h:218
virtual int getMaxFeatures() const =0
ComputeMode
Definition: cuda.hpp:725
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.
uchar * ptr(int row, int col)
@ COLOR_YUV2RGB
Definition: imgproc.hpp:625
Accumulator< T >::Type ResultType
Definition: dist.h:328
FileNodeIterator end() const
returns iterator pointing to the element following the last node element
Matx< double, 1, 6 > Matx16d
Definition: matx.hpp:202
__device__ __forceinline__ uchar1 min(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:794
GPCPatchDescriptor neg
Definition: sparse_matching_gpc.hpp:82
@ 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
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
void recip16s(const short *, size_t, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
static Ptr< BFMatcher > create(int normType=NORM_L2, bool crossCheck=false)
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::first_argument_type >::parameter_type a) const
Definition: functional.hpp:856
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Calculates the per-element scaled product of two arrays.
friend void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
void backProject(InputArray vec, OutputArray result) const
@ COLOR_HLS2BGR
Definition: imgproc.hpp:599
UMat(const Vec< _Tp, n > &vec, bool copyData=true)
builds matrix from cv::Vec; the data is copied by default
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
unsigned hashval
Definition: types_c.h:712
Definition: types_c.h:1125
WImageViewC(IplImage *img)
Definition: wimage.hpp:464
void write(FileStorage &fs) const
write PCA objects
double m21
Definition: types_c.h:399
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:1964
@ CAP_PROP_XI_WB_KG
White balance green coefficient.
Definition: videoio.hpp:371
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
void resetColorArray()
Resets vertex colors.
@ SGD
Stochastic Gradient Descent.
Definition: ml.hpp:1592
double minMarkerDistanceRate
Definition: aruco.hpp:139
@ FLANN_DIST_L2
Definition: defines.h:130
virtual void setMinRadius(int minRadius)=0
float _q
Definition: onlineMIL.hpp:94
virtual NcvBool isCounting(void) const
size_t elemSize() const
returns the size of each sequence element
Definition: core_c.h:3008
Definition: types_c.h:1382
Definition: matching.hpp:58
void clear()
sets all the sparse matrix elements to 0, which means clearing the hash table.
StandardCollector(double threshold_=DBL_MAX)
Constructor.
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:325
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
void winrt_setFrameContainer(::Windows::UI::Xaml::Controls::Image^ image)
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:145
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.
std::vector< double > gains() const
void setFloat(const String &key, float value)
String run(InputArray image, int min_confidence, int component_level=0)
v_reg< double, 2 > v_float64x2
Two 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:368
@ FLAGS_NONE
Definition: utility.hpp:1155
double maxPointsPart
Definition: rgbd.hpp:746
@ CENTERS_RANDOM
Definition: defines.h:113
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
int hal_ni_sepFilterFree(cvhalFilter2D *context)
hal_sepFilterFree
Definition: hal_replacement.hpp:174
bool resize
activate the resize feature to improve the processing speed
Definition: tracker.hpp:1242
@ CV_CAP_PROP_ANDROID_FOCUS_MODE
Definition: videoio_c.h:415
@ CHAIN_APPROX_SIMPLE
Definition: imgproc.hpp:448
@ BadTileSize
Definition: base.hpp:92
void meanAndVarianceAlongRows(InputArray A, OutputArray mean, OutputArray variance)
Computes the mean and variance of a given matrix along its rows.
MatExpr abs(const MatExpr &e)
std::vector< std::string > velodyne
Definition: slam_kitti.hpp:69
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...
@ ARO_CTR_VER
Definition: fast_hough_transform.hpp:75
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:132
virtual double getLabmda() const =0
Weight parameter to balance data term and smoothness term.
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:373
@ CALIB_SAME_FOCAL_LENGTH
Definition: calib3d.hpp:273
@ block_size_y
Definition: split_merge.hpp:497
static __device__ double atomicMin(double *address, double val)
Definition: atomic.hpp:132
virtual void populateNet(Net net)=0
Adds loaded layers into the net and sets connections between them.
void init(const ClfMilBoost::Params ¶meters=ClfMilBoost::Params())
virtual Rect warpRoi(Size src_size, InputArray K, InputArray R)=0
Ptr< DisparityWLSFilter > createDisparityWLSFilter(Ptr< StereoMatcher > matcher_left)
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevan...
const Scalar * imag() const
Definition: mxarray.hpp:410
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco board.
@ CV_CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio_c.h:239
double pointPolygonTest(InputArray contour, Point2f pt, bool measureDist)
Performs a point-in-contour test.
static MatExpr zeros(Size size, int type)
void ncvSetDebugOutputHandler(NCVDebugOutputHandler *func)
virtual void getLabels(OutputArray labels_out)=0
Returns the segmentation labeling of the image.
virtual XMLNode * ShallowClone(XMLDocument *document) const
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.
WImageBufferC< ushort, 1 > WImageBuffer1_16u
Definition: wimage.hpp:107
#define clCreateImage
Definition: opencl_core.hpp:114
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.
The Viz3d class represents a 3D visualizer window. This class is implicitly shared....
Definition: viz3d.hpp:68
DescriptorCollection(const DescriptorCollection &collection)
__host__ Expr< IntegralBody< SrcPtr > > integral_(const SrcPtr &src)
Definition: reduction.hpp:253
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
@ CV_CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio_c.h:194
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
int max_level
Definition: core_c.h:1898
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
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.
void setImage(InputArray image)
Sets the image content of the widget.
int * left
Definition: objdetect_c.h:88
virtual void multiply(const MatExpr &expr1, double s, MatExpr &res) const
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:376
virtual void process(InputArrayOfArrays src, OutputArray dst)=0
Short version of process, that doesn't take extra arguments.
@ NCVPipeObjDet_UseFairImageScaling
Definition: NCVHaarObjectDetection.hpp:354
void chooseCentersKMeanspp(int k, int *indices, int indices_length, int *centers, int ¢ers_length)
Definition: kmeans_index.h:199
ModifiedCsCensus()
Definition: descriptor.hpp:147
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
SrcPtr src
Definition: interpolation.hpp:102
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:81
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).
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
void inverseWarp(const cv::Mat &img1, cv::Mat &img2) const
#define clEnqueueReadBufferRect
Definition: opencl_core_wrappers.hpp:115
virtual Mat getSampleWeights() const =0
#define clGetImageInfo
Definition: opencl_core.hpp:208
static float DEFAULT_MAX_ROTATION()
Definition: rgbd.hpp:563
void reduce(InputArray src, OutputArray dst, int dim, int rtype, int dtype=-1)
Reduces a matrix to a vector.
void split(const std::string &s, std::vector< std::string > &elems, char delim)
BundleAdjusterAffine()
Definition: motion_estimators.hpp:286
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"))
float * PriorErrorCovariance
Definition: tracking_c.h:178
Definition: transpose.hpp:85
void push_front(const _Tp &elem)
appends the specified element to the front of the sequence
Definition: core_c.h:3017
T * get() const
Definition: utility.hpp:639
@ CV_CAP_PROP_XI_GPI_LEVEL
Definition: videoio_c.h:269
int * refcount
Definition: types_c.h:429
static Ptr< InnerProductLayer > create(int axis=1)
const XMLNode * PreviousSibling() const
Get the previous (left) sibling node of this node.
Definition: tinyxml2.h:714
#define OPENCV_HAL_IMPL_ADD_SUB_OP(func, bin_op, cast_op, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:635
@ CV_CAP_ANDROID_FRONT
Definition: videoio_c.h:111
@ CV_BGRA2YUV_IYUV
Definition: types_c.h:335
int DP
Definition: tracking_c.h:166
int area_height
Definition: interpolation.hpp:240
void cvSubS(const CvArr *src, CvScalar value, CvArr *dst, const CvArr *mask=NULL)
Definition: core_c.h:1062
#define clEnqueueNativeKernel
Definition: opencl_core.hpp:168
SrcPtr src
Definition: reduction.hpp:242
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
converts matrix to another datatype with optional scalng. See cvConvertScale.
@ COLOR_BGR5552BGR
Definition: imgproc.hpp:561
hashtable_int * hashtable_int_clone(hashtable_int *hashtbl)
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)
static float DEFAULT_MAX_TRANSLATION()
Definition: rgbd.hpp:558
@ CV_CAP_PROP_GAIN
Definition: videoio_c.h:180
__host__ GpuMat_< typename MakeVec< typename VecTraits< T >::elem_type, cn >::type > reshape_(const GpuMat_< T > &mat, int rows=0)
Definition: gpumat.hpp:150
static void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:760
CvScalar cvRealScalar(double val0)
Definition: types_c.h:1156
CvGraphVtx * dst
Definition: core_c.h:1863
WaldBoost detector.
Definition: xobjdetect.hpp:62
Ptr< OCRBeamSearchDecoder::ClassifierCallback > loadOCRBeamSearchClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRBeamSearchDecoder objec...
virtual void checkParams() const =0
@ CV_CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio_c.h:446
void * rgbd_normals_impl_
Definition: rgbd.hpp:210
Ptr< TonemapReinhard > createTonemapReinhard(float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f)
Creates TonemapReinhard object.
double mu02
Definition: types_c.h:400
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:271
@ CAP_PROP_XI_KNEEPOINT1
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:463
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
#define clEnqueueMapImage
Definition: opencl_core.hpp:158
virtual void findProCamMatches(InputArray projUnwrappedPhaseMap, InputArray camUnwrappedPhaseMap, OutputArrayOfArrays matches)=0
Find correspondences between the two devices thanks to unwrapped phase maps.
const XMLConstHandle PreviousSiblingElement(const char *_value=0) const
Definition: tinyxml2.h:1879
T Pop()
Definition: tinyxml2.h:241
virtual void setUp(const Mat &firstFrame)
@ FEATURE_SET_COMPUTE_13
Definition: cuda.hpp:597
Node< OBJECT > * m_pParent
Definition: utility.hpp:1080
String getPathToApplication() const
Returns application path.
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:104
int free_space
Definition: types_c.h:1208
Scalar sum(InputArray src, InputArray mask=noArray())
Returns the sum of matrix elements.
@ FM_RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:283
@ CAP_OPENNI_GENERATORS_MASK
Definition: videoio.hpp:215
schar * block_min
Definition: persistence.hpp:675
Kernel & args(const _Tp0 &a0, const _Tp1 &a1)
Definition: ocl.hpp:422
__device__ __forceinline__ uint vsetgt4(uint a, uint b)
Definition: simd_functions.hpp:765
int SADWindowSize
Definition: calib3d_c.h:331
virtual void setFlags(int val)=0
std::vector< DMatch > matches
Definition: matchers.hpp:213
Distance::ResultType DistanceType
Definition: autotuned_index.h:74
DictValue(const char *s)
This is an overloaded member function, provided for convenience. It differs from the above function o...
Definition: dict.hpp:67
virtual bool ShallowEqual(const XMLNode *) const
Definition: tinyxml2.h:1684
@ PREFILTER_XSOBEL
Definition: stereo.hpp:131
@ CV_BadModelOrChSeq
Definition: types_c.h:134
void setText(const String &text)
Sets the text content of the widget.
virtual int getLevels() const =0
static DictValue arrayInt(TypeIter begin, int size)
Constructs integer array.
static Ptr< TR_svt > create()
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
#define clReleaseMemObject
Definition: opencl_core.hpp:242
Definition: cvstd.hpp:478
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:222
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
virtual double getMaxDataTerm() const =0
truncation of data cost
__host__ __device__ __forceinline__ ZipPtrSz()
Definition: zip.hpp:112
@ XML_NO_ATTRIBUTE
Definition: tinyxml2.h:1003
@ COLOR_YUV2BGR_UYNV
Definition: imgproc.hpp:677
int block_size
Definition: types_c.h:1195
@ CAP_PROP_XI_SENSOR_TAPS
Number of taps.
Definition: videoio.hpp:364
The base class for camera response calibration algorithms.
Definition: photo.hpp:559
virtual void calculate(const cv::Mat &img1, const cv::Mat &img2, cv::Ptr< Map > &res) const
@ CV_CAP_PROP_SHARPNESS
Definition: videoio_c.h:186
Definition: miniflann.hpp:96
@ USAGE_ALLOCATE_HOST_MEMORY
Definition: mat.hpp:396
virtual void addImage(InputArray img)=0
Add a new image in the list of images to process.
virtual void setSpeckleRange(int speckleRange)=0
void censusTransform(const cv::Mat &image1, const cv::Mat &image2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type)
virtual void setIsClassifier(bool val)=0
KDTreeSingleIndex(const KDTreeSingleIndex &)
void addPoint(DistanceType dist, int index)
Definition: result_set.h:464
@ CV_YUV2BGR_I420
Definition: types_c.h:255
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
virtual String getDefaultName() const
int _numFeat
Definition: onlineMIL.hpp:66
static Ptr< HPE_humaneva > create(int num=humaneva_1)
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.
virtual const XMLUnknown * ToUnknown() const
Definition: tinyxml2.h:643
virtual void setGamma(double gamma)=0
float member_type
Definition: core.hpp:3181
static const int TIXML2_PATCH_VERSION
Definition: tinyxml2.h:127
Matx< double, 3, 1 > Matx31d
Definition: matx.hpp:207
int N1c
Number of color vectors used to model normal background color variation at a given pixel.
Definition: cudalegacy.hpp:157
@ CV_HLS2RGB_FULL
Definition: types_c.h:213
void exp32f(const float *src, float *dst, int n)
virtual int getNumberOfSuperpixels() const =0
Calculates the actual amount of superpixels on a given segmentation computed and stored in Superpixel...
std::vector< int > computeSelectedWeakClassifier()
Get the list of the selected weak classifiers for the classification step.
@ CV_CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Definition: videoio_c.h:314
virtual void setL2HysThreshold(double threshold_L2hys)=0
L2-Hys normalization method shrinkage.
int computeReplaceWeakestClassifier(const std::vector< float > &errors)
@ paperWithCharacters
Definition: gr_skig.hpp:91
Definition: NPP_staging.hpp:115
Detector()
Empty constructor, initialize with read().
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
bool has_type()
Returns if the type is compatible with the policy.
Definition: any.h:303
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:787
Rect2d selectROI(Mat img, bool fromCenter=true)
_Tp operator()(const int *idx, size_t *hashval=0) const
equivalent to SparseMat::value<_Tp>(idx, hashval)
NppStBorderType
Definition: NPP_staging.hpp:89
int radiusSearch(const Matrix< ElementType > &query, Matrix< int > &indices, Matrix< DistanceType > &dists, float radius, const SearchParams ¶ms)
Perform radius search.
Definition: flann_base.hpp:228
MatConstIterator_ & operator--()
decrements the iterator
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
~Index_()
Definition: flann.hpp:371
int globalMemCacheLineSize() const
Definition: objdetect_c.h:94
@ CAP_PROP_XI_COOLING
Start camera cooling.
Definition: videoio.hpp:384
__device__ __forceinline__ float1 acosh(const uchar1 &a)
Definition: vec_math.hpp:375
int method_
Definition: rgbd.hpp:289
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).
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:577
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)
@ BORDER_REFLECT101
same as BORDER_REFLECT_101
Definition: base.hpp:261
const size_t WORDSIZE
Definition: allocator.h:71
Rect rect
Definition: erfilter.hpp:82
@ PREFILTER_NORMALIZED_RESPONSE
Definition: stereo.hpp:130
virtual bool Visit(const XMLDeclaration &)
Visit a declaration.
Definition: tinyxml2.h:466
#define FLANN_VERSION_
Definition: config.h:36
T * ImageData()
Definition: wimage.hpp:183
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:155
Definition: mappergradshift.hpp:53
int cvGetElemType(const CvArr *arr)
Returns type of array elements.
CvIsInstanceFunc is_instance
Definition: types_c.h:1832
virtual float getFGSLambda()=0
virtual void generateFeatures()
Ptr< MergeDebevec > createMergeDebevec()
Creates MergeDebevec object.
@ FLANN_DIST_HELLINGER
Definition: defines.h:136
Point resultTl(const std::vector< Point > &corners)
virtual bool getUseInitialFlow() const =0
int ID
Definition: types_c.h:303
@ CV_CAP_PROP_XI_BINNING_VERTICAL
Definition: videoio_c.h:288
NAryMatIterator(const Mat **arrays, uchar **ptrs, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
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
@ CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Automatic bandwidth calculation.
Definition: videoio.hpp:468
void getLeadingEdgeList(std::vector< int > &leadingEdgeList) const
Returns a list of the leading edge ID connected to each triangle.
@ CAP_PROP_XI_DEVICE_MODEL_ID
Returns device model id.
Definition: videoio.hpp:428
Matx< double, 3, 4 > Matx34d
Definition: matx.hpp:224
@ OCR_LEVEL_TEXTLINE
Definition: ocr.hpp:61
void findContours(InputOutputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
virtual const XMLDeclaration * ToDeclaration() const
Definition: tinyxml2.h:640
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
static MatExpr ones(int ndims, const int *sz, int type)
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCSC.
CvMat * cvGetCols(const CvArr *arr, CvMat *submat, int start_col, int end_col)
Returns one of more array columns.
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...
Mat _ii_img
Definition: feature.hpp:280
XMLDocument * GetDocument()
Get the XMLDocument that owns this XMLNode.
Definition: tinyxml2.h:599
SortFlags
Definition: core.hpp:148
@ CALIB_FIX_K4
Definition: calib3d.hpp:1892
@ OPTFLOW_USE_INITIAL_FLOW
Definition: tracking.hpp:56
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:88
Ptr< CalibrateRobertson > createCalibrateRobertson(int max_iter=30, float threshold=0.01f)
Creates CalibrateRobertson object.
virtual void compute(InputArrayOfArrays images, std::vector< std::vector< KeyPoint > > &keypoints, OutputArrayOfArrays descriptors)
Object detector using the LINE template matching algorithm with any set of modalities.
Definition: linemod.hpp:322
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
~UMat()
destructor - calls release()
@ CV_TYZX_Z
Definition: videoio_c.h:95
virtual void setVariationalRefinementGamma(float val)=0
Weight of the gradient constancy term.
virtual void setScaleFactor(double scaleFactor)=0
MorphTypes
type of morphological operation
Definition: imgproc.hpp:235
virtual bool open(int index)
Open a camera for video capturing.
Basic interface for all solvers.
Definition: optim.hpp:59
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
Definition: mapshift.hpp:54
static const mxComplexity Real
Definition: mxarray.hpp:120
__device__ __forceinline__ void warpReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:84
void nextFrame(OutputArray frame)
Process next frame from input and return output result.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:757
virtual Size getMaxObjectSize() const =0
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.
Definition: optical_flow.hpp:80
Gray-world white balance algorithm.
Definition: white_balance.hpp:140
double member_type
Definition: core.hpp:3141
@ COLOR_YUV420p2BGRA
Definition: imgproc.hpp:658
virtual ~InpainterBase()
Definition: inpainting.hpp:68
void v_rshr_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:1746
Ncv32u height() const
Definition: NCV.hpp:825
Definition: saliencyBaseClasses.hpp:132
True is_vector_space_distance
Definition: dist.h:695
Rect boundingRect() const
returns the minimal up-right integer rectangle containing the rotated rectangle
@ RETR_TREE
Definition: imgproc.hpp:436
void save(FileStorage &fs) const
void min32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
Stub exposure compensator which does nothing.
Definition: exposure_compensate.hpp:92
std::ostream & operator<<(std::ostream &out, const any &any_val)
Definition: any.h:316
virtual Size getWinStride() const =0
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
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.
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:923
void match(const Mat &queryDescriptors, std::vector< DMatch > &matches, const std::vector< Mat > &masks=std::vector< Mat >())
QtFontWeights
Qt font weight.
Definition: highgui.hpp:230
SrcPtr src
Definition: reduction.hpp:176
Definition: feature.hpp:220
void batchFromImages(InputArray image, int dstCn=-1)
Works like Blob::fromImages() but in-place.
virtual double getMinVal() const =0
void save(const String &configFile) const
Saves parameters to config file.
void lda(InputArrayOfArrays src, InputArray labels)
@ CV_CAP_PROP_XI_IS_COOLED
Definition: videoio_c.h:318
virtual flann_algorithm_t getType() const
Definition: autotuned_index.h:206
virtual float getRegressionAccuracy() const =0
Ncv32u _pitch
Definition: NCV.hpp:835
virtual bool getIsClassifier() const =0
Distance::ResultType DistanceType
Definition: kdtree_single_index.h:74
unsigned char Ncv8u
Definition: NCV.hpp:132
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.
const T & set(const String &key, const T &value)
Sets new value for the key, or adds new key-value pair into the dictionary.
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
1x7 or 7x1 matrix
__device__ static __forceinline__ uchar min()
Definition: limits.hpp:76
DictValue(int i)
Constructs integer scalar.
Definition: dict.hpp:63
double get(int prop) const
Definition: agast.txt:7513
std::vector< char > structs
the stack of written structures
Definition: persistence.hpp:467
static Vec< _Tp, cn > normalize(const Vec< _Tp, cn > &v)
virtual bool hlexists(String label) const =0
Check if label exists or not.
void pop_back(size_t nelems=1)
Removes elements from the bottom of the matrix.
Definition: feature.hpp:381
@ COLORMAP_JET
Definition: imgproc.hpp:4082
CvPoint cvPointFrom32f(CvPoint2D32f point)
Definition: types_c.h:926
CvSparseMat * cvCreateSparseMat(const cv::SparseMat &m)
__device__ __forceinline__ T operator()(float y, float x) const
Definition: texture.hpp:192
Color(double blue, double green, double red)
virtual std::vector< int > getLabelsByString(const String &str) const
Gets vector of labels by string.
virtual void setFlags(int flags)=0
virtual int getHistBinNum() const =0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
int size() const
Definition: flann.hpp:444
double minDepth
Definition: rgbd.hpp:864
@ DICT_6X6_100
Definition: dictionary.hpp:151
#define IPL_DEPTH_8U
Definition: types_c.h:261
__host__ void gridTranspose_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:61
String & operator=(const char *s)
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:310
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:181
end function a13
Definition: modelConvert.m:45
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
@ CAP_PROP_XI_REGION_MODE
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:376
ShapeMatchModes
Shape matching methods.
Definition: types_c.h:503
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
Definition: types_c.h:360
virtual const UMat & getDst()
Definition: timelapsers.hpp:69
@ CV_CONTOURS_MATCH_I3
Definition: types_c.h:506
double uniform(double a, double b)
void removeAllLights()
Remove all lights from the current scene.
SrcPtr src
Definition: resize.hpp:65
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1050
static Ptr< GrayCodePattern > create(int width, int height)
Size stride
Definition: all_layers.hpp:262
void load(const String &configFile)
Reads parameters from config file.
double m00
Definition: types_c.h:399
@ LSD_REFINE_STD
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:480
#define N_BINS
Definition: feature.hpp:79
int depth() const
Returns the depth of a matrix element.
SrcPtr src
Definition: deriv.hpp:334
virtual void setInitStep(InputArray step)=0
Sets the initial step that will be used in downhill simplex algorithm.
std::string imageName
Definition: ir_affine.hpp:63
void PushHeader(bool writeBOM, bool writeDeclaration)
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:1526
@ StsBadMemBlock
an allocated block has been corrupted
Definition: base.hpp:114
virtual int getPolyN() const =0
Base class for rotation-based warper using a detail::ProjectorBase_ derived class.
Definition: warpers.hpp:142
WSphere(const cv::Point3d ¢er, double radius, int sphere_resolution=10, const Color &color=Color::white())
Constructs a WSphere.
__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
Definition: videoio_c.h:401
int MP
Definition: tracking_c.h:165
const Ptr< detail::BundleAdjusterBase > bundleAdjuster() const
Definition: stitching.hpp:205
void detailEnhance(InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f)
This filter enhances the details of a particular image.
__host__ __device__ NcvSize32u()
Definition: NCV.hpp:185
void mapBackward(float u, float v, float &x, float &y)
virtual void setEmax(int val)=0
SrcPtr src
Definition: remap.hpp:65
virtual void setExcludeRange(int exclude_range)=0
void reset()
Definition: dynamic_bitset.h:92
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
std::string pose
Definition: or_pascal.hpp:70
@ CV_STAR_KERNEL
Definition: descriptor.hpp:60
Definition: deriv.hpp:208
@ CV_CAP_PROP_XI_CC_MATRIX_33
Definition: videoio_c.h:347
virtual void setXi(double xi)=0
Angle difference in degrees between two points in feature.
Buffer(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
MatExpr inv(int method=DECOMP_LU) const
int cols() const
Returns size of the fourth axis blob.
void encodeParameters(InputArray K, InputArrayOfArrays omAll, InputArrayOfArrays tAll, InputArray distoaration, double xi, OutputArray parameters)
float weight4() const
Definition: motion_stabilizing.hpp:141
void cvSet3D(CvArr *arr, int idx0, int idx1, int idx2, CvScalar value)
unsigned int texId() const
get OpenGL opject id
Implementation of the PCAFlow algorithm from the following paper: http://files.is....
@ CV_CAP_VFW
Definition: videoio_c.h:80
double L2HysThreshold
Definition: objdetect.hpp:429
#define CV_CUDEV_MINMAX_INST(type, maxop, minop)
Definition: functional.hpp:328
#define FLANN_SIGNATURE_
Definition: saving.h:41
virtual void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
float width
Definition: types_c.h:1035
@ IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
Use this value to force Huffman encoding only (no string match).
Definition: imgcodecs.hpp:107
void create(int _rows, int _cols)
equivalent to Mat::create(_rows, _cols, DataType<_Tp>::type)
@ ARO_315_135
Definition: fast_hough_transform.hpp:72
@ COLOR_RGBA2BGR
Definition: imgproc.hpp:529
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:370
double getMaxPointsPart() const
Definition: rgbd.hpp:817
const std::vector< std::pair< String, Ptr< TrackerFeature > > > & getTrackerFeature() const
Get the TrackerFeature collection (TrackerFeature name, TrackerFeature pointer)
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)
virtual void loadIndex(FILE *stream)
Loads the index from a stream.
Definition: flann_base.hpp:160
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
float value_type
Definition: vec_distance.hpp:92
size_t size() const
Definition: linear_index.h:72
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:243
@ IMREAD_LOAD_GDAL
If set, use the gdal driver for loading the image.
Definition: imgcodecs.hpp:70
double m01
Definition: types.hpp:862
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
@ fmt
Definition: traits.hpp:116
Net()
Default constructor.
Definition: lsh_table.h:131
Point_< int64 > Point2l
Definition: types.hpp:180
InputArray InputArrayOfArrays
Definition: mat.hpp:380
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:258
This interface class allows to build new Layers - are building blocks of networks.
Definition: dnn.hpp:85
virtual int getTemporalAreaRadius() const =0
Radius of the temporal search area.
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:66
void drawDetectedDiamonds(InputOutputArray image, InputArrayOfArrays diamondCorners, InputArray diamondIds=noArray(), Scalar borderColor=Scalar(0, 0, 255))
Draw a set of detected ChArUco Diamond markers.
ptr_type::value_type value_type
Definition: expr.hpp:75
int cvGetImageCOI(const IplImage *image)
Returns the index of the channel of interest.
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.
virtual void clearAllBuffers()=0
cleans all the buffers of the instance
@ CV_CAP_AVFOUNDATION
Definition: videoio_c.h:115
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
virtual void setMaxLevel(int maxLevel)=0
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
@ MORPH_DILATE
see cv::dilate
Definition: imgproc.hpp:237
bool operator()(const T &t_1, const T &t_2) const
Definition: heap.h:110
void forEach(const Functor &operation)
Runs the given functor over all matrix elements in parallel.
virtual ~TrackerStateEstimator()
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.
Definition: optical_flow.hpp:98
@ FONT_HERSHEY_PLAIN
small size sans-serif font
Definition: core.hpp:225
@ COLOR_BGR2Luv
convert RGB/BGR to CIE Luv, color conversions
Definition: imgproc.hpp:587
#define clEnqueueWriteImage
Definition: opencl_core_wrappers.hpp:136
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.
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
Definition: types_c.h:189
virtual int getMaxDepth() const =0
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
WImageBuffer< short > WImageBuffer_16s
Definition: wimage.hpp:91
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:125
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
Definition: highgui_c.h:77
MxArray(const MxArray &other)
copy constructor
Definition: mxarray.hpp:342
@ FLANN_LOG_ERROR
Definition: defines.h:122
int CP
Dimensionality of the control vector.
Definition: kalman_filters.hpp:129
void save_header(FILE *stream, const NNIndex< Distance > &index)
Definition: saving.h:86
@ CV_RGB2BGR565
Definition: types_c.h:131
virtual Size getOutputSize()=0
Retreive retina output buffer size that can be different from the input if a spatial log transformati...
Definition: all_layers.hpp:363
double eps
Definition: all_layers.hpp:290
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
Definition: features2d.hpp:740
v_reg< _Tp, n > operator<<(const v_reg< _Tp, n > &a, int imm)
Bitwise shift left.
Definition: intrin_cpp.hpp:841
struct cv::CvHOGEvaluator::Feature::@326 fastRect[4]
double compositingResol() const
Definition: stitching.hpp:175
void cvSort(const CvArr *src, CvArr *dst=NULL, CvArr *idxmat=NULL, int flags=0)
virtual Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)=0
@ Uncompressed_YUYV
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:257
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:252
Vec< float, 2 > Vec2f
Definition: matx.hpp:381
@ TRIANGLE_FAN
Definition: opengl.hpp:485
virtual void setMaxScale(double maxScale)=0
Maximal scale to detect.
Definition: type_traits.hpp:112
cv::Mat sqr(const cv::Mat &mat1) const
Definition: mapper.hpp:99
Definition: tracker.hpp:805
RansacParams ransacParams() const
Definition: global_motion.hpp:137
@ CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio.hpp:489
int type1
Definition: hpe_humaneva.hpp:64
float ** thresh2
Definition: types_c.h:753
Ptr< SuperpixelSLIC > createSuperpixelSLIC(InputArray image, int algorithm=SLICO, int region_size=10, float ruler=10.0f)
@ CV_CAP_PROP_XI_CC_MATRIX_31
Definition: videoio_c.h:345
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.
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.
void PopArr(int count)
Definition: tinyxml2.h:245
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:272
Matx< _Tp, m, n > operator*() const
@ WND_PROP_VISIBLE
checks whether the window exists and is visible
Definition: highgui.hpp:200
char * ParseDeep(char *, StrPair *endTag)
virtual int getPolyN() const =0
void detectResultRoiByBorder(Size src_size, Point &dst_tl, Point &dst_br)
static Stream wrapStream(cudaStream_t stream)
CvPoint2D32f(float _x=0, float _y=0)
Definition: types_c.h:899
@ CV_CAP_PROP_XI_LED_SELECTOR
Definition: videoio_c.h:272
diag_type diag() const
extract the matrix diagonal
Mat(int ndims, const int *sizes, int type, const Scalar &s)
void add16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
ERStat * max_probability_ancestor
Definition: erfilter.hpp:110
int derivAperture
Definition: objdetect.hpp:426
#define clEnqueueUnmapMemObject
Definition: opencl_core.hpp:178
Matx< _Tp, m1, n1 > reshape() const
change the matrix shape
uchar * newNode(const int *idx, size_t hashval)
std::string user_id
Definition: fr_adience.hpp:69
@ CAP_PROP_RECTIFICATION
Rectification flag for stereo cameras (note: only supported by DC1394 v 2.x backend currently).
Definition: videoio.hpp:142
void setMotionModel(MotionModel val)
Definition: motion_stabilizing.hpp:122
virtual void * Alloc()
Definition: tinyxml2.h:345
__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
int mask
Definition: core_c.h:1869
XMLError QueryFloatAttribute(const char *name, float *value) const
See QueryIntAttribute()
Definition: tinyxml2.h:1259
@ XML_ERROR_PARSING
Definition: tinyxml2.h:1020
static Ptr< TR_chars > create()
#define OPENCV_HAL_IMPL_BIN_OP(bin_op)
Helper macro.
Definition: intrin_cpp.hpp:376
@ CAP_PVAPI_DECIMATION_2OUTOF8
2 out of 8 decimation
Definition: videoio.hpp:304
High level image stitcher.
Definition: stitching.hpp:125
int cvStartWindowThread(void)
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
int hal_ni_fastAtan64f(const double *y, const double *x, double *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:389
_OutputArray(const Mat_< _Tp > &m)
void seqInsertSlice(CvSeq *seq, int before_index, const CvArr *from_arr)
static Ptr< DescriptorMatcher > create(const String &descriptorMatcherType)
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
Affine3< float > Affine3f
Definition: affine.hpp:142
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
int rows
Definition: deriv.hpp:76
@ kChannels
Definition: wimage.hpp:447
size_t nzcount() const
returns the number of non-zero elements (=the number of hash table nodes)
Bridge & operator=(const Ptr_TonemapDurand &)
Definition: bridge.hpp:512
AugmentedUnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
Base abstract class for the long-term Multi Object Trackers:
Definition: tracker.hpp:1409
T value_type
Definition: constant.hpp:59
Definition: outlier_rejection.hpp:59
Definition: ccalib.hpp:61
@ CV_BayerGB2GRAY
Definition: types_c.h:231
#define clGetExtensionFunctionAddress
Definition: opencl_core_wrappers.hpp:163
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
float _lRate
Definition: onlineMIL.hpp:98
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.
@ CPU_AVX
Definition: cvdef.h:147
@ CAP_PROP_XI_IS_COOLED
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:383
KDTreeIndex(const KDTreeIndex &)
@ CAP_PROP_XI_IS_DEVICE_EXIST
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:448
virtual double getC() const =0
@ IMWRITE_PNG_STRATEGY_DEFAULT
Use this value for normal data.
Definition: imgcodecs.hpp:105
Definition: optical_flow.hpp:144
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:97
Texture2D(int arows, int acols, Format aformat, unsigned int atexId, bool autoRelease=false)
XMLNode * PreviousSibling()
Definition: tinyxml2.h:718
@ CV_CAP_OPENNI_BGR_IMAGE
Definition: videoio_c.h:475
static void read(const FileNode &node, bool &value, bool default_value)
Definition: persistence.hpp:1041
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:123
@ CAP_PROP_XI_CMS
Mode of color management system.
Definition: videoio.hpp:390
bool is_thread_safe_
Definition: matchers.hpp:268
@ COLOR_YUV2BGRA_YUNV
Definition: imgproc.hpp:704
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
@ CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:285
float weight
Definition: util.hpp:79
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:67
@ CV_IMWRITE_PNG_COMPRESSION
Definition: imgcodecs_c.h:88
DistanceType dist_
Definition: result_set.h:300
Ncv32s x
Point X.
Definition: NCV.hpp:193
virtual void setup(RetinaParameters newParameters)=0
@ CV_StsNullPtr
Definition: types_c.h:147
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:139
@ CV_EVENT_MBUTTONDOWN
Definition: highgui_c.h:181
The class represents a decision tree node.
Definition: ml.hpp:1050
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.
@ CAP_PVAPI_PIXELFORMAT_MONO16
Mono16.
Definition: videoio.hpp:310
NCVStatus nppiStDecimate_64f_C1R(Ncv64f *d_src, Ncv32u srcStep, Ncv64f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
int cvGetDimSize(const CvArr *arr, int index)
Returns array size along the specified dimension.
@ COLOR_YUV2GRAY_YVYU
Definition: imgproc.hpp:711
@ patch_size_y
Definition: reduce.hpp:300
virtual int getGridY() const =0
virtual const Mat getMagnoRAW() const =0
@ CV_CAP_PROP_XI_SENSOR_BOARD_TEMP
Definition: videoio_c.h:324
void SetIpl(IplImage *image)
Definition: wimage.hpp:285
bool useOptimized()
Returns the status of optimized code usage.
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:192
@ CAP_PROP_XI_EXPOSURE_BURST_COUNT
Sets the number of times of exposure in one frame.
Definition: videoio.hpp:348
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
v_int8x16 v_setall_s8(schar val)
Definition: intrin_cpp.hpp:1539
virtual ~BaseClassifier()
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
@ CV_BGRA2BGR565
Definition: types_c.h:134
@ DICT_4X4_250
Definition: dictionary.hpp:144
void cvConvertScaleAbs(const CvArr *src, CvArr *dst, double scale=1, double shift=0)
Vec< short, 3 > Vec3s
Definition: matx.hpp:368
Vec(_Tp v0, _Tp v1)
2-element vector constructor
int getSelectedClassifier() const
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
Body body
Definition: expr.hpp:59
virtual int getPreFilterCap() const =0
@ WAVE_CORRECT_VERT
Definition: motion_estimators.hpp:325
static void AGAST_7_12s(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:3264
int index_type
Definition: deriv.hpp:191
virtual ~SeamFinder()
Definition: seam_finders.hpp:61
void setUseOpenCL(bool flag)
virtual Mat getMissing() const =0
HostMem clone() const
returns deep copy of the matrix, i.e. the data is copied
@ CAP_PROP_XI_AE_MAX_LIMIT
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:343
@ COLOR_BayerGB2GRAY_MHT
Definition: cudaimgproc.hpp:106
static CvTypeInfo * first
Definition: core_c.h:2781
Mat_(const Point3_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
@ CAP_VFW
Video For Windows (platform native)
Definition: videoio.hpp:90
int nlevels
Definition: objdetect.hpp:434
TrackerFeature based on HOG.
Definition: tracker.hpp:980
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...
BlocksGainCompensator(int bl_width=32, int bl_height=32)
Definition: exposure_compensate.hpp:120
void copyTo(OutputArray dst, InputArray mask) const
copies those GpuMat elements to "m" that are marked with non-zero mask elements (Blocking call)
__host__ T * operator[](int y)
more convenient forms of row and element access operators
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3246
UMat(const UMat &m, const Rect &roi)
void min8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
UMat colRange(const Range &r) const
virtual void unwrapPhaseMap(InputArray wrappedPhaseMap, OutputArray unwrappedPhaseMap, InputArray shadowMask=noArray())=0
Unwraps a 2D phase map.
@ CAP_PROP_CONTRAST
Contrast of the image (only for cameras).
Definition: videoio.hpp:135
__host__ void gridHistogram_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:61
bool filterByConvexity
Definition: features2d.hpp:577
void write(const String &fileName) const
@ CV_LOAD_IMAGE_ANYDEPTH
Definition: imgcodecs_c.h:64
T Type
Definition: dist.h:70
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)
@ circle
Definition: gr_skig.hpp:62
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
@ CV_DIST_LABEL_CCOMP
Definition: types_c.h:550
Matx(_Tp v0, _Tp v1, _Tp v2)
1x3 or 3x1 matrix
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
int index_type
Definition: deriv.hpp:144
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
@ CV_LOAD_IMAGE_IGNORE_ORIENTATION
Definition: imgcodecs_c.h:68
virtual double getPolySigma() const =0
_Tp & ref(const int *idx, size_t *hashval=0)
returns reference to the specified element (nD case)
@ CV_CAP_INTELPERC_IR_MAP
Definition: videoio_c.h:496
@ StsInplaceNotSupported
in-place operation is not supported
Definition: base.hpp:103
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:319
virtual int getMaxLevel() const =0
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:79
@ COLOR_YUV2RGB_UYVY
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:670
@ CV_GRAY2BGRA
Definition: types_c.h:125
IndexParams getParameters() const
Definition: composite_index.h:167
void Allocate(int width, int height, int nchannels)
Definition: wimage.hpp:514
std::vector< cuda::GpuMat > & getGpuMatVecRef() const
virtual Mat getTrainSamples(int layout=ROW_SAMPLE, bool compressSamples=true, bool compressVars=true) const =0
Returns matrix of train samples.
virtual void setSigmaS(double val)=0
bool wrap_kernel
wrap around the kernel values
Definition: tracker.hpp:1244
static Ptr< Odometry > create(const String &odometryType)
virtual double getScaleFactor() const =0
Pyramid scale factor.
virtual bool train(const Ptr< TrainData > &trainData, int flags=0)
Trains the statistical model.
HierarchicalClusteringIndex(const Matrix< ElementType > &inputData, const IndexParams &index_params=HierarchicalClusteringIndexParams(), Distance d=Distance())
Definition: hierarchical_clustering_index.h:357
DMatch(int _queryIdx, int _trainIdx, int _imgIdx, float _distance)
virtual float getSaturationThreshold() const =0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
TrackerFeatureFeature2d(String detectorType, String descriptorType)
Constructor.
_Tp y
Definition: types.hpp:249
virtual void setBackgroundPrior(double bgprior)=0
Main interface for all disparity map filters.
Definition: disparity_filter.hpp:53
#define clGetKernelInfo
Definition: opencl_core.hpp:212
int period_
Definition: wobble_suppression.hpp:110
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:741
float index_type
Definition: warping.hpp:110
int numTemplates(const String &class_id) const
Definition: wimage.hpp:296
virtual void filter(InputArray src, OutputArray dst)=0
Apply smoothing operation to the source image.
virtual double getBackpropMomentumScale() const =0
Interface for implementations of Fast Global Smoother filter.
Definition: edge_filter.hpp:384
std::string imgName
Definition: tr_chars.hpp:62
static Ptr< SVMSGD > create()
Creates empty model. Use StatModel::train to train the model. Since SVMSGD has several parameters,...
void _mm_deinterleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:494
double t[3]
Definition: msm_middlebury.hpp:65
void cvReprojectImageTo3D(const CvArr *disparityImage, CvArr *_3dImage, const CvMat *Q, int handleMissingValues=0)
Mat inpaintingMask_
Definition: stabilizer.hpp:128
Definition: interpolation.hpp:235
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.
virtual void add(InputArrayOfArrays descriptors)
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
Definition: cvstd.hpp:128
virtual void read(const cv::FileNode &fn)
Read parameters from a FileNode object and store them.
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8)
9-element vector constructor
Mat(const Mat &m, const Rect &roi)
std::vector< Bucket > BucketsSpeed
Definition: lsh_table.h:143
bool useOpenCL
Definition: pcaflow.hpp:104
Definition: facerec.hpp:102
int cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:190
_OutputArray(Mat_< _Tp > &m)
ResultType operator()(ResultType dist)
Definition: dist.h:890
virtual int getDelta() const =0
virtual ~SuperpixelSEEDS()
Definition: seeds.hpp:141
int active_count
Definition: types_c.h:1297
void cvSubstituteContour(CvContourScanner scanner, CvSeq *new_contour)
Substitutes the last retrieved contour with the new one.
void linear(const Mat3 &L)
void locateROI(Size &wholeSize, Point &ofs) const
Locates the matrix header within a parent matrix.
void cvStartWriteRawData_Base64(::CvFileStorage *fs, const char *name, int len, const char *dt)
int preferredVectorWidthInt() const
struct CvHaarFeature::@161 rect[3]
void buildIndex()
Definition: flann_base.hpp:129
int cvSolveCubic(const CvMat *coeffs, CvMat *roots)
Affine3(const float_type *vals)
From 16th element array.
Op op
Definition: tuple_adapter.hpp:61
static Ptr< CascadeClassifier > create(const String &filename)
Loads the classifier from a file. Cascade type is detected automatically by constructor parameter.
#define clGetDeviceIDs
Definition: opencl_core_wrappers.hpp:151
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
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
Definition: reduction.hpp:241
void unmapDevice(cuda::Stream &stream)
Unmaps OpenGL buffer.
void PushAttribute(const char *name, double value)
void read(const FileNode &)
Read parameters from file, currently unused.
XMLConstHandle(const XMLNode &node)
Definition: tinyxml2.h:1852
@ CAP_PROP_XI_DEBOUNCE_POL
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:419
@ CAP_XIAPI
XIMEA Camera API.
Definition: videoio.hpp:105
@ XML_ERROR_EMPTY_DOCUMENT
Definition: tinyxml2.h:1018
ResultType operator()(ResultType dist)
Definition: dist.h:793
@ NPPST_CUDA_KERNEL_EXECUTION_ERROR
CUDA kernel execution error.
Definition: NCV.hpp:357
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.
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float > > &ii_imgs)
Definition: feature.hpp:281
@ COLORMAP_RAINBOW
Definition: imgproc.hpp:4084
double ncvEndQueryTimerUs(NcvTimer t)
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
XMLError QueryUnsignedText(unsigned *uval) const
See QueryIntText()
int particlesNum
number of "perturbed" boxes on each round
Definition: tracker.hpp:928
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.
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:85
Represents a successful template match.
Definition: linemod.hpp:283
Definition: warpers.hpp:395
static __device__ float bicubicCoeff(float x_)
Definition: interpolation.hpp:162
void sqrIntegral(InputArray src, OutputArray sqsum, Stream &stream=Stream::Null())
Computes a squared integral image.
void modelUpdate()
Update the model.
virtual void setMaxX(double _plotMaxX)=0
FileStorage(const String &source, int flags, const String &encoding=String())
Mat_(const Mat &m)
copy/conversion contructor. If m is of different type, it's converted
static bool hasEqualOrGreaterBin(int major, int minor)
Ptr< ERFilter::Callback > loadClassifierNM1(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
void cvPolarToCart(const CvArr *magnitude, const CvArr *angle, CvArr *x, CvArr *y, int angle_in_degrees=0)
virtual int getMaxFeatures() const =0
void add64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
Definition: pd_caltech.hpp:61
@ CV_RGBA2BGR555
Definition: types_c.h:147
static size_t getElemSize(int type)
Definition: utility.hpp:463
struct CvSparseNode * next
Definition: types_c.h:713
NCVStatus nppiStDecimate_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:1591
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.
@ HISTCMP_CORREL
Definition: imgproc.hpp:494
struct _IplROI * roi
Definition: types_c.h:318
#define clGetKernelWorkGroupInfo
Definition: opencl_core_wrappers.hpp:178
double norm(InputArray src1, int normType, InputArray mask=noArray())
Returns the norm of a matrix (or difference of two matrices).
virtual void setDegree(double val)=0
_Tp & operator[](ptrdiff_t i) const
returns the i-th matrix element, relative to the current
virtual ~MatAllocator()
Definition: mat.hpp:411
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
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:115
@ CV_CAP_MSMF
Definition: videoio_c.h:102
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
virtual const void * get_value(void *const *src)
Definition: any.h:99
PoseCluster3D()
Definition: pose_3d.hpp:141
@ CAP_PROP_XI_HDR_T1
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:461
Mat * planes
the current planes
Definition: mat.hpp:3265
@ COLOR_Lab2BGR
Definition: imgproc.hpp:595
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
friend std::ostream & operator<<(std::ostream &stream, const DictValue &dictv)
_OutputArray(const UMat &m)
int getNSS() const
Definition: saliencySpecializedClasses.hpp:325
virtual Blob getC() const =0
Returns current value (deep copy).
Definition: all_layers.hpp:379
@ CALIB_FIX_GAMMA
Definition: omnidir.hpp:63
CvSize size
Definition: core_c.h:570
Bridge & operator=(const Ptr_TonemapReinhard &)
Definition: bridge.hpp:522
Size winSize_
Definition: optical_flow.hpp:92
ResultType operator()(ResultType dist)
Definition: dist.h:823
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
@ GpuNotSupported
Definition: base.hpp:116
__host__ GpuMat_ rowRange(Range r) const
@ HDO_DESKEW
Definition: fast_hough_transform.hpp:108
NCVMemNativeAllocator(NCVMemoryType memT, Ncv32u alignment)
bool isEmpty() const
Returns true if shape is empty (i.e []).
void create(Size asize, Format aformat, bool autoRelease=false)
@ COLOR_YUV2RGB_IYUV
Definition: imgproc.hpp:644
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:592
void SetError(XMLError error, const char *str1, const char *str2)
Definition: wimage.hpp:352
fprintf(outfile, '%%YAML:1.0\n\n')
std::vector< int > T_at_level
Definition: linemod.hpp:421
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:75
Ptr< detail::BundleAdjusterBase > bundleAdjuster()
Definition: stitching.hpp:204
virtual void switchToSingleStrategy(int k=200, float sigma=0.8f)=0
Initialize the class with the 'Single stragegy' parameters describled in .
virtual void setGamma(float gamma)=0
std::string srcBw
Definition: is_weizmann.hpp:63
@ CV_EVENT_FLAG_ALTKEY
Definition: highgui_c.h:199
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:204
virtual void setNMixtures(int nmixtures)=0
Sets the number of gaussian components in the background model.
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
result_type mySum
Definition: vec_distance.hpp:95
int neighbors
Definition: objdetect_c.h:120
uint8_t UINT8
Definition: descriptor.hpp:69
@ CAP_PVAPI
PvAPI, Prosilica GigE SDK.
Definition: videoio.hpp:101
virtual int getFlags() const =0
virtual Mat getNormCatResponses() const =0
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)
virtual int getNumIters() const =0
void createOneElemSets(int elem_count)
virtual void knnSearch(const Matrix< ElementType > &queries, Matrix< int > &indices, Matrix< DistanceType > &dists, int knn, const SearchParams ¶ms)
Perform k-nearest neighbor search.
Definition: nn_index.h:68
double m03
Definition: types_c.h:399
Callback with the classifier is made a class.
Definition: erfilter.hpp:128
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:68
UMat(Size size, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
int lambdaLg10
Definition: calib3d_c.h:416
bool setMarkers
Definition: sinusoidalpattern.hpp:92
const XMLElement * FirstChildElement(const char *value=0) const
virtual int getNumRejected()=0
@ WRITE
value, open the file for writing
Definition: persistence.hpp:309
Ptr< detail::RotationWarper > create(float scale) const
Definition: warpers.hpp:105
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)
uint8_t * image[num_images]
Definition: descriptor.hpp:173
void flags2idx(int flags, std::vector< int > &idx, int n)
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 ...
Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio)
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
void fundamentalFromEssential(InputArray E, InputArray K1, InputArray K2, OutputArray F)
Get Essential matrix from Fundamental and Camera matrices.
#define OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:526
Ptr_TonemapDrago toPtrTonemapDrago()
Definition: bridge.hpp:508
XMLHandle NextSibling()
Get the next sibling of this handle.
Definition: tinyxml2.h:1808
@ CV_YUV2GRAY_NV12
Definition: types_c.h:270
#define clEnqueueReadImage
Definition: opencl_core_wrappers.hpp:118
void PushText(int value)
Add a text node from an integer.
void buildIndex()
Definition: hierarchical_clustering_index.h:464
@ block_size_x
Definition: reduce_to_vec.hpp:214
NcvBool isMemReused() const
Definition: NCV.hpp:979
virtual void setCalculateVarImportance(bool val)=0
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
@ CV_StsInplaceNotSupported
Definition: types_c.h:154
@ WMF_COS
Definition: weighted_median_filter.hpp:69
void unregisterAllWindows()
Unregisters all Viz windows from internal database. After it 'getWindowByName()' will create new wind...
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const
float contextEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:105
Index(InputArray features, const IndexParams ¶ms, cvflann::flann_distance_t distType=cvflann::FLANN_DIST_L2)
size_t size() const
Definition: lsh_index.h:154
String member_type
Definition: core.hpp:3149
Ptr< CalibrateDebevec > createCalibrateDebevec(int samples=70, float lambda=10.0f, bool random=false)
Creates CalibrateDebevec object.
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
@ FEATURE_SET_COMPUTE_21
Definition: cuda.hpp:599
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:157
@ StsNoMem
insufficient memory
Definition: base.hpp:73
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.
IplMagnoParameters()
Definition: retina.hpp:166
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
int ResultType
Definition: dist.h:481
void cvSeqRemove(CvSeq *seq, int index)
@ CV_CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio_c.h:232
int maxTexture1D() const
maximum 1D texture size
@ CV_BayerGR2BGR_EA
Definition: types_c.h:345
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1049
@ CV_StsAutoTrace
Definition: types_c.h:128
@ DECOMP_QR
Definition: base.hpp:145
std::vector< std::string > lex
Definition: tr_svt.hpp:69
unsigned int BucketKey
Definition: lsh_table.h:72
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
#define clEnqueueBarrier
Definition: opencl_core.hpp:138
@ Uncompressed_NV12
Y,UV (4:2:0)
Definition: cudacodec.hpp:256
__host__ void gridPyrDown_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:62
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
GpuMat(int rows, int cols, int type, Scalar s, Allocator *allocator=defaultAllocator())
constucts GpuMat and fills it with the specified value _s
@ CAP_PVAPI_PIXELFORMAT_BGRA32
Bgra32.
Definition: videoio.hpp:316
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
SymetricCensus(const cv::Mat *img, int k2, int **distance)
Definition: descriptor.hpp:372
KNNUniqueResultSet(unsigned int capacity)
Definition: result_set.h:395
virtual void findNeighbors(ResultSet< DistanceType > &result, const ElementType *vec, const SearchParams &searchParams)
Definition: autotuned_index.h:151
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:366
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1025
int inputNameToIndex(String inputName)
Returns index of input blob into the input array.
@ COLOR_Luv2BGR
Definition: imgproc.hpp:597
static Ptr< TrackerStateEstimator > create(const String &trackeStateEstimatorType)
Create TrackerStateEstimator by tracker state estimator type.
std::vector< unsigned char > vector_uchar
Definition: bridge.hpp:74
virtual void setup(cv::FileStorage &fs, const bool applyDefaultSetupOnFailure=true)=0
Definition: optical_flow.hpp:65
@ GC_FGD
an obvious foreground (object) pixel
Definition: imgproc.hpp:361
virtual NCVMemoryType memType(void) const
String className
Definition: tracker.hpp:246
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:263
Definition: cap_ios.h:141
virtual double getTheta() const =0
Weight parameter for (u - v)^2, tightness parameter.
FGDParams()
default Params
size_t image3DMaxWidth() const
IMPL
Definition: utility.hpp:1099
@ CV_BayerGR2RGB_VNG
Definition: types_c.h:203
Definition: reduce_to_vec.hpp:126
void absdiff16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
unsigned const_param_type
Definition: core.hpp:3188
virtual int getMaxBits() const =0
virtual void setSigmaRange(double sigma_range)=0
type_traits_detail::UnVolatile< typename type_traits_detail::UnConst< T >::type >::type unqualified_type
Definition: type_traits.hpp:132
@ StsBadPoint
bad CvPoint
Definition: base.hpp:107
virtual void setSaturationThreshold(float val)=0
Maximum saturation for a pixel to be included in the gray-world assumption.
@ CAP_PROP_GAMMA
Definition: videoio.hpp:146
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
@ NCV_HAAR_INVALID_PIXEL_STEP
Definition: NCV.hpp:343
@ COLOR_YUV2GRAY_UYVY
Definition: imgproc.hpp:706
NCVStatus nppiStIntegralGetSize_8u32u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
@ CCL_GRANA
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:420
@ CV_YUV2GRAY_YUYV
Definition: types_c.h:320
Scalar * imag()
Definition: mxarray.hpp:404
void log(InputArray src, OutputArray dst)
Calculates the natural logarithm of every array element.
Mat controlMatrix
control matrix (B) (not used if there is no control)
Definition: tracking.hpp:368
Cylindrical warper factory class.
Definition: warpers.hpp:84
virtual void setDiffusivity(int diff)=0
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:93
int modifiers
Definition: types.hpp:267
int getMaxCatCount() const
Definition: feature.hpp:172
Definition: tinyxml2.h:1847
double m02
Definition: types.hpp:862
@ COLOR_YUV2BGRA_YVYU
Definition: imgproc.hpp:700
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:151
#define CHECK_ERROR(x, y)
Definition: hdf5.h:73
void cvSetRemoveByPtr(CvSet *set_header, void *elem)
Definition: core_c.h:1752
virtual cv::Mat getLayerSizes() const =0
Complex< double > Complexd
Definition: types.hpp:91
cudaStream_t nppStGetActiveCUDAstream()
void * fastMalloc(size_t bufSize)
Allocates an aligned memory buffer.
int cvCheckContourConvexity(const CvArr *contour)
Checks whether the contour is convex or not (returns 1 if convex, 0 if not)
int globalMemCacheType() const
virtual int getNumDisparities() const =0
@ CV_BayerGR2RGB_EA
Definition: types_c.h:350
int cols
Definition: zip.hpp:110
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
virtual void read(const FileNode &fn)=0
#define clEnqueueMigrateMemObjects
Definition: opencl_core.hpp:164
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
@ COLOR_YUV2BGRA_YV12
Definition: imgproc.hpp:652
Ptr_MergeMertens toPtrMergeMertens()
Definition: bridge.hpp:488
Size cellSize() const
Definition: outlier_rejection.hpp:80
NNIndex< Distance > * create_index_by_type(const Matrix< typename Distance::ElementType > &dataset, const IndexParams ¶ms, const Distance &distance)
Definition: all_indices.h:146
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2042
@ EVENT_MOUSEWHEEL
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:215
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(int nparams, int nerrs, CvTermCriteria criteria=cvTermCriteria(CV_TERMCRIT_EPS+CV_TERMCRIT_ITER, 30, DBL_EPSILON), bool completeSymmFlag=false)
virtual void dscreate(const int n_dims, const int *sizes, const int type, String dslabel) const =0
XMLHandle FirstChild()
Get the first child of this handle.
Definition: tinyxml2.h:1784
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:337
#define clWaitForEvents
Definition: opencl_core_wrappers.hpp:271
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
void resetNormalArray()
Resets vertex normals.
int right
Index of right child node.
Definition: ml.hpp:1059
void rectStdDev(InputArray src, InputArray sqr, OutputArray dst, Rect rect, Stream &stream=Stream::Null())
Computes a standard deviation of integral images.
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_IMWRITE_PAM_FORMAT_RGB_ALPHA
Definition: imgcodecs_c.h:104
#define CV_32FC1
Definition: interface.h:112
@ CV_BadImageSize
Definition: types_c.h:130
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
@ ASGD
Average Stochastic Gradient Descent.
Definition: ml.hpp:1593
@ NORM_L2SQR
Definition: base.hpp:191
void setParam(LayerId layer, int numParam, const Blob &blob)
Sets the new value for the learned param of the layer.
@ CV_Luv2LRGB
Definition: types_c.h:223
int channels() const
returns the number of channels
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)
MatchesInfo(const MatchesInfo &other)
@ CV_CHAIN_CODE
Definition: types_c.h:456
virtual bool Accept(XMLVisitor *visitor) const =0
#define clAmdFftSetLayout
Definition: opencl_clamdfft.hpp:84
end function a12
Definition: modelConvert.m:45
__device__ __host__ NcvBool isLeftNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:156
int getDevice()
Returns the current device index set by cuda::setDevice or initialized by default.
__host__ GpuMat_(const GpuMat_ &m)
copy constructor
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).
FileNode operator[](const char *nodename) const
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
Definition: videoio_c.h:505
void deallocate(pointer p, size_type)
Definition: cvstd.hpp:150
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
Rect createWeightMaps(const std::vector< UMat > &masks, const std::vector< Point > &corners, std::vector< UMat > &weight_maps)
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, Mat &Rt, const Mat &initRt) const
@ CALIB_FIX_P1
Definition: omnidir.hpp:60
_Tp x
Definition: types.hpp:410
#define clGetProgramBuildInfo
Definition: opencl_core.hpp:222
void cvSeqPushMulti(CvSeq *seq, const void *elements, int count, int in_front=0)
virtual XMLNode * ShallowClone(XMLDocument *document) const
decoder_mode mode
Definition: ocr.hpp:283
@ CV_IMWRITE_PNG_STRATEGY_FILTERED
Definition: imgcodecs_c.h:92
virtual bool ShallowEqual(const XMLNode *compare) const
virtual void write(String fs) const =0
write xml/yml formated parameters information
double cvGetTickFrequency(void)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:135
void _mm_interleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:568
static void read(const FileNode &node, Size_< _Tp > &value, const Size_< _Tp > &default_value)
Definition: persistence.hpp:735
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
virtual bool getGammaCorrection() const =0
int cols
Definition: mask.hpp:85
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
void cvCmp(const CvArr *src1, const CvArr *src2, CvArr *dst, int cmp_op)
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())
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
@ StsAssert
assertion failed
Definition: base.hpp:115
double maxTranslation
Definition: rgbd.hpp:751
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:208
Ptr< VariationalRefinement > createVariationalFlowRefinement()
Creates an instance of VariationalRefinement.
int xsize(int axis) const
Returns the size of the specified axis.
virtual float getContrast() const =0
@ DEFAULT_NLEVELS
Definition: objdetect.hpp:342
virtual int getBoostType() const =0
virtual double getClipLimit() const =0
Type * ptr(int n=0, int cn=0, int row=0, int col=0)
Ptr< Detector > getDefaultLINE()
Factory function for detector using LINE algorithm with color gradients.
flann_distance_t flann_distance_type()
int cols
Definition: resize.hpp:79
WImageViewC(const WImageC< T, C > &img)
Definition: wimage.hpp:469
void cvInRange(const CvArr *src, const CvArr *lower, const CvArr *upper, CvArr *dst)
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize)
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, cuda::GpuMat &dst)
void(* OpenGlDrawCallback)(void *userdata)
Callback function defined to be called every frame. See cv::setOpenGlDrawCallback.
Definition: highgui.hpp:271
void setWinSize(Size patchSize)
void forward(std::vector< Blob * > &input, std::vector< Blob > &output)
WPaintedCloud(InputArray cloud)
Paint cloud with default gradient between cloud bounds points.
virtual int getFlags() const =0
CvPoint3D32f(float _x=0, float _y=0, float _z=0)
Definition: types_c.h:943
Definition: motion_stabilizing.hpp:85
Smart pointer for OpenGL 2D texture memory with reference counting.
Definition: opengl.hpp:284
_Tp * ptr(int row, int col)
CostType
Definition: seam_finders.hpp:231
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(unsigned int))
double alpha
Definition: tracker.hpp:929
void PushText(const char *text, bool cdata=false)
Add a text node.
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
std::vector< Mat > hist
Definition: feature.hpp:329
uchar * data
pointer to the data
Definition: mat.hpp:1961
int state
the writer state
Definition: persistence.hpp:468
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
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
Definition: warpers.hpp:159
virtual void divide(double s, const MatExpr &expr, MatExpr &res) const
Mat_ operator()(const std::vector< Range > &ranges) const
void winrt_initContainer(::Windows::UI::Xaml::Controls::Panel^ container)
Initializes container component that will be used to hold generated window content.
void PushText(unsigned value)
Add a text node from an unsigned.
virtual void setFirstLevel(int firstLevel)=0
Ptr< HoughCirclesDetector > createHoughCirclesDetector(float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096)
Creates implementation for cuda::HoughCirclesDetector .
CvScalar(const cv::Vec< _Tp, cn > &v)
Definition: types_c.h:1136
static Ptr< Timelapser > createDefault(int type)
float abs< float >(float x)
Definition: dist.h:64
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...
int area
incrementally computable features
Definition: erfilter.hpp:79
void swap(Ptr< T > &ptr1, Ptr< T > &ptr2)
OclVectorStrategy
Definition: ocl.hpp:677
Context & initializeContextFromDirect3DDevice9Ex(IDirect3DDevice9Ex *pDirect3DDevice9Ex)
Creates OpenCL context from Direct3DDevice9Ex device.
#define CV_CUDEV_GRAY2RGB5x5_INST(name, green_bits)
Definition: color_cvt.hpp:457
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.
T maxVal
Definition: functional.hpp:697
void drawColorDisp(InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null())
Colors a disparity image.
@ COLOR_RGB2BGR
Definition: imgproc.hpp:533
void * ptr
Definition: NCV.hpp:441
Hdr(int _dims, const int *_sizes, int _type)
@ CV_CAP_PROP_XI_AEAG_ROI_WIDTH
Definition: videoio_c.h:302
SearchParams getSearchParameters() const
Definition: autotuned_index.h:168
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
virtual ~FeaturesFinder()
Definition: matchers.hpp:74
@ CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio.hpp:150
Definition: warpers.hpp:332
@ CAP_PROP_XI_CC_MATRIX_03
Color Correction Matrix element [0][3].
Definition: videoio.hpp:400
virtual void setPreFilterCap(int preFilterCap)=0
virtual void processImpl(Ptr< FrameSource > &frameSource, OutputArray output)=0
SrcPtr src
Definition: deriv.hpp:286
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
Point pointer
Definition: types.hpp:266
Mat eigenvalues() const
Definition: core.hpp:2523
RgbdNormals()
Definition: rgbd.hpp:115
size_t channels() const
Definition: mxarray.hpp:426
@ CV_CAP_PROP_GPHOTO2_COLLECT_MSGS
Definition: videoio_c.h:509
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:669
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
XMLError QueryIntValue(int *value) const
std::string value
Definition: tr_svt.hpp:62
@ MM_TRANSLATION
Definition: motion_core.hpp:61
ResultType operator()(ResultType dist)
Definition: dist.h:853
void checkMasks(InputArrayOfArrays masks, int queryDescriptorsCount) const
Definition: types_c.h:749
void mapForward(float x, float y, float &u, float &v)
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.
double cvGetReal3D(const CvArr *arr, int idx0, int idx1, int idx2)
__host__ SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelYPtr(const SrcPtr &src)
Definition: deriv.hpp:219
@ CAP_OPENNI_SXGA_15HZ
Definition: videoio.hpp:262
HoughModes
Variants of a Hough transform.
Definition: imgproc.hpp:458
@ CV_CAP_PROP_POS_FRAMES
Definition: videoio_c.h:167
static bool operator!=(const String &lhs, const String &rhs)
Definition: cvstd.hpp:1028
@ LBP
Definition: feature.hpp:143
float minInlierRatio() const
Definition: global_motion.hpp:140
virtual void setEpsilon(double epsilon)=0
double matchShapes(InputArray contour1, InputArray contour2, int method, double parameter)
Compares two shapes.
size_t find_last_of(const String &str, size_t pos=npos) const
const char * Attribute(const char *name, const char *value=0) const
@ CV_CAP_PROP_WHITE_BALANCE_BLUE_U
Definition: videoio_c.h:183
unsigned char ValueType
Definition: base.hpp:434
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
void setRadius(int val)
Definition: stabilizer.hpp:74
double m12
Definition: types.hpp:862
flann_algorithm_t
Definition: defines.h:82
void create(int ndims, const int *sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
@ CV_CAP_PROP_XI_CC_MATRIX_03
Definition: videoio_c.h:335
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
Layer(const LayerParams ¶ms)
Initializes only name, type and blobs fields.
void getRTfromHomogeneous(InputArray H, Mat &R, Mat &T)
Extracts rotation and translation matrices from matrix H representing affine transformation in homoge...
int rand_int(int high=RAND_MAX, int low=0)
Definition: random.h:72
@ NCVPipeObjDet_Default
Definition: NCVHaarObjectDetection.hpp:353
@ COLOR_BGR2BGR565
convert between RGB/BGR and BGR565 (16-bit images)
Definition: imgproc.hpp:547
Vec4i shape4() const
Returns shape of first four blob axes.
T ValueType
Definition: features2d.hpp:742
LSDDetector()
Definition: descriptor.hpp:901
void knnMatch(const Mat &queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const std::vector< Mat > &masks=std::vector< Mat >(), bool compactResult=false)
const XMLAttribute * Next() const
The next attribute in the list.
Definition: tinyxml2.h:1044
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
Definition: types_c.h:610
@ CV_BayerBG2BGR_EA
Definition: types_c.h:342
float a
Definition: warpers.hpp:387
Definition: reduce_to_vec.hpp:90
@ CV_BGRA2YUV_I420
Definition: types_c.h:333
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...
int hal_ni_split64s(const int64 *src_data, int64 **dst_data, int len, int cn)
Definition: hal_replacement.hpp:348
struct hashnode_i * next
Definition: t_hash_int.hpp:64
MatAllocator()
Definition: mat.hpp:410
@ block_size_y
Definition: reduce.hpp:297
const _Tp * find(int i0, int i1, size_t *hashval=0) const
returns pointer to the specified element (2D case)
Buffer(int arows, int acols, int atype, unsigned int abufId, bool autoRelease=false)
~PooledAllocator()
Definition: allocator.h:108
bool _elementJustOpened
Definition: tinyxml2.h:2046
void cvSetImagesForHaarClassifierCascade(CvHaarClassifierCascade *cascade, const CvArr *sum, const CvArr *sqsum, const CvArr *tilted_sum, double scale)
_Tp & at(int i0, int i1, int i2)
int end
Definition: types.hpp:549
virtual double getLowThreshold() const =0
void assignTo(Mat &m, int type=-1) const
Provides a functional form of convertTo.
static Ptr< LSDDetector > createLSDDetector()
Creates ad LSDDetector object, using smart pointers.
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)
virtual void setMinVal(double val)=0
Sets the minimum value taken on by pixels in image sequence.
void cvSetND(CvArr *arr, const int *idx, CvScalar value)
int maxCMLength
Definition: tracker.hpp:519
@ CPU_AVX_512BW
Definition: cvdef.h:152
bool has(const String &name) const
Check if field was provided in the command line.
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
SurfaceFormat
Definition: cudacodec.hpp:71
#define clEnqueueWriteBuffer
Definition: opencl_core.hpp:182
size_t hash(int i0, int i1) const
computes the element hash value (2D case)
virtual void write(FileStorage &fs) const =0
@ CAP_PROP_TRIGGER_DELAY
Definition: videoio.hpp:149
SrcPtr src
Definition: deriv.hpp:66
Definition: hpe_humaneva.hpp:78
double Ry
Definition: gr_chalearn.hpp:67
std::vector< Ptr< Object > > & getTrain(int splitNum=0)
std::vector< int > size
Definition: util.hpp:65
@ COLOR_YUV420sp2GRAY
Definition: imgproc.hpp:666
Mat_(const MatExpr &e)
from a matrix expression
@ CAP_PROP_WHITE_BALANCE_BLUE_U
Currently unsupported.
Definition: videoio.hpp:141
FileNode(const CvFileStorage *fs, const CvFileNode *node)
MakeVec< typename LargerType< float, typename VecTraits< T >::elem_type >::type, VecTraits< T >::cn >::type type
Definition: functional.hpp:452
virtual int getScoreType() const =0
double ncvEndQueryTimerMs(NcvTimer t)
void cvMinMaxLoc(const CvArr *arr, double *min_val, double *max_val, CvPoint *min_loc=NULL, CvPoint *max_loc=NULL, const CvArr *mask=NULL)
double mu21
Definition: types_c.h:400
virtual void setUniquenessRatio(int uniquenessRatio)=0
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
@ FLANN_INT16
Definition: defines.h:158
virtual double getGradientConstancyImportance() const =0
static void removeDuplicated(std::vector< KeyPoint > &keypoints)
virtual int getMinSize()=0
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:128
XMLNode * LastChild()
Definition: tinyxml2.h:700
size_t getDescriptorSize() const
Ptr< StereoMatcher > createRightMatcher(Ptr< StereoMatcher > matcher_left)
Convenience method to set up the matcher for computing the right-view disparity map that is required ...
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
Definition: types_c.h:577
CMTime lastSampleTime
Definition: cap_ios.h:107
virtual void setScaleFactor(double val)=0
Pyramid scale factor.
const int & operator[](int i) const
Describes RANSAC method parameters.
Definition: motion_core.hpp:74
@ COLOR_BayerBG2BGR_VNG
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:751
void sub32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
#define CV_NODE_IS_REAL(flags)
Definition: types_c.h:1753
void compute(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, std::vector< Mat > &descriptors, bool returnFloatDescr=false) const
void setAutoRelease(bool flag)
Sets auto release mode.
void loadIndex(FILE *)
Loads the index from a stream.
Definition: linear_index.h:99
#define clCreateProgramWithBinary
Definition: opencl_core.hpp:124
void mapBackward(float u, float v, float &x, float &y)
int num_matches_thresh1_
Definition: matchers.hpp:296
void cvLaplace(const CvArr *src, CvArr *dst, int aperture_size=3)
Calculates the image Laplacian: (d2/dx + d2/dy)I.
size_t find(char c, size_t pos=0) const
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
Definition: highgui_c.h:178
static Color orange_red()
@ CV_INPAINT_NS
Definition: photo_c.h:59
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:195
#define clRetainKernel
Definition: opencl_core_wrappers.hpp:241
int iters
Definition: calib3d_c.h:419
int disp12MaxDiff
Definition: calib3d_c.h:347
@ CAP_PROP_XI_TRG_SOFTWARE
Generates an internal trigger. PRM_TRG_SOURCE must be set to TRG_SOFTWARE.
Definition: videoio.hpp:331
Definition: warpers.hpp:579
virtual ~WImageViewC()
Definition: wimage.hpp:452
CvHaarEvaluator::FeatureHaar & getFeatures(int idx)
Definition: feature.hpp:260
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
virtual bool grab()
Grabs the next frame from video file or capturing device.
void transpose4x4(const InputScalar *src, size_t lda, OutputScalar *dst, size_t ldb)
Definition: transpose.hpp:63
Op op
Definition: functional.hpp:832
Definition: utility.hpp:1009
const XMLConstHandle PreviousSibling() const
Definition: tinyxml2.h:1876
KernelTypes
SVM kernel type
Definition: ml.hpp:609
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:451
int preFilterCap
Definition: calib3d_c.h:328
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
virtual NcvBool isCounting(void) const =0
@ NCV_HAAR_XML_LOADING_EXCEPTION
Definition: NCV.hpp:347
virtual void setTheta(float theta)=0
float distance
Definition: types.hpp:748
Definition: tinyxml2.h:147
Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels algorithm described in .
Definition: slic.hpp:75
Ptr< BasicFaceRecognizer > createFisherFaceRecognizer(int num_components=0, double threshold=DBL_MAX)
Ptr< Layer > getLayer(LayerId layerId)
Returns pointer to layer with specified name which the network use.
int index_type
Definition: constant.hpp:60
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:212
static Vec< _Tp, cn > & operator/=(Vec< _Tp, cn > &a, int alpha)
Definition: matx.hpp:1301
bool isUmat_
Definition: superres.hpp:173
Bridge & operator=(const cv::RNG &)
Definition: bridge.hpp:354
const char * cvErrorStr(int status)
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
CvSeq * contour
Definition: types_c.h:62
virtual int getNSamples() const =0
int p2
Definition: feature.hpp:323
@ CAP_PROP_XI_DEBOUNCE_T0
Debounce time (x * 10us).
Definition: videoio.hpp:417
IndexParams getParameters() const
Definition: kdtree_single_index.h:227
~BufferPoolController()
Definition: bufferpool.hpp:19
@ updown
Definition: gr_skig.hpp:64
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:112
@ CV_CAP_GSTREAMER
Definition: videoio_c.h:123
@ 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
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:367
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds line segments in a binary image using the probabilistic Hough transform.
Vec2i maxSurface2D() const
maximum 2D surface dimensions
virtual double getGamma() const =0
coefficient for additional illumination variation term
void circle(InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a circle.
void ReleaseImage()
Definition: wimage.hpp:389
@ CAP_PROP_XI_AEAG_ROI_WIDTH
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:367
UMat oclSvmDetector
Definition: objdetect.hpp:432
int cols
Definition: deriv.hpp:371
virtual void setDp(float dp)=0
Custom array allocator.
Definition: mat.hpp:408
virtual void setUseSurrogates(bool val)=0
@ is_integral
Definition: type_traits.hpp:144
Ptr< CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
int samplerInitMaxNegNum
Definition: tracker.hpp:1094
Implementation of ICP (Iterative Closest Point) Algorithm.
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3041
@ KMEANS_USE_INITIAL_LABELS
Definition: core.hpp:210
void depthTo3dSparse(InputArray depth, InputArray in_K, InputArray in_points, OutputArray points3d)
SparseMatConstIterator_< _Tp > end() const
returns read-only sparse matrix iterator pointing to the element following the last sparse matrix ele...
int y
y offset
Definition: linemod.hpp:66
virtual int getScalesNumber() const =0
Number of scales used to create the pyramid of images.
Minimum graph cut-based seam estimator. See details in .
Definition: seam_finders.hpp:237
DpSeamFinder(CostFunction costFunc=COLOR)
Implementation of the camera parameters refinement algorithm which minimizes sum of the distances bet...
Definition: motion_estimators.hpp:260
Mat_(const Vec< typename DataType< _Tp >::channel_type, n > &vec, bool copyData=true)
@ CPU_AVX_512ER
Definition: cvdef.h:155
int hal_ni_dftInit1D(cvhalDFT **context, int len, int count, int depth, int flags, bool *needBuffer)
Definition: hal_replacement.hpp:510
__device__ static __forceinline__ float max()
Definition: limits.hpp:112
__host__ __device__ static __forceinline__ char4 make(schar x, schar y, schar z, schar w)
Definition: vec_traits.hpp:179
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:114
@ CAP_PROP_XI_ACQ_TIMING_MODE
Type of sensor frames timing.
Definition: videoio.hpp:439
Ptr< FeaturesMatcher > impl_
Definition: matchers.hpp:298
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:439
virtual bool Visit(const XMLUnknown &unknown)
Visit an unknown node.
@ CAP_PROP_XI_LED_SELECTOR
Selects camera signalling LED.
Definition: videoio.hpp:337
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:642
virtual const std::type_info & type()
Definition: any.h:58
uint64 member_type
Definition: core.hpp:3197
void allocate()
Initializes and allocates all layers.
Definition: layer.hpp:130
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors)=0
Definition: features2d.hpp:1116
NCVStatus nppiStDecimate_32s_C1R(Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
Camera(const Vec2d &fov, const Size &window_size)
virtual void init(const CvFeatureParams &fp)
virtual Mat getSupportVectors() const =0
Retrieves all the support vectors.
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
@ CALIB_FIX_K3
Definition: calib3d.hpp:1891
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
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
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: rgbd.hpp:957
int size()
Definition: heap.h:84
virtual void setMotionModel(MotionModel val)
@ CV_BadTileSize
Definition: types_c.h:143
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
const char * Name() const
Get the name of an element (which is the Value() of the node.)
Definition: tinyxml2.h:1138
@ CAP_PROP_XI_RECENT_FRAME
GetImage returns most recent frame.
Definition: videoio.hpp:454
float z
Definition: types_c.h:940
bool isContourConvex(InputArray contour)
Tests a contour convexity.
@ COLOR_BGR2BGRA
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:520
@ CALIB_FIX_XI
Definition: omnidir.hpp:62
void SetText(const char *inText)
int imageSize
Definition: types_c.h:322