 |
OpenCV
4.5.1
Open Source Computer Vision
|
|
| cv |
| "black box" representation of the file storage associated with a file on disk.
|
|
| cv::alphamat |
|
virtual int getMaxIters() const =0
DescriptorStorageFormat
Definition: objdetect.hpp:379
Definition: all_layers.hpp:75
virtual void assign(const MatExpr &expr, Mat &m, int type=-1) const =0
Definition: gkernel.hpp:59
_OutputArray(const ogl::Buffer &buf)
Definition: traits.hpp:57
Buffer & operator=(Buffer &&)
bool getUseIlluminationModel() const
double scale
Definition: descriptor.hpp:701
Vec< _Tp, 3 > getAxis(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
get the axis of quaternion, it returns a vector of length 3.
virtual ~FacemarkAAM()
Definition: facemarkAAM.hpp:154
Distance::ResultType DistanceType
Definition: flann.hpp:174
vuint16mf2_t(const ushort *ptr)
Definition: intrin_rvv.hpp:51
void edgePreservingFilter(InputArray src, OutputArray dst, int d, double threshold)
Smoothes an image using the Edge-Preserving filter.
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
void copyTo(OutputArray arr, cuda::Stream &stream) const
float32x2_t cv_vrecp_f32(float32x2_t val)
Definition: neon_utils.hpp:90
virtual int getWarpingsNumber() const =0
Number of warpings per scale.
MaskFrameSource(const Ptr< IFrameSource > &source)
Definition: frame_source.hpp:92
void normalizedEightPointSolver(InputArray x1, InputArray x2, OutputArray F)
Estimate the fundamental matrix between two dataset of 2D point (image coords space).
auto compileStreaming(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GStreamingCompiled >::type
Definition: gcomputation.hpp:474
Matrix read-write iterator.
Definition: mat.hpp:3130
@ REDUCE_MIN
the output is the minimum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:230
int defaultDir
Definition: ml.hpp:1168
int nativeVectorWidthLong() const
@ COLOR_YUV2RGBA_I420
Definition: imgproc.hpp:663
v_reg< _Tp, n > v_pack_triplets(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2306
virtual bool pull(Data &data)=0
DetectionBasedTracker(cv::Ptr< IDetector > mainDetector, cv::Ptr< IDetector > trackingDetector, const Parameters ¶ms)
Definition: gkernel.hpp:375
bool computeImpl(const std::vector< Mat > &images, Mat &response) CV_OVERRIDE
virtual float getScale() const =0
static softdouble max()
Biggest finite value.
Definition: softfloat.hpp:358
Definition: resize.hpp:78
#define CV_16F
Definition: interface.h:80
Definition: intrin_rvv.hpp:517
int type() const
returns element type
@ TYPE_GENERAL
Definition: instrumentation.hpp:47
virtual void setPolyN(int val)=0
A class to post process model predictions.
Definition: core_detect.hpp:38
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)
virtual bool update(InputArray depth)=0
Process next depth frame.
Matx33d mat3
Definition: msm_epfl.hpp:64
typename detail::flatten_g< typename std::decay< T >::type >::type HT
Definition: garray.hpp:342
virtual void balanceWhite(InputArray src, OutputArray dst)=0
Applies white balancing to the input image.
int depth
Definition: pd_inria.hpp:77
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:136
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
virtual void setMinScore(float value)=0
Sets the min score of boxes to detect.
AgastFeatureDetector_Impl(int _threshold, bool _nonmaxSuppression, int _type)
Definition: agast.txt:7484
double rintd(double x)
Definition: saturate.hpp:85
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
Definition: functional.hpp:270
Point pos() const
returns the current iterator position
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:410
static Ptr< ICPOdometry > create(const Mat &cameraMatrix=Mat(), float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), int transformType=Odometry::RIGID_BODY_MOTION)
@ CAP_PROP_XI_DEBOUNCE_T1
Debounce time (x * 10us).
Definition: videoio.hpp:435
bool parseStrl(char stream_id, Codecs codec_)
@ VIDEOWRITER_PROP_DEPTH
Defaults to CV_8U.
Definition: videoio.hpp:199
virtual int getRICSLICType() const =0
Parameter to choose superpixel algorithm variant to use:
@ CPU_AVX512_KNL
Knights Landing with AVX-512F/CD/ER/PF.
Definition: cvdef.h:333
static cv::GArray< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:60
cv::GComputation getGraph(const std::vector< char > &p)
virtual float getKappa() const =0
Returns the scale sensitivity.
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.
@ COLOR_RGBA2YUV_IYUV
Definition: imgproc.hpp:735
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:218
Definition: gcompoundkernel.hpp:31
float samplerInitInRadius
radius for gathering positive instances during init
Definition: tracking.hpp:761
@ IMWRITE_EXR_TYPE_FLOAT
store as FP32 (default)
Definition: imgcodecs.hpp:110
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio.hpp:545
UMat dst_mask_
Definition: blenders.hpp:94
T * ptr() const
Definition: NCV.hpp:823
Matx< _Tp, n, m > t() const
transpose the matrix
@ SORT_DESCENDING
Definition: core.hpp:160
void sampling(const Mat &image, Rect boundingBox)
Computes the regions starting from a position in an image.
void mapBackward(float u, float v, float &x, float &y)
View access(Access a) const
Definition: rmat.hpp:128
__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:369
virtual int descriptorSize() const
_OutputArray(std::vector< std::vector< _Tp > > &vec)
Definition: goclkernel.hpp:124
static _InputOutputArray rawInOut(_Tp &v)
bool getUseGlobalMotionPrior() const
@ tile_dim
Definition: transpose.hpp:87
BackgroundSubtractorType
Definition: video.hpp:93
@ Uncompressed_YV12
Y,V,U (4:2:0)
Definition: cudacodec.hpp:262
static int roundUp(int a, unsigned int b)
Round first value up to the nearest multiple of second value.
Definition: utility.hpp:499
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
std::tuple< Args... > InArgs
Definition: gkernel.hpp:218
std::vector< int > getUnconnectedOutLayers() const
Returns indexes of layers with unconnected outputs.
Affine3< Y > cast() const
static Ptr< SR_general100 > create()
RotatedRect fitEllipseDirect(InputArray points)
Fits an ellipse around a set of 2D points.
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
void setConstructFcn(ConstructOpaque &&cv)
#define OPENCV_HAL_IMPL_RVV_NATIVE_WCVT(_Tpwvec, _Tpvec, _wTp, wcvt, suffix, width, n)
Definition: intrin_rvv.hpp:178
@ FEATURE_SET_COMPUTE_10
Definition: cuda.hpp:775
void clear() CV_OVERRIDE
Clear dataset and internal data.
virtual double getL2HysThreshold() const =0
virtual void setGamma(double val)=0
virtual int getUniquenessRatio() const =0
std::vector< std::pair< int, int > > edges_
Definition: motion_estimators.hpp:215
void setEpsX(double epsX)
sets the epsilon used during the horizontal scan of QR code stop marker detection.
void accumulateProduct(InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray())
Adds the per-element product of two input images to the accumulator image.
double focal_length_x
Definition: simple_pipeline.hpp:109
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: cudaoptflow.hpp:259
std::vector< GArg > GArgs
Definition: garg.hpp:94
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.
@ COLOR_SPACE_XYZ_E_2
non-RGB color space
Definition: ccm.hpp:120
virtual ~ClassifierThreshold()
static Mat diag(const Mat &d)
creates a diagonal matrix
@ StsBadSize
the input/output structure size is incorrect
Definition: base.hpp:101
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracking_internals.hpp:535
virtual int getMiniBatchSize() const =0
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
This structure specifies which FreeType font to use by FText primitives.
Definition: render_types.hpp:31
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:254
__host__ GpuMat_ colRange(Range r) const
GMatDesc withSize(cv::Size sz) const
Definition: gmat.hpp:138
virtual bool empty() const CV_OVERRIDE=0
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
virtual int getMaxBoxes() const =0
Returns the max number of boxes to detect.
Definition: gfluidkernel.hpp:415
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
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)
int radius
The radius of the circle.
Definition: render_types.hpp:187
Context & initializeContextFromD3D11Device(ID3D11Device *pD3D11Device)
Creates OpenCL context from D3D11 device.
@ CAP_PROP_PVAPI_BINNINGY
Vertical binning factor.
Definition: videoio.hpp:306
tracked_cv_mat(cv::Mat &m)
Definition: gcpukernel.hpp:209
static Ptr< Dictionary > create(int nMarkers, int markerSize, const Ptr< Dictionary > &baseDictionary, int randomSeed=0)
GNetPackage(std::initializer_list< GNetParam > ii)
virtual void run(InputArrayOfArrays points2d)=0
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:70
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:139
virtual int getNMixtures() const =0
Returns the number of gaussian components in the background model.
virtual void collectGarbage()=0
Releases all inner buffers.
T * get() const
Definition: rmat.hpp:132
virtual void read(const FileNode &) CV_OVERRIDE
Reads algorithm parameters from a file storage.
@ CAP_PROP_FRAME_WIDTH
Width of the frames in the video stream.
Definition: videoio.hpp:137
Definition: reduce_to_vec.hpp:66
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
GArrayU(const detail::VectorRef &vref)
std::vector< const uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:45
softdouble(const uint64_t)
_Tp y
Definition: quaternion.hpp:1437
bool queryIfComplete() const
queries an event's status
String configfile
configfile stores the name of the file containing the values of training parameters
Definition: face_alignment.hpp:37
int type
Definition: agast.txt:7534
#define GAPI_Assert
Definition: assert.hpp:20
virtual int getInnerIterations() const =0
Number of lagged non-linearity iterations (inner loop)
GFunctor(const char *id)
Definition: gkernel.hpp:423
virtual void setMaxDepth(int val)=0
_Tp re
Definition: types.hpp:87
virtual ~Allocator()
Definition: cuda.hpp:111
Definition: descriptor.hpp:700
float motion_affinity_w
Motion affinity weight.
Definition: tracking_by_matching.hpp:283
std::string name
Definition: feature.hpp:137
const _Tp & reference
Definition: mat.hpp:3082
Ptr< Layer > _layerDynamicRegisterer(LayerParams ¶ms)
Definition: layer.details.hpp:51
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
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:224
GMat I4202BGR(const GMat &src)
Converts an image from I420 color space to BGR color space.
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)
Base class for text detection networks.
Definition: dnn.hpp:1410
GMatDesc withType(int ddepth, int dchan) const
Definition: gmat.hpp:158
void setSensitivity(float val)
Definition: deblurring.hpp:101
void setRows(int val)
Definition: depth.hpp:128
@ C
Definition: ml.hpp:670
__device__ __forceinline__ short cast_fp16< float, short >(float v)
Definition: saturate_cast.hpp:287
double getFontScaleFromHeight(const int fontFace, const int pixelHeight, const int thickness=1)
Calculates the font-specific size to use to achieve a given height in pixels.
bool getSign() const
Get sign bit.
Definition: softfloat.hpp:175
@ CAP_PVAPI_DECIMATION_OFF
Off.
Definition: videoio.hpp:319
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
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.
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:86
void mov(VectorRef &v)
Definition: garray.hpp:295
QualityGMSD(_mat_data refImgData)
Definition: qualitygmsd.hpp:85
static Ptr< SparseRLOFOpticalFlow > create(Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=1.f)
Creates instance of SparseRLOFOpticalFlow.
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_SubOp)
@ CAP_INTELPERC_IR_GENERATOR
Definition: videoio.hpp:551
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2092
virtual void release()
Closes the video writer.
int left
Index of the left child node.
Definition: ml.hpp:1166
virtual int getSmoothingRadius() const =0
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.
int fiducial_score
Definition: fr_adience.hpp:80
Rect warpRoi(Size src_size, InputArray K, InputArray R) CV_OVERRIDE
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:136
@ COLOR_BayerGR2BGR_VNG
Definition: imgproc.hpp:762
virtual bool read(FileNode &fn)
Reads HOGDescriptor parameters from a cv::FileNode.
@ ENTITY_ANIMBLEND_MODE
Definition: ovis.hpp:77
Rect detectROI
Definition: facemarkLBF.hpp:89
@ OPEN_CAMERA
Definition: cap_winrt.hpp:40
v_reg< _Tp, n > v_rotate_right(const v_reg< _Tp, n > &a)
Element shift right among vector.
Definition: intrin_cpp.hpp:1214
AllocType
Definition: cuda.hpp:530
Definition: texture.hpp:186
@ COLOR_YUV2GRAY_YUYV
Definition: imgproc.hpp:720
static cv::Scalar & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:257
void copySize(const Mat &m)
internal use function; properly re-allocates _size, _step arrays
@ FONT_HERSHEY_SIMPLEX
normal size sans-serif font
Definition: imgproc.hpp:818
ThenType type
Definition: type_traits.hpp:98
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:437
int minDetectionPeriod
Definition: detection_based_tracker.hpp:63
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
_Tp value_type
Definition: matx.hpp:344
size_t image3DMaxDepth() const
@ HAAR
Definition: feature.hpp:145
static void call(const cv::GArgs &in_args, const std::vector< gapi::fluid::Buffer * > &out_bufs)
Definition: gfluidkernel.hpp:372
int addTemplate(const std::vector< Mat > &sources, const String &class_id, const Mat &object_mask, Rect *bounding_box=NULL)
Add new object template.
int numTrackedSteps
Definition: detection_based_tracker.hpp:204
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE
@ CAP_PVAPI_PIXELFORMAT_MONO16
Mono16.
Definition: videoio.hpp:327
void pos(int *_idx) const
returns the current iterator position
virtual void setInnerIterations(int val)=0
Number of lagged non-linearity iterations (inner loop)
variant & operator=(const variant &rhs)
@ MARKER_STAR
A star marker shape, combination of cross and tilted cross.
Definition: imgproc.hpp:836
void run()
make color correction
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:91
double fs
The font scale factor that is multiplied by the font-specific base size.
Definition: render_types.hpp:77
virtual int getPreFilterCap() const =0
int cvCeil(const cv::softfloat &a)
Rounds number up to integer.
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: agast.txt:7475
Definition: texture.hpp:206
int numFeatures
Definition: tracking_feature.private.hpp:86
Classical recurrent layer.
Definition: all_layers.hpp:182
@ NORM_L2
Definition: base.hpp:185
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
_Tp at(size_t index) const
a way to get element.
v_int64x2 v_setzero_s64()
Definition: intrin_cpp.hpp:2362
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > g, float weight)=0
Add a new sub-strategy.
Mat nextStabilizedFrame()
void load(const String &filename)
void write(FileStorage &fs) const
void setThreshold(int threshold_)
Definition: agast.txt:7523
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>.
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
GBackend backend() const
Definition: ie.hpp:177
Definition: gtype_traits.hpp:52
static softfloat pi()
Correct pi approximation.
Definition: softfloat.hpp:218
int flags
Definition: mat.hpp:3545
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()
float scale_sigma_factor
Definition: tracking.hpp:69
v_reg< _Tp, n > & operator+=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
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
virtual bool update(InputArray depth)=0
Process next depth frame.
static bool isSeq(int flags)
virtual cv::Ptr< Map > getMap() const =0
static void runByKeypointSize(std::vector< KeyPoint > &keypoints, float minSize, float maxSize=FLT_MAX)
BaseClassifier(int numWeakClassifier, int iterationInit, WeakClassifierHaarFeature **weakCls)
std::vector< cv::Mat > computeObjectImagePointsForSingle(cv::Mat inputImage)
static void unbind(Target target)
Unbind any buffers from the specified binding point.
int getNumFeatures() const
Definition: tracking_feature.private.hpp:61
std::vector< Rect > bndboxes
Definition: pd_inria.hpp:80
const _InputArray & InputArray
Definition: mat.hpp:437
cv::gapi::GBackend backend()
AutoBuffer< int64, 1 > * pi
Definition: dict.hpp:103
DictValue(const DictValue &r)
Quat< _Tp > acosh() const
return arccosh value of this quaternion, arccosh could be calculated as:
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCS.
int rows
Definition: deriv.hpp:163
const Rect operator&(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:87
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:104
double y_scale
Definition: facemarkLBF.hpp:107
static Ptr< CorrelationLayer > create(const LayerParams ¶ms)
#define CV_RGB(r, g, b)
Definition: imgproc.hpp:4318
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
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
Definition: functional.hpp:195
double getUnclipRatio() const
NCVMemoryType memtype
Definition: NCV.hpp:442
@ dc
Definition: container_avi.private.hpp:136
static Ptr< HPE_parse > create()
virtual void printDefaults() const
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
virtual void write(FileStorage &fs, const String &objname) const
Stores HOGDescriptor parameters in a cv::FileStorage.
virtual void removeEntity(const String &name)=0
GpuMat(const GpuMat &m)
copy constructor
virtual int getType() const =0
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:186
Intr()
Definition: intrinsics.hpp:61
int minNeighbors
Parameter specifying how many neighbors each candidate rectangle should have to retain it.
Definition: facemark_train.hpp:38
static auto wrap(const T &t) -> typename std::remove_reference< T >::type
Definition: gtype_traits.hpp:167
virtual bool supportBackend(int backendId)
Ask layer if it support specific backend for doing computations.
void normalizePoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points (non isotropic).
Ptr< Filter > createMorphologyFilter(int op, int srcType, InputArray kernel, Point anchor=Point(-1, -1), int iterations=1)
Creates a 2D morphological filter.
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: video.hpp:40
void completeSymm(InputOutputArray m, bool lowerToUpper=false)
Copies the lower or the upper half of a square matrix to its another half.
@ CAP_PROP_FRAME_COUNT
Number of frames in the video file.
Definition: videoio.hpp:141
detail::OpaqueRef & outOpaqueRef(int output)
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:234
void createGridMesh(const String &name, const Size2f &size, const Size &segments=Size(1, 1))
virtual void setClassWeights(const cv::Mat &val)=0
virtual void free(GpuMat *mat)=0
static T get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:125
float initInRad
radius for gathering positive instances during init
Definition: tracking_internals.hpp:656
__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
static void setDefaultAllocator(GpuMat::Allocator *allocator)
double distance
Definition: predict_collector.hpp:88
void setException(const cv::Exception &exception)
std::string name
Definition: pd_caltech.hpp:64
static Ptr< FR_lfw > create()
UMatData * u
interaction with UMat
Definition: mat.hpp:2112
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: depth.hpp:168
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
float getNMSThreshold() const
Get the detection confidence threshold.
_Range(int start_, int size_=1)
Definition: shape_utils.hpp:60
T & at(int idx, std::vector< T > &items)
Definition: ring_buffer.hpp:57
_Tp cv_abs(_Tp x)
Definition: base.hpp:397
int niters() const
Definition: motion_core.hpp:92
Buffer(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
@ woodenBoard
Definition: gr_skig.hpp:89
void finalShow()
Passes the control to the debug-window for a last time.
Definition: final_show.hpp:23
Point2f targetPosition
Definition: tracking.private.hpp:204
const Mat & const_param_type
Definition: core.hpp:3227
SrcPtr src
Definition: deriv.hpp:146
size_t * p
Definition: mat.hpp:596
Definition: edgeboxes.hpp:58
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
std::vector< GArg > m_args
Definition: gplaidmlkernel.hpp:52
int flags
Definition: mat.hpp:2088
Definition: outlier_rejection.hpp:68
InputOutputArray noArray()
virtual NCVStatus dealloc(NCVMemSegment &seg)
virtual Ncv32u alignment() const
uint64_t UINT64
Definition: descriptor.hpp:63
virtual float getStepDecreasingPower() const =0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
@ COLOR_SPACE_XYZ_A_10
non-RGB color space
Definition: ccm.hpp:115
@ COLORMAP_TWILIGHT_SHIFTED
Definition: imgproc.hpp:4286
GOpaque()
Definition: gopaque.hpp:315
_OutputArray(const _Tp *vec, int n)
A complex number class.
Definition: types.hpp:75
void addCloud(InputArray cloud, const Color &color=Color::white(), const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
U type
Definition: gtyped.hpp:30
vint8mf2_t()
Definition: intrin_rvv.hpp:38
int memoryBusWidth() const
global memory bus width in bits
std::tuple< int, double, float, uint64_t, bool, std::string, cv::Size, cv::Scalar, cv::Point, cv::Point2f, cv::Mat, cv::Rect, cv::gapi::wip::draw::Prim > GOpaqueTraitsArrayTypes
Definition: gcommon.hpp:79
virtual void unmap(UMatData *data) const
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.
optional< typename std::decay< T >::type > make_optional(T &&value)
Definition: optional.hpp:171
Kernel & args(const _Tps &... kernel_args)
Setup OpenCL Kernel arguments. Avoid direct using of set(i, ...) methods.
Definition: ocl.hpp:463
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response) CV_OVERRIDE=0
Merges images.
std::vector< GBackend > backends() const
Lists all backends which are included into package.
static float16_t zero()
Definition: cvdef.h:902
void setSigma(double value)
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:133
__device__ __forceinline__ bool operator()(int, int) const
Definition: mask.hpp:62
virtual void render(OutputArray image, const Matx44f &cameraPose=Matx44f::eye()) const =0
Renders a volume into an image.
bool useInitialFlow
Definition: rlofflow.hpp:122
__host__ int type() const
float getScale() const CV_OVERRIDE
Definition: warpers.hpp:175
@ THRESH_OTSU
flag, use Otsu algorithm to choose the optimal threshold value
Definition: imgproc.hpp:326
const Mat getDescriptor(int imgIdx, int localDescIdx) const
size_t totalMemory() const
VideoCaptureAPIs
VideoCapture API backends identifier.
Definition: videoio.hpp:89
virtual void setAlpha(float alpha=0.7f)=0
Alpha is a parameter defining a global weight for transforming geodesic distance into weight.
virtual int getFixedPointIterations() const =0
Number of outer (fixed-point) iterations in the minimization procedure.
void getLocalIdx(int globalDescIdx, int &imgIdx, int &localDescIdx) const
virtual void setFrames(const std::vector< Mat > &val) CV_OVERRIDE
unsigned long tree_depth
tree_depth This stores the max height of the regression tree built.
Definition: face_alignment.hpp:23
virtual Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)=0
Projects the image.
DetectorType
Definition: features2d.hpp:604
static MatAllocator * getAllocator(HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Sensor clock frequency in Hz.
Definition: videoio.hpp:450
static Ptr< VolumeParams > defaultParams(VolumeType _volumeType)
Default set of parameters that provide higher quality reconstruction at the cost of slow performance.
Optional parameter for fitting process.
Definition: facemarkAAM.hpp:81
@ COLORMAP_TURBO
Definition: imgproc.hpp:4287
void writeTextGraph(const String &model, const String &output)
Create a text representation for a binary network stored in protocol buffer format.
int maxSurfaceCubemap() const
maximum Cubemap surface dimensions
static Ptr< LMSolver > create(const Ptr< LMSolver::Callback > &cb, int maxIters)
int flags
Definition: ocl.hpp:413
virtual ~MotionSaliencyBinWangApr2014()
@ ENTITY_SCALE
Definition: ovis.hpp:75
std::string String
Definition: cvstd.hpp:150
@ DICT_7X7_50
Definition: dictionary.hpp:154
static const T & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:205
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
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
void forEach(const Functor &operation) const
bool queryIfComplete() const
Returns true if the current stream queue is finished. Otherwise, it returns false.
static cv::Ptr< QuasiDenseStereo > create(cv::Size monoImgSize, cv::String paramFilepath=cv::String())
void setLargeWinSize(int val)
__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...
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
#define CV_MAT_DEPTH(flags)
Definition: interface.h:83
void swap(optional &other) noexcept
Definition: optional.hpp:159
v_uint16x8(vuint16m1_t v)
Definition: intrin_rvv.hpp:299
Quat< T > cos(const Quat< T > &q)
int neighborhoodSize
Definition: quasi_dense_stereo.hpp:50
void setSensorErrorC(double val)
Definition: depth.hpp:441
_OutputArray(cuda::HostMem &cuda_mem)
vuint8mf2_t(const uchar *ptr)
Definition: intrin_rvv.hpp:27
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:69
T thresh
Definition: functional.hpp:736
hashtable_int * hash_table
Definition: ppf_match_3d.hpp:152
__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
Mat(Size size, int type, void *data, size_t step=AUTO_STEP)
virtual void setPointIdxToPrint(int pointIdx)=0
Sets the index of a point which coordinates will be printed on the top left corner of the plot (if Sh...
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
MouseButton button
Definition: types.hpp:323
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:397
@ OpenGlApiCallError
OpenGL API call error.
Definition: base.hpp:119
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
OutputArray OutputArrayOfArrays
Definition: mat.hpp:440
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
static const Device & getDefault()
int refcount
Definition: mat.hpp:2675
void setPreferableTarget(int targetId)
Set computation target.
virtual uchar * acquireBitStream(int *bufferSize)=0
Callback function to signal the start of bitstream that is to be encoded.
void mapBackward(float u, float v, float &x, float &y)
virtual ~DetectionBasedTracker()
Definition: gtype_traits.hpp:128
double getMaxPointsPart() const
Definition: depth.hpp:700
@ DICT_7X7_1000
Definition: dictionary.hpp:157
#define OPENCV_HAL_IMPL_RVV_INIT_FP(_Tpv, _Tp, width, suffix)
Definition: intrin_rvv.hpp:573
@ LMEDS
least-median of squares algorithm
Definition: calib3d.hpp:444
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitygmsd.hpp:34
#define OPENCV_HAL_IMPL_ROTATE_SHIFT_OP(suffix, opA, opB)
Helper macro.
Definition: intrin_cpp.hpp:1165
void setFullScreen(bool mode=true)
Sets or unsets full-screen rendering mode.
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
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)
This 3D Widget defines a cone. :
Definition: widgets.hpp:331
@ SFM_DISTORTION_MODEL_DIVISION
Definition: simple_pipeline.hpp:53
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.
ColorCorrectionModel(const Mat &src, Mat colors, COLOR_SPACE ref_cs, Mat colored)
Color Correction Model.
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:86
std::string name
Definition: is_bsds.hpp:62
Ncv32f pos
new frame position
Definition: NPP_staging.hpp:118
void randn(InputOutputArray dst, InputArray mean, InputArray stddev)
Fills the array with normally distributed random numbers.
@ CAP_PROP_XI_HOUS_TEMP
Camera housing temperature.
Definition: videoio.hpp:404
@ COLOR_BayerBG2GRAY
Definition: imgproc.hpp:753
Definition: tr_icdar.hpp:61
virtual void setOuterIterations(int outer_iterations)=0
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
int desc_npca
non-compressed descriptors of TrackerKCF::MODE
Definition: tracking.hpp:134
void setNrGainsFilteringIterations(int nr_iterations)
Definition: exposure_compensate.hpp:185
cv::Vec2f bbox_aspect_ratios_range
Bounding box aspect ratios range.
Definition: tracking_by_matching.hpp:289
InferBbox(Mat _delta_bbox, Mat _class_scores, Mat _conf_scores)
Default constructer.
size_t atFrameSize(size_t i) const
Definition: container_avi.private.hpp:174
const plaidml::edsl::Tensor & inTensor(int input)
Definition: gplaidmlkernel.hpp:42
Quat< _Tp > asinh() const
return arcsinh value of this quaternion, arcsinh could be calculated as:
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:97
virtual void setMinBoxArea(float value)=0
Sets the minimum area of boxes.
Size & operator+=(Size &lhs, const Size &rhs)
Definition: types.hpp:117
__device__ __forceinline__ uint vavg2(uint a, uint b)
Definition: simd_functions.hpp:205
int eval(const Mat &image)
QualityPSNR(Ptr< QualityMSE > qualityMSE, double maxPixelValue)
Constructor.
Definition: qualitypsnr.hpp:95
void setOpenGlContext(const String &winname)
Sets the specified window as current OpenGL context.
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:898
Definition: msm_epfl.hpp:78
void setTermCriteria(const TermCriteria &term_criteria)
Definition: motion_estimators.hpp:147
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
vint16mf2_t vle16_v_i16mf2(const int16_t *ptr)
Definition: intrin_rvv.hpp:169
Graph(int num_vertices=0)
Definition: util.hpp:88
@ COLOR_RGB2HLS_FULL
Definition: imgproc.hpp:613
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:240
Definition: deriv.hpp:142
@ VORONOI_SEAM
Definition: seam_finders.hpp:62
#define OPENCV_HAL_IMPL_RVV_FLT_BIT_OP(bin_op, intrin)
Definition: intrin_rvv.hpp:1252
virtual int getMaxNumObjects() const =0
@ XYZ
Definition: omnidir.hpp:77
Vec< short, 4 > Vec4s
Definition: matx.hpp:415
virtual void load(const std::string &path) CV_OVERRIDE=0
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
GKinds inKinds
Definition: gkernel.hpp:51
@ DIST_L2
the simple euclidean distance
Definition: imgproc.hpp:302
@ CAP_PROP_XI_BINNING_HORIZONTAL
Horizontal Binning - number of horizontal photo-sensitive cells to combine together.
Definition: videoio.hpp:371
virtual TermCriteria getTermCriteria() const =0
void nms_wrapper(std::vector< std::vector< double > > &top_n_boxes, std::vector< size_t > &top_n_idxs, std::vector< double > &top_n_probs)
Wrapper to apply Non-Maximal Supression.
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:578
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
void pyrDown(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Smoothes an image and downsamples it.
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.
bool read(const FileNode &node)
Reads a classifier from a FileStorage node.
#define _v512_set_epu64(a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:20
virtual void setSuperpixelMode(int mode=100)=0
Parameter to choose superpixel algorithm variant to use:
Definition: functional.hpp:311
cuda::HostMem & getHostMemRef() const
P projector_
Definition: warpers.hpp:187
#define CV_CREATE_MEMBER_CHECK(X)
Definition: traits.hpp:360
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
1x4, 2x2 or 4x1 matrix
virtual bool read(const FileNode &node)=0
uchar4 type
Definition: vec_traits.hpp:84
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
double workScale() const
Definition: stitching.hpp:290
NppStInterpMode
Definition: NPP_staging.hpp:101
Ptr< cudacodec::VideoWriter > createVideoWriter(const String &fileName, Size frameSize, double fps, SurfaceFormat format=SF_BGR)
Creates video writer.
@ GC_EVAL_FREEZE_MODEL
Definition: imgproc.hpp:363
static constexpr const char * id()
Definition: infer.hpp:161
void write(cv::FileStorage &fs) const
Write parameters to a file.
static Ptr< legacy::TrackerKCF > create()
MapXPtr mapx
Definition: remap.hpp:81
bool empty() const
returns true if GpuMat data is NULL
@ BORDER_CONSTANT
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:269
@ is_float
Definition: type_traits.hpp:145
@ block_size_x
Definition: reduce_to_vec.hpp:214
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 bool compute(InputArray param, OutputArray err, OutputArray J) const =0
void setParams(int radius, float stdev=-1.f)
@ CAP_OPENNI_POINT_CLOUD_MAP
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:266
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
static cv::gapi::GBackend backend()
Definition: gplaidmlkernel.hpp:132
Definition: tracking_legacy.hpp:236
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.
void pHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes pHash value of the input image.
void singleFeed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > > warpPerspective_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:101
@ RETINA_COLOR_BAYER
standard bayer sampling
Definition: retina.hpp:86
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 isExtensionSupported(const String &extensionName) const
virtual Mat getState() const =0
bool truncated
Definition: or_pascal.hpp:71
bool parseAviWithFrameList(frame_list &in_frame_list, Codecs codec_)
static MatExpr min(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3689
short val[4]
Definition: intrin_rvv.hpp:61
virtual void setScale(float scale)=0
virtual int getNumLevels() const =0
schar val[16]
Definition: intrin_rvv.hpp:290
@ COLOR_SPACE_XYZ_D50_10
non-RGB color space
Definition: ccm.hpp:113
datasetType
Definition: hpe_humaneva.hpp:72
DeviceInfo()
creates DeviceInfo object for the current GPU
void setEpsilon(const double &epsilon)
set Epsilon
virtual void clear() CV_OVERRIDE
Clears the train descriptor collections.
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:152
virtual float getAlpha() const =0
Weight of the smoothness term.
CV_EXPORTS_W Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
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)
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:299
@ WAVE_CORRECT_AUTO
Definition: motion_estimators.hpp:332
Definition: gfluidkernel.hpp:339
Ptr< Layer >(* Constructor)(LayerParams ¶ms)
Each Layer class must provide this function to the factory.
Definition: layer.hpp:61
#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.
double getAvgTimeSec() const
returns average time in seconds
Definition: utility.hpp:360
virtual void setMotions(const std::vector< Mat > &val) CV_OVERRIDE
bool parseHdrlList(Codecs codec_)
void deleteEdge(int edge)
UIImage * MatToUIImage(const cv::Mat &image)
CylindricalWarper(float scale)
Construct an instance of the cylindrical warper class.
Definition: warpers.hpp:348
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.
#define OPENCV_HAL_IMPL_RVV_TRANSPOSE4x4(_Tpvec, _Tp, suffix)
Definition: intrin_rvv.hpp:1904
void convertFp16(InputArray src, OutputArray dst)
Converts an array to half precision floating number.
Augmented Unscented Kalman filter parameters. The class for initialization parameters of Augmented Un...
Definition: kalman_filters.hpp:183
virtual ~ClassifierCallback()
Definition: ocr.hpp:409
void fillConstraints(float *A1, float *A2, float *b1, float *b2) const
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
virtual bool getRandom() const =0
void v_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:2559
FeatureHaar(Size patchSize)
Definition: msm_epfl.hpp:70
@ GPC_DESCRIPTOR_DCT
Better quality but slow.
Definition: sparse_matching_gpc.hpp:92
virtual void setUseTimstampsDim(bool use=true)=0
Specifies either interpret first dimension of input blob as timestamp dimension either as sample.
std::string filename
Definition: pd_inria.hpp:69
int rows
the number of rows and columns
Definition: cuda.hpp:323
const std::vector< Rect > & getAreas() const
float fx
Definition: intrinsics.hpp:59
float eval(const Mat &response)
static const char * tag()
Definition: infer.hpp:479
String symbol
Definition: types.hpp:298
Ptr< TrackerStateEstimator > getTrackerStateEstimator() const
Get the TrackerStateEstimator.
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
virtual void setAnnealEnergyRNG(const RNG &rng)=0
Set/initialize anneal RNG.
Mat clone() const CV_NODISCARD
Creates a full copy of the array and the underlying data.
Definition: reduce_to_vec.hpp:110
virtual void setMinEigThreshold(double minEigThreshold)=0
Definition: facemarkAAM.hpp:115
virtual int getRegularization() const =0
Rect(int _x, int _y, int _width, int _height)
Definition: types.hpp:45
QuatAssumeType
Unit quaternion flag.
Definition: quaternion.hpp:38
void markDeviceCopyObsolete(bool flag)
float hcellsSpatialConstant
Definition: retina.hpp:162
Vec(const Matx< _Tp, cn, 1 > &a, _T2 alpha, Matx_ScaleOp)
@ DYNAMIC_PARALLELISM
Definition: cuda.hpp:790
AugmentedUnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
uchar * data
Definition: mat.hpp:558
bool setBreakOnError(bool flag)
Sets/resets the break-on-error mode.
int getWindowSize() const
Definition: depth.hpp:140
double Wz
Definition: gr_chalearn.hpp:67
std::string age
Definition: fr_adience.hpp:72
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
@ RGBD_PLANE_METHOD_DEFAULT
Definition: depth.hpp:334
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
initializes the iterator
Definition: imgproc.hpp:4768
double getTotalMs() const
Definition: instrumentation.hpp:92
#define OPENCV_HAL_IMPL_RVV_SIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1380
void throw_error(ExceptionType &&e)
Definition: throw.hpp:23
int minInterContourDistance
Definition: checker_detector.hpp:120
virtual const Descriptor & descriptorFast() const =0
Fast descriptor getter.
@ CAP_PVAPI_PIXELFORMAT_BGR24
Bgr24.
Definition: videoio.hpp:331
bool checkChessboard(InputArray img, Size size)
virtual void setType(AgastFeatureDetector::DetectorType type)=0
@ LBP
Definition: tracking_feature.private.hpp:40
double get0() const
Definition: intrin_rvv.hpp:540
@ DICT_5X5_1000
Definition: dictionary.hpp:149
__host__ __device__ static __forceinline__ char4 all(schar v)
Definition: vec_traits.hpp:178
int maxCMLength
Definition: tracking.private.hpp:335
@ SINUS
sinusoidal shape
Definition: types.hpp:56
Projector(Intr intr)
Definition: intrinsics.hpp:41
Adds extra values for specific axes.
Definition: all_layers.hpp:417
_Tp * operator[](int y)
more convenient forms of row and element access operators
IplMagnoParameters IplMagno
Definition: retina.hpp:179
Class computing stereo correspondence using the belief propagation algorithm. :
Definition: cudastereo.hpp:129
virtual ~CvLBPEvaluator() CV_OVERRIDE
Definition: feature.hpp:371
static Ptr< SVM > create()
void setWindowSize(const Size &window_size)
static float DEFAULT_MIN_DEPTH()
Definition: depth.hpp:535
__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
@ CAP_PROP_TEMPERATURE
Definition: videoio.hpp:159
void setInput(const Ptr< FrameSource > &frameSource)
Set input frame source for Super Resolution algorithm.
virtual double getBackgroundRatio() const =0
OpenCLExecutionContext & operator=(const OpenCLExecutionContext &)=default
HostMem(InputArray arr, HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
creates from host memory with coping data
float squareSize
Distance between two adjacent points. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1653
int tree_n
number of tree in the model for each landmark point refinement
Definition: facemarkLBF.hpp:72
MatExpr operator*(const Mat &a, const Mat &b)
virtual void setTextureThreshold(int textureThreshold)=0
std::string model_path
Definition: ie.hpp:50
@ COLOR_YUV2BGRA_UYNV
Definition: imgproc.hpp:694
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:145
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
virtual void setPass2Only(bool f)=0
@ COLORMAP_OCEAN
Definition: imgproc.hpp:4272
@ RGBD_NORMALS_METHOD_FALS
Definition: depth.hpp:78
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
#define OPENCV_HAL_IMPL_RVV_ABSDIFF_S(_Tpvec, _rTpvec, _nwTpvec, sub, rshr, width)
Definition: intrin_rvv.hpp:1693
virtual void setScaleStep(double scaleStep)=0
Scale step.
Mat AA
gray values from all erorded face region in the dataset, projected in PCA space
Definition: facemarkAAM.hpp:123
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
@ CALIB_FIX_TAUX_TAUY
Definition: calib3d.hpp:511
virtual double getEpsilon() const =0
int executionCapabilities() const
v_int8x16(vint8m1_t v)
Definition: intrin_rvv.hpp:266
Affine transform.
Definition: affine.hpp:127
@ COLOR_BGR5652RGBA
Definition: imgproc.hpp:562
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
@ block_size_y
Definition: split_merge.hpp:497
the MOSSE (Minimum Output Sum of Squared Error) tracker
Definition: tracking_legacy.hpp:335
DepthNormal(int distance_threshold, int difference_threshold, size_t num_features, int extract_threshold)
Constructor.
Interface for video demultiplexing. :
Definition: cudacodec.hpp:318
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:137
std::vector< Point > corners_
Definition: seam_finders.hpp:102
Definition: all_layers.hpp:453
__host__ void gridTransformUnary_(const SrcPtr &src, GpuMat_< DstType > &dst, const UnOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:64
void drawWireframe(InputOutputArray img, InputArray pts2d, InputArray tris, const Scalar &color, int type=LINE_8, bool cullBackface=false)
checker draw
Definition: checker_model.hpp:113
void symetricCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
void setTrainingPath(const String &trainingPath)
This is a utility function that allows to set the correct path from which the algorithm will load the...
FLAGS
Definition: instrumentation.hpp:109
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: depth.hpp:429
int minInterCheckerDistance
Definition: checker_detector.hpp:121
int hal_ni_boxFilter(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int src_depth, int dst_depth, int cn, int margin_left, int margin_top, int margin_right, int margin_bottom, size_t ksize_width, size_t ksize_height, int anchor_x, int anchor_y, bool normalize, int border_type)
Calculate box filter.
Definition: hal_replacement.hpp:680
void removeOutliers()
Remove outliers for all feature types (optional)
virtual void setVariationalRefinementAlpha(float val)=0
Weight of the smoothness term.
@ SOFT_MARGIN
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1811
virtual bool getTruncatePrunedTree() const =0
@ COLOR_YUV2RGB_I420
Definition: imgproc.hpp:654
virtual void setGridX(int val)=0
float convexHullFactor
Definition: calib3d.hpp:1644
@ SAMPLING_PROGRESSIVE_NAPSAC
Definition: calib3d.hpp:545
void selectROIs(const String &windowName, InputArray img, std::vector< Rect > &boundingBoxes, bool showCrosshair=true, bool fromCenter=false)
Allows users to select multiple ROIs on the given image.
cv::UMat & r
Definition: goclkernel.hpp:132
MatExpr mul(const MatExpr &e, double scale=1) const
static Scalar_< double > all(double v0)
returns a scalar with all elements set to v0
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: sr_div2k.hpp:29
float area_height
Definition: interpolation.hpp:300
friend Quat< T > acos(const Quat< T > &q)
return arccos value of quaternion q, arccos could be calculated as:
Definition: extrapolation.hpp:198
bool initContainer(const String &filename, double fps, Size size, bool iscolor)
double val[4]
Definition: scalar.hpp:35
void apply(cv::Mat in, cv::Mat &out, GCompileArgs &&args={})
Execute an unary computation (with compilation on the fly)
virtual float getAlpha() const =0
Alpha is a parameter defining a global weight for transforming geodesic distance into weight.
__device__ __forceinline__ uint vsetle2(uint a, uint b)
Definition: simd_functions.hpp:359
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
static Ptr< OLSTracker > create(InputArray pts3d, InputArray tris, int histBins=8, uchar sobelThesh=10)
int hal_ni_medianBlur(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int cn, int ksize)
Calculate medianBlur filter.
Definition: hal_replacement.hpp:627
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:653
void gradient(const cv::Mat &img1, const cv::Mat &img2, cv::Mat &Ix, cv::Mat &Iy, cv::Mat &It) const
CosDistance(const cv::Size &descriptor_size)
CosDistance constructor.
virtual float predictProb(InputArray inputs, OutputArray outputs, OutputArray outputProbs, int flags=0) const =0
Predicts the response for sample(s).
OpenCV's VideoCapture-based streaming source.
Definition: cap.hpp:48
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.
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:214
void classify(InputArray frame, int &classId, float &conf)
__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
GpuMat clone() const
returns deep copy of the GpuMat, i.e. the data is copied
__device__ __forceinline__ float1 exp10(const uchar1 &a)
Definition: vec_math.hpp:249
static Ptr< cuda::CascadeClassifier > create(const String &filename)
Loads the classifier from a file. Cascade type is detected automatically by constructor parameter.
void setPreferableTarget(int targetId)
Ask network to make computations on specific target device.
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:156
cv::String getConfigurationParameterString(const char *name, const char *defaultValue)
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:167
static Ptr< GPCTrainingSamples > create(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, int descriptorType)
@ CAP_DSHOW
DirectShow (via videoInput)
Definition: videoio.hpp:101
void setMaxCount(const int &max_count)
set MaxCount
virtual int getMaxRadius() const =0
InnerParameters innerParameters
Definition: detection_based_tracker.hpp:179
static Ptr< Params > coarseParams()
Coarse parameters A set of parameters which provides better speed, can fail to match frames in case o...
bool getExceptionMode()
query if exception mode is active
Definition: videoio.hpp:818
void read(const String &fileName)
Definition: features2d.hpp:1109
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:1104
int chan
Definition: gmat.hpp:80
@ SAMPLING_UNIFORM
Definition: calib3d.hpp:545
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio.hpp:259
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:204
Definition: infer.hpp:122
Definition: warpers.hpp:216
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.
__device__ __forceinline__ ushort saturate_cast< ushort >(schar v)
Definition: saturate_cast.hpp:156
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response)=0
Aligns images.
Definition: functional.hpp:792
String getText() const
Returns the current text content of the widget.
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow, Stream &stream=Stream::Null())=0
Calculates a dense optical flow.
int numDetectedFrames
Definition: detection_based_tracker.hpp:187
util::any opaque
Definition: gkernel.hpp:60
virtual void computePhaseMap(InputArrayOfArrays patternImages, OutputArray wrappedPhaseMap, OutputArray shadowMask=noArray(), InputArray fundamental=noArray())=0
Compute a wrapped phase map from sinusoidal patterns.
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.
void prepare(Rect dst_roi) CV_OVERRIDE
OpaqueRef(T &&obj)
Definition: gopaque.hpp:247
~Net()
Destructor frees the net only if there aren't references to the net anymore.
int dy
Definition: fr_adience.hpp:77
@ MCC24
Standard Macbeth Chart with 24 squares.
Definition: checker_model.hpp:48
virtual void setGradientDescentIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
@ COLOR_YUV2GRAY_YUNV
Definition: imgproc.hpp:721
@ GEMM_3_T
transposes src3
Definition: base.hpp:222
virtual bool isTrackForgotten(size_t id) const =0
isTrackForgotten returns true if track is forgotten.
virtual void compute(InputArray image, OutputArray features) const =0
schar elem_type
Definition: vec_traits.hpp:144
@ COLOR_HLS2RGB
Definition: imgproc.hpp:608
static const char * tag()
Definition: gfluidkernel.hpp:152
Vec< int, 2 > Vec2i
Definition: matx.hpp:421
cv::Point pt2
The second point of the line segment.
Definition: render_types.hpp:226
virtual double getPyramidScaleFactor() const =0
@ SAMPLING_PROSAC
Definition: calib3d.hpp:546
virtual Ptr< RLOFOpticalFlowParameter > getRLOFOpticalFlowParameter() const =0
Configuration of the RLOF alogrithm.
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
friend Quat< T > exp(const Quat< T > &q)
return the value of exponential value.
@ _dummy_enum_finalizer
Definition: matx.hpp:351
virtual void match(InputArray queryDescriptors, std::vector< DMatch > &matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >())=0
_Tp value_type
Definition: types.hpp:318
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)
GMat RGB2I420(const GMat &src)
Converts an image from RGB color space to I420 color space.
int v_signmask(const v_reg< _Tp, n > &a)
Get negative values mask.
Definition: intrin_cpp.hpp:1277
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: video.hpp:38
virtual void setFlags(int flags)=0
void dumpToFile(const String &path)
Dump net structure, hyperparameters, backend, target and fusion to dot file.
static Ptr< Params > coarseParams()
Coarse parameters A set of parameters which provides better speed, can fail to match frames in case o...
GPCMatchingParams(const GPCMatchingParams ¶ms)
Definition: sparse_matching_gpc.hpp:149
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...
uchar * origdata
Definition: mat.hpp:559
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:307
@ COLOR_YUV2GRAY_420
Definition: imgproc.hpp:668
void setImage(InputArray image)
Sets the image content of the widget.
__device__ __forceinline__ float1 tan(const uchar1 &a)
Definition: vec_math.hpp:303
static softfloat nan()
Default NaN constant.
Definition: softfloat.hpp:208
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...
virtual Mat generateMask(const Mat &src)=0
@ COLOR_BayerGB2GRAY
Definition: imgproc.hpp:754
static Ptr< legacy::TrackerBoosting > create()
std::pair< int, float > classify(InputArray frame)
Given the input frame, create input blob, run net and return top-1 prediction.
virtual bool sampling(const Mat &image, const Rect &boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
Computes the regions starting from a position in an image.
static Ptr< legacy::TrackerCSRT > create()
bool decodeMulti(InputArray img, InputArray points, std::vector< std::string > &decoded_info, OutputArrayOfArrays straight_qrcode=noArray()) const
Decodes QR codes in image once it's found by the detect() method.
static Ptr< Stitcher > create(Mode mode=Stitcher::PANORAMA)
Creates a Stitcher configured in one of the stitching modes.
SphericalWarper(float scale)
Construct an instance of the spherical warper class.
Definition: warpers.hpp:323
@ COLOR_BGR2Luv
convert RGB/BGR to CIE Luv, color conversions
Definition: imgproc.hpp:595
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
cv::GCompileArgs getCompileArgs(const std::vector< char > &p)
Definition: s11n.hpp:318
void setMinEigenValue(float val)
virtual double getMaxDiscTerm() const =0
truncation of discontinuity cost
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
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.
Warper that maps an image onto the x*x + z*z = 1 cylinder.
Definition: warpers.hpp:342
void insert(const std::vector< Point2f > &ptvec)
Insert multiple points into a Delaunay triangulation.
double threshold
Definition: video.hpp:113
_OutputArray(std::vector< Mat > &vec)
void setMinObjectSize(const cv::Size &min)
Definition: detection_based_tracker.hpp:80
IIStream & operator>>(IIStream &is, cv::Point &pt)
Definition: detection_based_tracker.hpp:166
softfloat setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:177
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:67
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())
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
void getLayerShapes(const MatShape &netInputShape, const int layerId, std::vector< MatShape > &inLayerShapes, std::vector< MatShape > &outLayerShapes) const
Returns input and output shapes for layer with specified id in loaded model; preliminary inferencing ...
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...
@ MATERIAL_TEXTURE0
Definition: ovis.hpp:65
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
size_t lost
How many frames ago track has been lost.
Definition: tracking_by_matching.hpp:392
virtual size_t getBlockHistogramSize() const =0
Returns the block histogram size.
int getFeatureSize() const
Definition: tracking_feature.private.hpp:69
GpuMat reshape(int cn, int rows=0) const
Definition: reduction.hpp:87
@ NCV_NOIMPL_HAAR_TILTED_FEATURES
Definition: NCV.hpp:349
virtual void read(const FileNode &) CV_OVERRIDE
Reads algorithm parameters from a file storage.
void construct(pointer p, const _Tp &v)
Definition: cvstd.hpp:135
@ VAR_CATEGORICAL
categorical variables
Definition: ml.hpp:85
virtual int getBlockSize() const =0
_OutputArray(ogl::Buffer &buf)
virtual bool getBlurForDescriptor() const =0
void setTargetFg(bool foreground)
Set label: true for target foreground, false for background.
Size poolPad
Definition: all_layers.hpp:536
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
const Queue & getProfilingQueue() const
Returns OpenCL command queue with enable profiling mode support.
std::pair< cv::Rect, int > Object
Definition: detection_based_tracker.hpp:134
@ COLOR_BayerRG2RGB_MHT
Definition: cudaimgproc.hpp:102
void demosaicing(InputArray src, OutputArray dst, int code, int dstCn=0)
main function for all demosaicing processes
Definition: type_traits.hpp:107
RotatedRect()
default constructor
__host__ GpuMat_(const GpuMat_ &m, Rect roi)
static gapi::fluid::BorderOpt get_border_impl(const GMetaArgs &metas, const cv::GArgs &in_args, cv::detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:268
int index_type
Definition: deriv.hpp:64
NCVStatus nppiStTranspose_128_C1R_host(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
Mat sampled_pc
Definition: ppf_match_3d.hpp:150
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
Size frameSize() const
Definition: motion_stabilizing.hpp:126
void displayStatusBar(const String &winname, const String &text, int delayms=0)
Displays a text on the window statusbar during the specified period of time.
static Mat subspaceReconstruct(InputArray W, InputArray mean, InputArray src)
float2 value_type
Definition: warping.hpp:63
virtual cv::TermCriteria getTermCriteria() const =0
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:127
#define CV_DbgCheckLT(v1, v2, msg)
Definition: check.hpp:145
GainCompensator(int nr_feeds)
Definition: exposure_compensate.hpp:117
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())
virtual void getPoints(OutputArray points) const =0
Gets points of current 3d mesh.
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 constructor for MSER detector.
@ OEM_TESSERACT_CUBE_COMBINED
Definition: ocr.hpp:87
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:212
static void call(GOCLContext &ctx)
Definition: goclkernel.hpp:219
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
util::variant< GMat, GMatP, GFrame, GScalar, detail::GArrayU, detail::GOpaqueU > GProtoArg
Definition: gproto.hpp:43
@ DECOMP_SVD
Definition: base.hpp:138
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
bool operator==(const util::monostate &, const util::monostate &)
Definition: variant.hpp:58
Definition: gstreaming.hpp:33
@ CAP_PROP_XI_ACQ_TIMING_MODE
Type of sensor frames timing.
Definition: videoio.hpp:456
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_DivOp)
std::vector< int > feats_m
Definition: facemarkLBF.hpp:84
void mapBackward(float u, float v, float &x, float &y)
copy_through_move_t(T &&g)
Definition: copy_through_move.hpp:22
const std::vector< Template > & getTemplates(const String &class_id, int template_id) const
Get the template pyramid identified by template_id.
T work_type
Definition: reduce_to_vec.hpp:67
DictValue(bool i)
Constructs integer scalar.
Definition: dict.hpp:63
@ CALIB_CB_ASYMMETRIC_GRID
Definition: calib3d.hpp:491
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:140
double compare(cv::InputArray hashOne, cv::InputArray hashTwo) const
Compare the hash value between inOne and inTwo.
BundleAdjusterReproj()
Definition: motion_estimators.hpp:248
void getMemoryConsumption(const int layerId, const std::vector< MatShape > &netInputShapes, size_t &weights, size_t &blobs) const
v_reg< _Tp, n > v_mul_hi(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Multiply and extract high part.
Definition: intrin_cpp.hpp:1121
virtual void load(const std::string &path) CV_OVERRIDE=0
Dataset()
Definition: dataset.hpp:567
bool operator<(const DMatch &m) const
v_reg< _Tp, n > v_interleave_pairs(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2276
virtual void detect(InputArray inputImage, std::vector< Rect > &Bbox, std::vector< float > &confidence) CV_OVERRIDE=0
static const char * tag()
Definition: video.hpp:352
virtual void setUse1SERule(bool val)=0
static Quat< _Tp > createFromRvec(InputArray rvec)
from a rotation vector has the form , where represents rotation angle and represents normalized ro...
RGBD_NORMALS_METHOD
Definition: depth.hpp:77
virtual void setShadowValue(int value)=0
Sets the shadow value.
Matx< _Tp, m, n > mat_type
Definition: matx.hpp:114
static softdouble one()
One constant.
Definition: softfloat.hpp:352
@ CALIB_USE_GUESS
Definition: omnidir.hpp:57
The class defining termination criteria for iterative algorithms.
Definition: types.hpp:853
virtual ~TLSDataContainer()
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:500
__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 *)
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
uchar get0() const
Definition: intrin_rvv.hpp:252
@ RETR_CCOMP
Definition: imgproc.hpp:423
HostMem(const HostMem &m)
virtual void setCameraMatrix(const cv::Mat &val)=0
@ humaneva_1
Definition: hpe_humaneva.hpp:73
virtual void run(const std::vector< String > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
void setParamsFrom(const LayerParams ¶ms)
Initializes only name, type and blobs fields.
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:418
@ COLOR_RGBA2BGR565
Definition: imgproc.hpp:560
virtual void load(const std::string &path) CV_OVERRIDE=0
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:164
float b
Definition: warpers.hpp:453
void mapBackward(float u, float v, float &x, float &y)
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
@ COLORMAP_PLASMA
Definition: imgproc.hpp:4282
static void setup(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &compileArgs)
Definition: gcpukernel.hpp:347
virtual ~DFT2D()
Definition: hal.hpp:217
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:750
Definition: warpers.hpp:620
virtual double getCoef0() const =0
ClassificationModel(const String &model, const String &config="")
Create classification model from network represented in one of the supported formats....
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
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
@ DNN_TARGET_OPENCL
Definition: dnn.hpp:90
void startWriteStruct(const String &name, int flags, const String &typeName=String())
Starts to write a nested structure (sequence or a mapping).
@ CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_SENSOR_FEATURE_VALUE.
Definition: videoio.hpp:491
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:115
int rows
Definition: remap.hpp:94
SphericalWarperGpu(float scale)
Definition: warpers.hpp:558
void fillFixedStereo(Mat &G, int flags, int n)
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:203
virtual void dsread(OutputArray Array, const String &dslabel, const int *dims_offset, const int *dims_counts) const =0
Read specific dataset from hdf5 file into Mat object.
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
double findCandidatesApproxPolyDPEpsMultiplier
Definition: checker_detector.hpp:114
virtual int getCatCount(int vi) const =0
GArg()
Definition: garg.hpp:49
@ CALIB_CB_FILTER_QUADS
Definition: calib3d.hpp:482
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(uint))
typename std::enable_if< detail::valid_infer_types< T >::value &&cv::detail::valid_infer2_types< typename Net::InArgs, std::tuple< Ts... > >::value, std::function< typename Net::ResultL(T, cv::GArray< Ts >...)> >::type type
Definition: infer.hpp:150
Mat_(const std::initializer_list< int > sizes, const std::initializer_list< _Tp > values)
virtual void setTheta(double val)=0
Weight parameter for (u - v)^2, tightness parameter.
AlphaCompTypes
Definition: cudaimgproc.hpp:159
@ 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:556
void setOpenGlDrawCallback(const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0)
Sets a callback function to be called to draw on top of displayed image.
Tracker-by-Matching algorithm interface.
Definition: tracking_by_matching.hpp:416
virtual void setThreshold(int threshold)=0
T Type
Definition: features2d.hpp:883
softfloat(const uint32_t)
Construct from integer.
Definition: intrin_cpp.hpp:274
virtual float compute(const cv::Mat &descr1, const cv::Mat &descr2)=0
Computes distance between two descriptors.
static Ptr< Params > hashTSDFParams(bool isCoarse)
HashTSDF parameters A set of parameters suitable for use with HashTSDFVolume.
static MatAllocator * getStdAllocator()
and the standard allocator
Applies Ridge Detection Filter to an input image. Implements Ridge detection similar to the one in Ma...
Definition: ridgefilter.hpp:28
std::function< void(std::size_t size, std::function< void(std::size_t index)>)> parallel_for
Definition: gfluidkernel.hpp:144
vertex(Mat po, int ts)
Definition: multicalib.hpp:105
DictValue(int64 i=0)
Constructs integer scalar.
Definition: dict.hpp:64
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
static Ptr< TextDetectorCNN > create(const String &modelArchFilename, const String &modelWeightsFilename)
Class implementing the LSC (Linear Spectral Clustering) superpixels algorithm described in .
Definition: lsc.hpp:72
int predict(InputArray src) const
@ 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:464
static bool isMap(int flags)
static Stream & Null()
return Stream object for default CUDA stream
@ CAP_PVAPI_PIXELFORMAT_BAYER16
Bayer16.
Definition: videoio.hpp:329
virtual const char * what() const noexcept override
Definition: optional.hpp:21
virtual void setMode(int mode)=0
@ CAP_PROP_XI_TRG_SOFTWARE
Generates an internal trigger. PRM_TRG_SOURCE must be set to TRG_SOFTWARE.
Definition: videoio.hpp:348
int getPatchIdxOfBestDetection()
int getSelectedClassifier() const
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:393
Rect2i Rect
Definition: types.hpp:462
virtual void setParams(const TrackerParams ¶ms)=0
Pipeline parameters setter.
int markerSize
Definition: dictionary.hpp:65
auto compile(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GCompiled >::type
Definition: gcomputation.hpp:372
value_type & reference
Definition: cvstd.hpp:116
ICP()
Definition: icp.hpp:90
virtual bool setNet(dnn::Net net)=0
Set the net which will be used to find the approximate bounding boxes for the color charts.
Board of markers.
Definition: aruco.hpp:272
void stop()
stops counting ticks.
Definition: utility.hpp:310
@ CAP_PROP_XI_TRG_SOURCE
Defines source of trigger.
Definition: videoio.hpp:347
Ptr< VideoInputStream > m_file_stream
Definition: container_avi.private.hpp:124
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:812
TrackerContribFeatureSet()
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)
This function reconstructs 3-dimensional points (in homogeneous coordinates) by using their observati...
SparseMat clone() const CV_NODISCARD
creates full copy of the matrix
virtual void setSuperpixelNNCnt(int spNN=150)=0
Parameter defines the number of nearest-neighbor matches for each superpixel considered,...
virtual void setPolyN(int polyN)=0
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,...
int fps
Definition: gr_chalearn.hpp:78
@ COLOR_BGRA2YUV_I420
Definition: imgproc.hpp:734
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
Definition: warpers.hpp:419
virtual void setNOctaves(int octaves)=0
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1065
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:92
virtual void matchConvert(InputArray gpu_matches, std::vector< DMatch > &matches)=0
Converts matches array from internal representation to standard matches vector.
@ FILTER_SCHARR
Definition: imgproc.hpp:208
Definition: intrin_rvv.hpp:72
SparseMatIterator(SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
@ FEATURE_SET_COMPUTE_35
Definition: cuda.hpp:783
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.
@ EVENT_MOUSEMOVE
indicates that the mouse pointer has moved over the window.
Definition: highgui.hpp:210
@ COLOR_BayerRG2RGB_VNG
Definition: imgproc.hpp:766
static Device fromHandle(void *d)
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
@ block_size_x
Definition: copy.hpp:352
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
@ CAP_PROP_XI_DEBOUNCE_T0
Debounce time (x * 10us).
Definition: videoio.hpp:434
@ MAGIC_VAL
Definition: mat.hpp:2079
virtual void setNeighbors(int val)=0
int start
Definition: types.hpp:598
static void cv2eigen(const Mat &src, Eigen::Tensor< _Tp, 3, _layout > &dst)
Converts a cv::Mat to an Eigen::Tensor.
Definition: eigen.hpp:132
RNG & theRNG()
Returns the default random number generator.
@ CAP_PVAPI_FSTRIGMODE_SYNCIN1
SyncIn1.
Definition: videoio.hpp:312
@ value
Definition: traits.hpp:289
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_AddOp)
Definition: reduce_to_vec.hpp:106
~optional_shared_lock_guard()
Definition: lock.private.hpp:106
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:63
virtual void setMaxFeatures(int maxFeatures)=0
Sets total number of distinct colors to maintain in histogram.
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:485
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2565
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts Cartesian coordinates into polar.
static Matx< _Tp, m, n > & operator*=(Matx< _Tp, m, n > &a, int alpha)
Definition: matx.hpp:1222
float a
Definition: warpers.hpp:432
virtual void setMaxBits(int max_bits)=0
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:81
virtual void getNormals(InputArray points, OutputArray normals) const =0
Calculates normals for given points.
void getLayerTypes(std::vector< String > &layersTypes) const
Returns list of types for layer used in model.
@ CAP_OPENNI_DISPARITY_MAP_32F
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:268
Definition: features2d.hpp:1153
std::vector< Box > Boxes
Definition: edgeboxes.hpp:63
@ MATERIAL_TEXTURE1
Definition: ovis.hpp:67
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
virtual void setPatchSize(int patchSize)=0
Point_< int > Point2i
Definition: types.hpp:190
static Ptr< _Tp > loadFromString(const String &strModel, const String &objname=String())
Loads algorithm from a String.
Definition: core.hpp:3165
@ COLOR_RGB2HSV
Definition: imgproc.hpp:590
BackgroundSubtractorParams()
default constructor
Definition: video.hpp:125
OpenCLExecutionContext(OpenCLExecutionContext &&)=default
MotionEstimatorL1(MotionModel model=MM_AFFINE)
Definition: tracking_feature.private.hpp:35
Definition: feature.hpp:297
void FT02D_FL_process_float(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
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.
bool runStateEstimator()
Run the TrackerStateEstimator, return true if is possible to estimate a new state,...
BackendNode(int backendId)
float fxinv
Definition: intrinsics.hpp:35
double val[1]
Definition: intrin_rvv.hpp:121
size_t sz
Definition: ocl.hpp:416
VideoWriter(const String &filename, int fourcc, double fps, const Size &frameSize, const std::vector< int > ¶ms)
cv::Scalar color
The color of the circle.
Definition: render_types.hpp:188
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
@ IMWRITE_JPEG2000_COMPRESSION_X1000
For JPEG2000, use to specify the target compression rate (multiplied by 1000). The value can be from ...
Definition: imgcodecs.hpp:104
static void help_init_impl(const cv::GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &scratch_buf, detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:219
@ FLAGS_EXPAND_SAME_NAMES
Definition: instrumentation.hpp:112
virtual size_t getReservedSize() const =0
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:240
virtual void setTheta(double val)=0
@ COLOR_SPACE_Lab_D50_2
non-RGB color space
Definition: ccm.hpp:124
static bool canCreateAlias(const UMat &u)
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
KalmanFilter(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
@ StsOk
everything is ok
Definition: base.hpp:69
bool use_hog
Definition: tracking.hpp:45
virtual void augAssignSubtract(const MatExpr &expr, Mat &m) const
static constexpr const OpaqueKind op_kind
Definition: gtype_traits.hpp:54
KeypointsModel(const String &model, const String &config="")
Create keypoints model from network represented in one of the supported formats. An order of model an...
Definition: intrin_rvv.hpp:36
static Ptr< GridBoard > create(int markersX, int markersY, float markerLength, float markerSeparation, const Ptr< Dictionary > &dictionary, int firstMarker=0)
Create a GridBoard object.
virtual Mat getVarSymbolFlags() const =0
Definition: gproto.hpp:90
virtual GMetaArg descr_of() const override
Definition: cap.hpp:109
Texture2D(InputArray arr, bool autoRelease=false)
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.
static Ptr< Layer > create(const LayerParams ¶ms)
This 3D Widget defines a circle.
Definition: widgets.hpp:307
Definition: saliencyBaseClasses.hpp:86
void setWindowPosition(const Point &window_position)
Sets the position of the window in the screen.
Mat image
Definition: depth.hpp:473
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:207
__device__ __forceinline__ float1 asin(const uchar1 &a)
Definition: vec_math.hpp:312
@ OPTFLOW_USE_INITIAL_FLOW
Definition: tracking.hpp:56
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.
virtual int radius() const
Definition: inpainting.hpp:71
Buffer clone(Target target=ARRAY_BUFFER, bool autoRelease=false) const
Creates a full copy of the buffer object and the underlying data.
virtual bool addTrainingSample(InputArray image, InputArray landmarks)=0
Add one training sample to the trainer.
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
GAPI_WRAP GStreamingCompiled()
const T & inArg(int input)
Definition: gcpukernel.hpp:96
bool check() const
Check for parsing errors.
_Tp * ptr(int y=0)
template version of the above method
const std::vector< std::pair< String, Ptr< TrackerContribFeature > > > & getTrackerFeature() const
Get the TrackerContribFeature collection (TrackerContribFeature name, TrackerContribFeature pointer)
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:105
int hal_ni_warpPerspective(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_warpPerspective
Definition: hal_replacement.hpp:290
Matx33f intr
camera intrinsics
Definition: kinfu.hpp:83
SphericalPortraitWarper(float scale)
Definition: warpers.hpp:631
friend Quat< T > power(const Quat< T > &q, const T x, QuatAssumeType assumeUnit)
return the value of power function with index .
@ CAP_PROP_XI_IMAGE_BLACK_LEVEL
Last image black level counts. Can be used for Offline processing to recall it.
Definition: videoio.hpp:482
Model(const String &model, const String &config="")
Create model from deep learning network represented in one of the supported formats....
GpuMat(int rows, int cols, int type, void *data, size_t step=Mat::AUTO_STEP)
constructor for GpuMat headers pointing to user-allocated data
Rect getValidDisparityROI(Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int blockSize)
computes valid disparity ROI from the valid ROIs of the rectified images (that are returned by cv::st...
size_t size
Definition: mat.hpp:560
float Ncv32f
Definition: NCV.hpp:133
__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
PPF3DDetector()
Empty constructor. Sets default arguments.
Mat_ row(int y) const
overridden forms of Mat::row() etc.
#define OPENCV_HAL_IMPL_RVV_BIN_FUNC(_Tpvec, func, intrin, width)
Definition: intrin_rvv.hpp:1420
bool empty() const
Definition: ocl.hpp:239
@ CPU_MAX_FEATURE
Definition: cvdef.h:339
Definition: layer.details.hpp:58
static uint64 abs(uint64 a)
Definition: cvstd.hpp:69
bool addTrackerFeature(Ptr< TrackerContribFeature > &feature)
void setWindowSize(int val)
Definition: depth.hpp:235
@ COEF
Definition: ml.hpp:674
friend std::ostream & operator<<(std::ostream &stream, const Dict &dict)
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:400
MapAffine(InputArray linTr, InputArray shift)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
virtual void setRpropDWMinus(double val)=0
int getNrFeeds()
Definition: exposure_compensate.hpp:156
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
static void read(const FileNode &node, std::vector< _Tp > &vec, const std::vector< _Tp > &default_value=std::vector< _Tp >())
Definition: persistence.hpp:1182
void split32s(const int *src, int **dst, int len, int cn)
size_t size
the size of each segment (in elements)
Definition: mat.hpp:3416
float tsdf_min_camera_movement
Minimal camera movement in meters.
Definition: kinfu.hpp:116
@ MATERIAL_OPACITY
Definition: ovis.hpp:62
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.
int cvRound(const cv::softfloat &a)
Rounds a number to nearest even integer.
GMatDesc withDepth(int ddepth) const
Definition: gmat.hpp:147
int hashtableInsertHashed(hashtable_int *hashtbl, KeyType key, void *data)
virtual void setLambda(double val)=0
Weight parameter for the data term, attachment parameter.
std::string fileName
Definition: tr_icdar.hpp:68
Definition: functional.hpp:664
Vec< uchar, 2 > Vec2b
Definition: matx.hpp:409
virtual void createLightEntity(const String &name, InputArray tvec=noArray(), InputArray rot=noArray(), const Scalar &diffuseColor=Scalar::all(1), const Scalar &specularColor=Scalar::all(1))=0
int cols
Definition: remap.hpp:94
#define OPENCV_HAL_IMPL_RVV_SIGNED_SHIFT_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1324
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:406
CompressedRectilinearPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:421
Mat & operator=(Mat const &)=default
bool clipLine(Size imgSize, Point &pt1, Point &pt2)
Clips the line against the image rectangle.
void removeWidget(const String &id)
Removes a widget from the window.
T & operator*()
Definition: optional.hpp:119
cv::String canonical(const cv::String &path)
Converts path p to a canonical absolute path Symlinks are processed if there is support for them on r...
void setTo(const _InputArray &value, const _InputArray &mask=_InputArray()) const
float time_affinity_w
Time affinity weight.
Definition: tracking_by_matching.hpp:285
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
@ LOG_LEVEL_WARNING
Warning message.
Definition: logger.defines.hpp:29
v_reg< double, 2 > v_cvt_f64(const v_reg< int, 4 > &a)
Convert to double.
Definition: intrin_cpp.hpp:2108
Matx33d mat1
Definition: msm_epfl.hpp:62
virtual ~MapperGradShift()
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:86
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:316
@ AGAST_7_12d
Definition: features2d.hpp:605
__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
@ COLOR_SPACE_WideGamutRGBL
https://en.wikipedia.org/wiki/Wide-gamut_RGB_color_space , linear RGB color space
Definition: ccm.hpp:99
Definition: tracking_legacy.hpp:272
int reductionRatio
Definition: descriptor.hpp:200
int height
Definition: types.hpp:114
void startWriteChunk(uint32_t fourcc)
int nbrOfPixelsBetweenMarkers
Definition: sinusoidalpattern.hpp:90
__device__ __forceinline__ float1 acos(const uchar1 &a)
Definition: vec_math.hpp:321
@ MORPH_OPEN
Definition: imgproc.hpp:215
static Context create(const std::string &configuration)
const MatOp * op
Definition: mat.hpp:3544
void setMaxIteration(int val)
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel, const int compresslevel, const int *dims_chunks) const =0
Create and allocate storage for two dimensional single or multi channel dataset.
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
@ COLOR_Lab2RGB
Definition: imgproc.hpp:604
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.
@ FONT_HERSHEY_COMPLEX
normal size serif font
Definition: imgproc.hpp:821
GIOProtoArgs(const GProtoArgs &args)
Definition: gproto.hpp:62
Format
An Image Format describes the way that the images in Textures store their data.
Definition: opengl.hpp:289
Abstract class that represents the model of the target.
Definition: tracking.private.hpp:277
float minEigenValue
Definition: rlofflow.hpp:143
int shift
The Number of fractional bits in the coordinates of the center and in the radius value.
Definition: render_types.hpp:191
@ CAP_OPENNI_DEPTH_MAP
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:265
@ EVENT_FLAG_RBUTTON
indicates that the right mouse button is down.
Definition: highgui.hpp:227
This structure represents a rectangle to draw.
Definition: render_types.hpp:126
@ CAP_PROP_XI_BINNING_PATTERN
Binning pattern type.
Definition: videoio.hpp:372
void patchNaNs(InputOutputArray a, double val=0)
converts NaNs to the given number
virtual void setPlotLineWidth(int _plotLineWidth)=0
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
@ COLOR_BayerRG2GRAY_MHT
Definition: cudaimgproc.hpp:107
@ COLOR_YUV2RGB_UYNV
Definition: imgproc.hpp:684
@ DNN_TARGET_HDDL
Definition: dnn.hpp:97
bool read(const String &buf, const String &buildflags)
Returns result of asynchronous operations.
Definition: async.hpp:32
void moveWindow(const String &winname, int x, int y)
Moves the window to the specified position.
Ptr< Facemark > createFacemarkLBF()
construct an LBF facemark detector
virtual bool getUseMeanNormalization() const =0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
std::string recognize(InputArray frame) const
Given the input frame, create input blob, run net and return recognition result.
int cols
Definition: deriv.hpp:302
Ncv32f gamma
gradient constancy importance
Definition: NCVBroxOpticalFlow.hpp:74
@ TM_SQDIFF
Definition: imgproc.hpp:3664
Mat(const Mat &m, const std::vector< Range > &ranges)
TextDetectionModel_DB(const std::string &model, const std::string &config="")
Create text detection model from network represented in one of the supported formats....
Definition: dnn.hpp:1562
virtual void setPeriod(int val)
Definition: wobble_suppression.hpp:104
clock_t processingStartTime_
Definition: stabilizer.hpp:140
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)
float minCircularity
Definition: features2d.hpp:732
OpenCLExecutionContext(const OpenCLExecutionContext &)=default
vint8mf4_t vle8_v_i8mf4(const int8_t *base)
Definition: intrin_rvv.hpp:201
virtual void setRegularization(int val)=0
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:234
void transformFD(InputArray src, InputArray t, OutputArray dst, bool fdContour=true)
transform a contour
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:319
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:114
virtual bool getNonmaxSuppression() const =0
Ncv8u height
Definition: NCV.hpp:142
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:90
double real() const
Simplified reading API to use with bindings.
Ptr< TrackerTargetState > getLastTargetState() const
Get the last TrackerTargetState from Trajectory.
virtual ~TrackerCSRT() CV_OVERRIDE
Definition: tracking_legacy.hpp:525
cv::Point2i p1
Definition: quasi_dense_stereo.hpp:30
#define OPENCV_HAL_IMPL_RVV_NATIVE_LOADSTORE_MF2(_Tpvec, _Tp, suffix, width, n)
Definition: intrin_rvv.hpp:153
int ppfInd
Definition: ppf_match_3d.hpp:82
virtual float getMinDist() const =0
Scalar_(_Tp v0, _Tp v1, _Tp v2=0, _Tp v3=0)
TextDetectionModel_EAST(const Net &network)
Create text detection algorithm from deep learning network.
bool printProgress
Print progress to stdout.
Definition: sparse_matching_gpc.hpp:128
static Ptr< PermuteLayer > create(const LayerParams ¶ms)
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.
const T & get() const
Definition: garg.hpp:72
__device__ __forceinline__ float1 tanh(const uchar1 &a)
Definition: vec_math.hpp:357
@ 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())
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:123
Abstract base class for training the bag of visual words vocabulary from a set of descriptors.
Definition: features2d.hpp:1395
std::vector< int > computeSwappedClassifier()
Get the list of the weak classifiers that replace those to be replaced.
uchar lane_type
Definition: intrin_rvv.hpp:229
__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
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:149
ProgramSource(const String &prog)
#define OPENCV_HAL_IMPL_RVV_REDUCE_SAD(_Tpvec, scalartype)
Definition: intrin_rvv.hpp:1719
GMat Laplacian(const GMat &src, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the Laplacian of an image.
vuint64mf2_t(const uint64 *ptr)
Definition: intrin_rvv.hpp:105
float depthTruncThreshold
Threshold for depth truncation in meters Truncates the depth greater than threshold to 0.
Definition: volume.hpp:92
Model & setInputSize(int width, int height)
Definition: dnn.hpp:1116
std::tuple< GMat, GScalar > GMatScalar
Definition: core.hpp:36
virtual bool getUseLocalInitDataCost() const =0
friend Quat< T > cos(const Quat< T > &q)
return sin value of quaternion q, cos could be calculated as:
virtual ~CvFeatureEvaluator()
Definition: feature.hpp:163
@ BadOrigin
incorrect input origin
Definition: base.hpp:89
virtual void write(InputArray image)
Writes the next video frame.
static T deserialize(const std::vector< char > &p)
Definition: s11n.hpp:47
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:222
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:357
bool init()
This function allows the correct initialization of all data structures that will be used by the algor...
GMat bitwise_not(const GMat &src)
Inverts every bit of an array.
@ ARO_315_45
Definition: fast_hough_transform.hpp:70
__host__ GpuMat_ clone() const
overridden forms of GpuMat::row() etc.
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
const cv::Scalar & inVal(int input)
virtual void setTau(double tau)=0
void setUseMEstimator(bool val)
Enable M-estimator or disable and use least-square estimator.
void write(FileStorage &) const
Read parameters from file, currently unused.
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
void setHalideScheduler(const String &scheduler)
Compile Halide layers.
int lkTemplateSize
Definition: quasi_dense_stereo.hpp:54
void * data
Definition: t_hash_int.hpp:63
@ CAP_PROP_XI_OFFSET_X
Horizontal offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:345
virtual void process(InputArray src, OutputArray dst)=0
Tonemaps image.
@ COLOR_Luv2BGR
Definition: imgproc.hpp:605
MatConstIterator(const Mat *_m)
constructor that sets the iterator to the beginning of the matrix
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
int getMaxCatCount() const
Definition: feature.hpp:176
int64 get0() const
Definition: intrin_rvv.hpp:507
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
float gftQualityThres
Definition: quasi_dense_stereo.hpp:60
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.
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
void mov(OpaqueRef &v)
Definition: gopaque.hpp:282
MapperPyramid(Ptr< Mapper > baseMapper)
v_uint8x16()
Definition: intrin_rvv.hpp:232
@ ST_BILINEAR
Definition: rlofflow.hpp:25
@ FLOW
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:497
float angle
Definition: descriptor.hpp:106
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)
virtual int getGroupThreshold() const =0
Represents a computation (graph) compiled for streaming.
Definition: gstreaming.hpp:137
Affine3(const Mat3 &R, const Vec3 &t=Vec3::all(0))
void preconditionerFromPoints(InputArray points, OutputArray T)
@ NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:335
virtual void setDefaultK(int val)=0
Quat< T > inv(const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
Definition: tracking_feature.private.hpp:100
mat_type mu_2
Definition: qualityssim.hpp:63
Net & getNetwork_()
Definition: dnn.hpp:1172
#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....
Ptr< RICInterpolator > createRICInterpolator()
Factory method that creates an instance of the RICInterpolator.
int isRightOf(Point2f pt, int edge) const
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:977
virtual int type(const MatExpr &expr) const
Mat(const std::initializer_list< _Tp > list)
void evenLevels(OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Computes levels with even distribution.
void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst)
Projects the image backward.
Size stride
Definition: all_layers.hpp:213
bool isNan(float x)
Checks float/double value for nan.
Definition: vizcore.hpp:109
Holder(cv::optional< T > &opt)
Definition: gstreaming.hpp:43
std::vector< std::string > Paths
Definition: configuration.private.hpp:14
TYPE
Definition: instrumentation.hpp:46
@ CPU_AVX512_COMMON
Common instructions AVX-512F/CD for all CPUs that support AVX-512.
Definition: cvdef.h:332
void transform_bboxes(std::vector< std::vector< double > > *bboxes)
Transform relative coordinates from ConvDet to bounding box coordinates.
@ COLOR_YUV2GRAY_UYVY
Definition: imgproc.hpp:714
const T * InLine(int i) const
Definition: gfluidbuffer.hpp:64
@ WINDOW_FULLSCREEN
change the window to fullscreen.
Definition: highgui.hpp:191
@ QUAT_ASSUME_UNIT
Definition: quaternion.hpp:51
#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
std::vector< bool > normalize
Definition: onnx.hpp:60
@ CALIB_CB_FAST_CHECK
Definition: calib3d.hpp:483
@ WMF_IV1
Definition: weighted_median_filter.hpp:67
void cvtColor(InputArray src, OutputArray dst, int code, int dstCn=0)
Converts an image from one color space to another.
Vec< float, 4 > Vec4f
Definition: matx.hpp:429
static double reinterpret_from_int(int_type x)
Definition: intrin.hpp:169
TextRecognitionModel(const std::string &model, const std::string &config="")
Create text recognition model from network represented in one of the supported formats Call setDecode...
Definition: dnn.hpp:1357
actionType type
Definition: gr_skig.hpp:102
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap)
static method for computing quality
GScalar mean(const GMat &src)
Calculates an average (mean) of matrix elements.
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
virtual uint64_t getCurrentUsage() const =0
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
cv::Mat first
Definition: cap.hpp:58
SrcPtr src
Definition: extrapolation.hpp:99
Camera(double fx, double fy, double cx, double cy, const Size &window_size)
Constructs a Camera.
Buffer(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:244
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1520
static Ptr< Rapid > create(InputArray pts3d, InputArray tris)
virtual int getPreFilterCap() const =0
size_t sharedMemPerBlock() const
shared memory available per block in bytes
void blend(InputOutputArray dst, InputOutputArray dst_mask) CV_OVERRIDE
Blends and returns the final pano.
String dump()
Dump net to String.
bool useInstrumentation()
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:589
virtual void setTermCriteria(const TermCriteria &val)=0
virtual int getActiveVarCount() const =0
@ THRESH_BINARY
Definition: imgproc.hpp:320
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
virtual int getSamples() const =0
#define OPENCV_HAL_IMPL_RVV_ABSDIFF(_Tpvec, abs)
Definition: intrin_rvv.hpp:1677
Size_< float > Size2f
Definition: types.hpp:345
__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)
K API
Definition: gplaidmlkernel.hpp:130
@ MARKER_CROSS
A crosshair marker shape.
Definition: imgproc.hpp:834
vuint32mf2_t(const unsigned *ptr)
Definition: intrin_rvv.hpp:75
__device__ __forceinline__ uint vsub2(uint a, uint b)
Definition: simd_functions.hpp:157
size_t totalGlobalMem() const
global memory available on device in bytes
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
Mat errorCov
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: video.hpp:29
virtual Mat getCatOfs() const =0
int imageWidth
Definition: msm_epfl.hpp:66
GMat I4202RGB(const GMat &src)
Converts an image from I420 color space to BGR color space.
Ptr2D::index_type index_type
Definition: traits.hpp:62
@ CAP_PROP_OPENNI2_SYNC
Definition: videoio.hpp:249
static Ptr< MaxUnpoolLayer > create(const LayerParams ¶ms)
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:891
RansacParams()
Definition: motion_core.hpp:80
Definition: functional.hpp:69
Affine3f pose
Initial pose of the volume in meters.
Definition: volume.hpp:73
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:69
Definition: all_layers.hpp:564
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:375
const String & getBuildInformation()
Returns full configuration time cmake output.
Definition: saliencyBaseClasses.hpp:112
Definition: mappergradaffine.hpp:53
bool includesAPI() const
Definition: gkernel.hpp:569
NCVMemStackAllocator(Ncv32u alignment)
virtual void setBackpropWeightScale(double val)=0
Pose3D(double Alpha, size_t ModelIndex=0, size_t NumVotes=0)
Definition: pose_3d.hpp:83
void write(FileStorage &fs) const
const char * m_fileName
Definition: instrumentation.hpp:80
int type
Definition: imgproc.hpp:1223
Quat< _Tp > normalize() const
return a normalized .
Vec2i maxTexture2D() const
maximum 2D texture dimensions
virtual void setInitialMask(InputArray mask)=0
virtual void setMaxDiscThreshold(double max_disc_threshold)=0
Mat transform
Definition: multicalib.hpp:87
@ 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:432
v_uint32x4()
Definition: intrin_rvv.hpp:362
virtual bool process(InputArray image, const TYPECHART chartType, const int nc=1, bool useNet=false, const Ptr< DetectorParameters > ¶ms=DetectorParameters::create())=0
Find the ColorCharts in the given image.
@ COLOR_BGR2YUV_YV12
Definition: imgproc.hpp:738
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...
virtual EncoderParams getEncoderParams() const =0
@ GC_INIT_WITH_MASK
Definition: imgproc.hpp:359
virtual int getNumIters() const =0
@ CORNER_REFINE_APRILTAG
Tag and corners detection based on the AprilTag 2 approach .
Definition: aruco.hpp:85
std::vector< GFluidOutputRois > parallel_rois
Definition: gfluidkernel.hpp:122
Net readNetFromCaffe(const String &prototxt, const String &caffeModel=String())
Reads a network model stored in Caffe framework's format.
#define HaarFeatureDescriptor32_Interpret_MaskFlagLeftNodeLeaf
Definition: NCVHaarObjectDetection.hpp:122
Ptr< Filter > createMedianFilter(int srcType, int windowSize, int partition=128)
Performs median filtering for each point of the source image.
@ CAP_PROP_PVAPI_DECIMATIONVERTICAL
Vertical sub-sampling of the image.
Definition: videoio.hpp:304
int getVersionRevision()
Returns revision field of the library version.
SceneSettings
Definition: ovis.hpp:45
unsigned int getHeight()
Definition: container_avi.private.hpp:94
std::string humanSeg
Definition: is_weizmann.hpp:65
float getMarkerLength() const
Definition: charuco.hpp:116
void setRNGSeed(int seed)
Sets state of default random number generator.
uint64 val[2]
Definition: intrin_rvv.hpp:480
void updateContinuityFlag()
internal use method: updates the continuity flag
void mapBackward(float u, float v, float &x, float &y)
@ COLOR_RGB2YUV
Definition: imgproc.hpp:631
@ CAP_OPENNI_DISPARITY_MAP
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:267
bool getFaces(InputArray image, OutputArray faces, CParams *params)
Default face detector This function is mainly utilized by the implementation of a Facemark Algorithm....
BlocksCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:172
friend GIOProtoArgs< Tg > & operator+=(GIOProtoArgs< Tg > &lhs, const GIOProtoArgs< Tg > &rhs)
This operator allows to complement the proto vectors at runtime.
Definition: gproto.hpp:82
void async_apply(GComputation &gcomp, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs, GCompileArgs &&args={})
T array[COUNT]
Definition: type_traits.hpp:73
Definition: remap.hpp:104
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
void exp64f(const double *src, double *dst, int n)
void getErrors(float *errors)
int rows
Definition: texture.hpp:207
std::shared_ptr< IStreamSource > Ptr
Definition: source.hpp:42
@ MEMORY
returned by FileStorage::release)
Definition: persistence.hpp:312
int history
Length of the history.
Definition: video.hpp:106
@ IMWRITE_PAM_FORMAT_RGB_ALPHA
Definition: imgcodecs.hpp:136
GAPI_WRAP bool running() const
Test if the pipeline is running.
Definition: gkernel.hpp:262
virtual ~WeakClassifierHaarFeature()
virtual void getGradient(const double *x, double *grad)
@ DCT_INVERSE
Definition: base.hpp:258
void render(cv::Mat &bgr, const Prims &prims, cv::GCompileArgs &&args={})
The function renders on the input image passed drawing primitivies.
Texture2D(int arows, int acols, Format aformat, unsigned int atexId, bool autoRelease=false)
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > > warpAffine_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:92
Point2f topLeft
Top left corner of the bounding rect.
Definition: imgproc.hpp:1247
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:581
virtual BufferPoolController * getBufferPoolController(const char *id=NULL) const
Ncv32s y
Point Y.
Definition: NCV.hpp:194
static float DEFAULT_MAX_DEPTH_DIFF()
Definition: depth.hpp:545
Definition: type_traits.hpp:90
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
int pciBusID() const
PCI bus ID of the device.
virtual MotionModel motionModel() const
Definition: global_motion.hpp:181
virtual ~TrackerKCF() CV_OVERRIDE
Definition: tracking_legacy.hpp:286
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
Method which processes an image in the aim to correct its luminance correct backlight problems,...
ClassificationModel(const Net &network)
Create model from deep learning network.
void NMSBoxes(const std::vector< Rect > &bboxes, const std::vector< float > &scores, const float score_threshold, const float nms_threshold, std::vector< int > &indices, const float eta=1.f, const int top_k=0)
Performs non maximum suppression given boxes and corresponding scores.
Definition: track_alov.hpp:62
size_t profilingTimerResolution() const
@ NCV_ALLOCATOR_BAD_DEALLOC
Definition: NCV.hpp:334
virtual bool getL2Gradient() const =0
@ StsOutOfRange
some of parameters are out of range
Definition: base.hpp:111
@ channels
Definition: matx.hpp:105
int numFeatures
Definition: feature.hpp:196
result_type mySum
Definition: vec_distance.hpp:160
bool getSign() const
Get sign bit.
Definition: softfloat.hpp:312
v_float64x2 v_setall_f64(double val)
Definition: intrin_cpp.hpp:2380
virtual void setMaxIter(int max_iter)=0
Definition: gcpukernel.hpp:239
virtual double get(int propId) const
Returns the specified VideoCapture property.
Buffer(Size asize, int atype, unsigned int abufId, bool autoRelease=false)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
Detection output layer.
Definition: all_layers.hpp:610
int rows
Definition: lut.hpp:77
void initialize_cleaner_impl() const
static softdouble pi()
Correct pi approximation.
Definition: softfloat.hpp:360
Mat_(const Point_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
_OutputArray(std::array< _Tp, _Nm > &arr)
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2381
int insert(Point2f pt)
Insert a single point into a Delaunay triangulation.
int object_id
Unique object identifier (-1 if N/A).
Definition: tracking_by_matching.hpp:37
ReduceTypes
Definition: core.hpp:227
int disparityGradient
Definition: quasi_dense_stereo.hpp:51
virtual double getRpropDWMax() const =0
Point_ & operator=(const Point_ &pt)
virtual void dsread(OutputArray Array, const String &dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
void detectTextRectangles(InputArray frame, std::vector< cv::RotatedRect > &detections, std::vector< float > &confidences) const
Performs detection.
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.
static Ptr< Boost > create()
SrcPtr src
Definition: reduction.hpp:198
@ RETR_LIST
Definition: imgproc.hpp:418
bool wait_for(double timeoutNs) const
Definition: async.hpp:68
Ptr< GraphSegmentation > createGraphSegmentation(double sigma=0.5, float k=300, int min_size=100)
Creates a graph based segmentor.
static Ptr< SR_div2k > create()
@ NEIGH_FLANN_KNN
Definition: calib3d.hpp:550
Impl * getImpl() const
Definition: ocl.hpp:608
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:80
@ BadROISize
incorrect input roi
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:211
virtual Size getTilesGridSize() const =0
Returns Size defines the number of tiles in row and column.
void setPreferableBackend(int backendId)
Ask network to use specific computation backend where it supported.
void setAutoRelease(bool flag)
Sets auto release mode.
Definition: intrin_rvv.hpp:261
static uint next_power_of_two(uint value)
Round up to the next highest power of 2.
Definition: t_hash_int.hpp:79
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)
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)
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
This 3D Widget defines an arrow.
Definition: widgets.hpp:289
float icpDistThresh
distance theshold for ICP in meters
Definition: kinfu.hpp:147
@ CAP_PROP_GPHOTO2_PREVIEW
Capture only preview from liveview mode.
Definition: videoio.hpp:573
virtual ~Callback()
Definition: calib3d.hpp:610
Definition: qualityssim.hpp:54
bool includes() const
Test if a particular kernel implementation KImpl is included in this kernel package.
Definition: gkernel.hpp:530
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:128
virtual cv::Mat getIntrinsics() const =0
virtual double getAnnealInitialT() const =0
void copyFrom(InputArray arr, bool autoRelease=false)
Copies from host/device memory to OpenGL texture.
static void serialize(IOStream &, const T &)
Definition: base.hpp:28
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.
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0) CV_OVERRIDE
Estimates global motion between two 2D point clouds.
@ NCV_TEXTURE_BIND_ERROR
Definition: NCV.hpp:325
std::function< void(const std::unordered_map< std::string, cv::Mat > &, std::unordered_map< std::string, cv::Mat > &)> PostProc
Definition: onnx.hpp:35
void write(FileStorage &fs) const
Write parameters to a file.
Mat skew(InputArray x)
Returns the 3x3 skew symmetric matrix of a vector.
@ CAP_PROP_XI_REGION_MODE
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:393
CParams(String cascade_model, double sf=1.1, int minN=3, Size minSz=Size(30, 30), Size maxSz=Size())
virtual void calcJacobian(Mat &jac)=0
Calculates the cost function jacobian.
GMat div(const GMat &src1, const GMat &src2, double scale, int ddepth=-1)
Performs per-element division of two matrices.
Definition: vec_distance.hpp:62
Definition: feature.hpp:302
uchar val[4]
Definition: intrin_rvv.hpp:130
@ UPDATE_IMAGE_ELEMENT
Definition: cap_winrt.hpp:42
@ COLOR_RGB2BGR555
Definition: imgproc.hpp:568
Base abstract class for the long-term tracker:
Definition: tracking_legacy.hpp:73
@ CCL_DEFAULT
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:408
void appendPose(Matx44d &IncrementalPose)
Left multiplies the existing pose in order to update the transformation.
virtual ~NCVMemNativeAllocator()
__device__ __forceinline__ float1 log10(const uchar1 &a)
Definition: vec_math.hpp:276
Size winSize
Detection window size. Align to block size and block stride. Default value is Size(64,...
Definition: objdetect.hpp:587
_Tp * pointer
Definition: mat.hpp:3132
int getMethod() const
Definition: depth.hpp:405
virtual void setStabilizedFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:87
virtual cv::Mat getDisparity(uint8_t disparityLvls=50)=0
Compute and return the disparity map based on the correspondences found in the "process" method.
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:84
virtual UMatData * allocate(int dims, const int *sizes, int type, void *data, size_t *step, AccessFlag flags, UMatUsageFlags usageFlags) const =0
@ nlanes
Definition: intrin_rvv.hpp:328
HostMem(int rows, int cols, int type, HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
int admm_iterations
Definition: tracking.hpp:64
void write(FileStorage &fs) const
Ptr< AdaptiveManifoldFilter > createAMFilter(double sigma_s, double sigma_r, bool adjust_outliers=false)
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
virtual void calc(InputArray frame0, InputArray frame1, OutputArray flow1, OutputArray flow2=noArray())=0
@ CAP_PROP_XI_CC_MATRIX_20
Color Correction Matrix element [2][0].
Definition: videoio.hpp:422
@ CAP_PROP_XI_TARGET_TEMP
Set sensor target temperature for cooling.
Definition: videoio.hpp:402
WCircle(double radius, double thickness=0.01, const Color &color=Color::white())
Constructs default planar circle centered 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
GAPI_WRAP GComputation(GMat in1, GMat in2, GMat out)
Defines a binary (two inputs – one output) computation.
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)
@ NPPST_MEM_INTERNAL_ERROR
Internal memory management error.
Definition: NCV.hpp:370
Base class for Contrast Limited Adaptive Histogram Equalization.
Definition: imgproc.hpp:957
@ MM_SIMILARITY
Definition: motion_core.hpp:65
Ptr< InpainterBase > inpainter_
Definition: stabilizer.hpp:119
Definition: or_sun.hpp:67
Intr(cv::Matx33f m)
Definition: intrinsics.hpp:63
Definition: sparse_matching_gpc.hpp:66
virtual void setUseInitialFlow(bool useInitialFlow)=0
@ CPU_AVX512_SKX
Skylake-X with AVX-512F/CD/BW/DQ/VL.
Definition: cvdef.h:331
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:478
void write(FileStorage &fs) const
FileNode operator[](int i) const
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
@ HOG
Definition: feature.hpp:147
virtual void train()=0
Trains a descriptor matcher.
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:117
virtual void setEpsilon(double val)=0
@ IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs.hpp:134
@ CPU_VSX
Definition: cvdef.h:326
int ID
Definition: depth.hpp:472
virtual void setMedianFiltering(int val)=0
Median filter kernel size (1 = no filter) (3 or 5)
@ NCV_INVALID_ROI
Definition: NCV.hpp:328
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.
void labelComponents(const GpuMat &mask, GpuMat &components, int flags=0, Stream &stream=Stream::Null())
performs connected componnents labeling.
Mat cloud
point coordinates of type CV_32FC3 or CV_64FC3 with only 1 row
Definition: types.hpp:129
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
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.
const uchar * datalimit
Definition: mat.hpp:2099
Definition: deriv.hpp:189
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:187
void idft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
float maxError
Definition: checker_detector.hpp:117
@ 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:96
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
double bagging_overlap
overlap ratio for training the LBF feature
Definition: facemarkLBF.hpp:76
VideoWriter(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
TermCriteria()
default constructor
static Ptr< DetectorParameters > create()
virtual Mat getTrainNormCatResponses() const =0
Returns the vector of normalized categorical responses.
Ptr< CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates a smart pointer to a cv::CLAHE class and initializes it.
BufferPool for use with CUDA streams.
Definition: cuda.hpp:485
@ BadOrder
number of dimensions is out of range
Definition: base.hpp:88
kinfu::VolumeParams volumeParams
Volume parameters.
Definition: large_kinfu.hpp:84
virtual void setUpdateBackgroundModel(bool update)=0
Sets the status of background model update.
#define OPENCV_HAL_IMPL_RVV_UNSIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1372
@ CAP_PROP_XI_CC_MATRIX_02
Color Correction Matrix element [0][2].
Definition: videoio.hpp:416
int minDistanceToAddKeypoint
Definition: calib3d.hpp:1636
#define G_TYPED_KERNEL(Class,...)
Definition: gkernel.hpp:343
static cv::gapi::GBackend backend()
Definition: gcompoundkernel.hpp:119
double aspect
Definition: camera.hpp:66
@ RECURS_FILTER
Recursive Filtering.
Definition: photo.hpp:799
int nativeVectorWidthDouble() const
double confidenceThreshold
Definition: checker_detector.hpp:112
Net readNet(const String &model, const String &config="", const String &framework="")
Read deep learning network represented in one of the supported formats.
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: variant.hpp:48
~AsyncPromise() CV_NOEXCEPT
const std::vector< int > & dims() const
Definition: rmat.hpp:70
Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix ...
Definition: pose_3d.hpp:71
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.
DISTANCE_TYPE
Enum of possible functions to calculate the distance between colors.
Definition: ccm.hpp:345
@ CAP_PROP_MODE
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:144
bool m_is_indx_present
Definition: container_avi.private.hpp:132
int getPatchIdxOfDetection(int detectionIdx)
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).
std::string dev_id
Device ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:30
UMat(int rows, int cols, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs 2D matrix and fills it with the specified value _s.
float searchFactor
search region parameter
Definition: tracking_internals.hpp:714
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
util::variant< cv::UMat *, cv::Mat *, cv::RMat *, cv::Scalar *, cv::MediaFrame *, cv::detail::VectorRef, cv::detail::OpaqueRef > GRunArgP
Definition: garg.hpp:216
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:143
size_t nodeSize
Definition: mat.hpp:2678
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:128
#define OPENCV_HAL_IMPL_RVV_EXTRACT(_Tpvec, _Tp, suffix, width, vmv)
Definition: intrin_rvv.hpp:670
@ nppStBorderClamp
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
PCA(InputArray data, InputArray mean, int flags, double retainedVariance)
Context & initializeContextFromGL()
Creates OpenCL context from GL.
@ WND_PROP_OPENGL
opengl support.
Definition: highgui.hpp:203
virtual void load(const std::string &path) CV_OVERRIDE=0
bool endianLittle() const
virtual float getContrast() const =0
cv::utils::logging::LogLevel getLogTagLevel(const char *tag)
@ is_pointer
Definition: type_traits.hpp:140
@ SFM_IO_BUNDLER
Definition: io.hpp:58
virtual RetinaParameters getParameters()=0
This structure allows to control the output image region which Fluid backend will produce in the grap...
Definition: gfluidkernel.hpp:110
virtual Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R)=0
Projects the image point backward.
Quat< _Tp > crossProduct(const Quat< _Tp > &q) const
return the crossProduct between and .
BlockMeanHashMode
Definition: block_mean_hash.hpp:17
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:230
String class_id
Definition: linemod.hpp:285
virtual ~CvFeatureEvaluator()
Definition: tracking_feature.private.hpp:54
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...
BaseClassifier(int numWeakClassifier, int iterationInit)
mat_type I_2
Definition: qualityssim.hpp:61
static Ptr< Dictionary > create(int nMarkers, int markerSize, int randomSeed=0)
@ COLORCHECKER_Macbeth
Macbeth ColorChecker.
Definition: ccm.hpp:89
@ CAP_PROP_XI_AE_MAX_LIMIT
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:360
virtual int getPosThresh() const =0
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:461
@ CAP_PROP_XI_SENSOR_FEATURE_VALUE
Allows access to sensor feature value currently selected by XI_PRM_SENSOR_FEATURE_SELECTOR.
Definition: videoio.hpp:492
static constexpr bool value
Definition: base.hpp:37
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
virtual bool setFaceDetector(bool(*f)(InputArray, OutputArray, void *), void *userData)=0
set the custom face detector
virtual void setPCAIterations(int val)=0
static void compute(OutputArray desc, const Mat &frame, const Point2i *LSBPSamplePoints)
virtual void setMaskGenerator(const Ptr< MaskGenerator > &maskGenerator)=0
_Mutex Mutex
Definition: lock.private.hpp:18
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
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: depth.hpp:929
virtual void setUpdateBackgroundModel(bool update)=0
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:650
@ EVENT_RBUTTONUP
indicates that right mouse button is released.
Definition: highgui.hpp:215
Definition: gtype_traits.hpp:107
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:83
virtual ~Saliency()
Destructor.
@ VIDEOWRITER_PROP_FRAMEBYTES
(Read-only): Size of just encoded video frame. Note that the encoding order may be different from rep...
Definition: videoio.hpp:195
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow)=0
Calculates an optical flow.
virtual ~HOGDescriptor()
Default destructor.
Definition: objdetect.hpp:434
@ FEATURE_SET_COMPUTE_50
Definition: cuda.hpp:784
const char * depthToString(int depth)
Vec4d q
Definition: pose_3d.hpp:130
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:351
void operator()(InputArray points, OutputArray depth) const
virtual ~WobbleSuppressorBase()
Definition: wobble_suppression.hpp:65
void setConfThresh(double conf_thresh)
Definition: motion_estimators.hpp:144
void setRenderingProperty(const String &id, int property, double value)
Sets rendering property of a widget.
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
virtual void dsinsert(InputArray Array, const String &dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
std::vector< GArg > m_args
Definition: gcpukernel.hpp:123
static cv::Ptr< MACE > create(int IMGSIZE=64)
constructor
@ COLOR_RGB2RGBA
Definition: imgproc.hpp:529
void FT12D_polynomial(InputArray matrix, InputArray kernel, OutputArray c00, OutputArray c10, OutputArray c01, OutputArray components, InputArray mask=noArray())
Computes elements of -transform components.
void mapBackward(float u, float v, float &x, float &y)
virtual void setAngleStep(double angleStep)=0
Angle step in degrees.
std::unique_ptr< IIStream > getInStream(const std::vector< char > &p)
static cv::MediaFrame & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:264
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:855
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:446
bool hostCopyObsolete() const
static String dumpSizeT(size_t argument)
Definition: bindings_utils.hpp:36
virtual int getUniquenessRatio() const =0
static Ptr< ColorGradient > create(float weak_threshold, size_t num_features, float strong_threshold)
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:307
int outputNameToIndex(const String &outputName) CV_OVERRIDE
Returns index of output blob in output array.
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
Definition: NCV.hpp:345
@ CAP_INTELPERC_IMAGE
Definition: videoio.hpp:558
@ COLOR_BGR2HSV
convert RGB/BGR to HSV (hue saturation value), color conversions
Definition: imgproc.hpp:589
Definition: infer.hpp:112
float trimRatio_
Definition: stabilizer.hpp:121
void compute(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes hash of the input image.
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
void bind() const
Binds all vertex arrays.
@ BORDER_REPLICATE
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:270
void setLastTargetState(const Ptr< TrackerTargetState > &lastTargetState)
Set the current TrackerTargetState in the Trajectory.
MatExpr max(const Mat &a, const Mat &b)
@ MORPH_GRADIENT
Definition: imgproc.hpp:219
__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
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:2692
void updatePoseQuat(Vec4d &Q, Vec3d &NewT)
Updates the pose with the new one, but this time using quaternions to represent rotation.
Affine3d getWidgetPose(const String &id) const
Returns the current pose of a widget in the window.
Ptr< TonemapMantiuk > createTonemapMantiuk(float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
Creates TonemapMantiuk object.
@ COLOR_GRAY2BGRA
Definition: imgproc.hpp:550
void setReductionRatio(int rRatio)
Set reduction ratio (used in Gaussian pyramids)
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.
static void reset_scratch(gapi::fluid::Buffer &scratch_buf)
Definition: gfluidkernel.hpp:390
virtual void setProduceHiddenOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
virtual void write(FileStorage &fs) const CV_OVERRIDE
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::use_only() is a special combinator which hints G-API to use only kernels specified in cv::GComput...
Definition: gkernel.hpp:705
virtual ~QuantizedPyramid()
Definition: linemod.hpp:59
@ COLOR_SPACE_Lab_A_2
non-RGB color space
Definition: ccm.hpp:126
@ DETECTED_NOT_SHOWN_YET
Definition: detection_based_tracker.hpp:140
AVCaptureVideoDataOutput * videoDataOutput
Definition: cap_ios.h:102
bool updateGain
Definition: exposure_compensate.hpp:91
virtual int getMinSampleCount() const =0
Definition: warping.hpp:108
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:215
void updateTrackedObjects(const std::vector< cv::Rect > &detectedObjects)
@ SLICO
Definition: slic.hpp:64
virtual double getSigma()=0
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
Definition: sparse_matching_gpc.hpp:281
static bool hasEqualOrGreater(int major, int minor)
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:155
cv::Mat _range
Definition: qualitybrisque.hpp:68
@ CAP_PROP_XI_KNEEPOINT2
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:481
virtual Mat getTrainSampleWeights() const =0
This class represents high-level API for text detection DL networks compatible with DB model.
Definition: dnn.hpp:1544
cv::String findFile(const cv::String &relative_path, bool required=true, bool silentMode=false)
Try to find requested data file.
const ::cvflann::IndexParams * getIndexParameters()
Definition: flann.hpp:328
Base Interface for optical flow algorithms using NVIDIA Optical Flow SDK.
Definition: cudaoptflow.hpp:108
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
Definition: gstreaming.hpp:40
S State
Definition: gcpukernel.hpp:476
@ QT_CHECKBOX
Checkbox button.
Definition: highgui.hpp:258
int height
Definition: graycodepattern.hpp:80
Definition: volume.hpp:19
float tsdf_min_camera_movement
Minimal camera movement in meters Integrate new depth frame only if camera movement exceeds this valu...
Definition: large_kinfu.hpp:65
Definition: gopaque.hpp:309
void setMinDepth(double val)
Definition: depth.hpp:795
virtual double getGamma() const =0
static Ptr< Board > create(InputArrayOfArrays objPoints, const Ptr< Dictionary > &dictionary, InputArray ids)
Provide way to create Board by passing necessary data. Specially needed in Python.
void remove_all(const cv::String &path)
Definition: optical_flow.hpp:104
virtual void init(const CvFeatureParams &fp) CV_OVERRIDE
virtual bool getUseInitialFlow() const =0
v_int64x2(int64 v0, int64 v1)
Definition: intrin_rvv.hpp:494
virtual void setAlpha(float value)=0
Sets the step size of sliding window search.
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:2666
void imagesFromBlob(const cv::Mat &blob_, OutputArrayOfArrays images_)
Parse a 4D blob and output the images it contains as 2D arrays through a simpler data structure (std:...
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.
@ CALIB_FIX_GAMMA
Definition: omnidir.hpp:64
void * VADisplay
Definition: va_intel.hpp:22
@ nlanes
Definition: intrin_rvv.hpp:263
virtual void load(const std::string &path) CV_OVERRIDE=0
static MatExpr max(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3699
bool signedGradient
Indicates signed gradient will be used or not.
Definition: objdetect.hpp:629
@ COLORMAP_PARULA
Definition: imgproc.hpp:4279
@ NORM_RELATIVE
flag
Definition: base.hpp:206
static GFluidKernel kernel()
Definition: gfluidkernel.hpp:423
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)
Mat getDefaultNewCameraMatrix(InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
Returns the default new camera matrix.
void storeKind()
Definition: gopaque.hpp:265
schar get0() const
Definition: intrin_rvv.hpp:285
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
virtual void getEntityAnimations(const String &name, std::vector< String > &out)=0
@ COLOR_SPACE_AdobeRGB
https://en.wikipedia.org/wiki/Adobe_RGB_color_space , RGB color space
Definition: ccm.hpp:96
void startWriteAVI(int stream_count)
float Type
Definition: features2d.hpp:889
@ OCR_LEVEL_TEXTLINE
Definition: ocr.hpp:63
virtual Mat getTrainResponses() const =0
Returns the vector of responses.
bool ceilMode
Definition: all_layers.hpp:255
int numVertices() const
Definition: util.hpp:90
~shared_lock_guard()
Definition: lock.private.hpp:51
static float reinterpret_from_int(int_type x)
Definition: intrin.hpp:166
ushort val[4]
Definition: intrin_rvv.hpp:49
virtual size_t count() const =0
Returns number of counted people.
Mat initCameraMatrix2D(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
Finds an initial camera intrinsic matrix from 3D-2D point correspondences.
@ ALPHA_PLUS
Definition: cudaimgproc.hpp:159
virtual const std::vector< Mat > & stabilizedFrames() const
Definition: inpainting.hpp:88
@ MATERIAL_POINT_SIZE
Definition: ovis.hpp:60
GMatP yieldP(int output=0)
DetectorType
Definition: features2d.hpp:544
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:232
std::shared_ptr< void > allocatorContext
Definition: mat.hpp:568
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.
@ NCV_FILE_ERROR
Definition: NCV.hpp:321
static void createHeader(int num_item, int rows, int cols, const char *headerPath)
Create header in binary files collecting the image data and label.
std::vector< std::string > output_names
Definition: ie.hpp:56
@ DNN_TARGET_CUDA
Definition: dnn.hpp:95
G_TYPED_KERNEL_M(GPolarToCart,< GMat2(GMat, GMat, bool)>, "org.opencv.core.math.polarToCart")
Definition: core.hpp:139
Mat getOptimalNewCameraMatrix(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0, bool centerPrincipalPoint=false)
Returns the new camera intrinsic matrix based on the free scaling parameter.
void extractControlPoints(int num, int len, InputArray pts3d, InputArray rvec, InputArray tvec, InputArray K, const Size &imsize, InputArray tris, OutputArray ctl2d, OutputArray ctl3d)
void setScale(float)
Definition: warpers.hpp:130
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
@ COLORMAP_TWILIGHT
Definition: imgproc.hpp:4285
virtual void apply(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Applies the specified filter to the image.
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:156
double value
Definition: ml.hpp:1161
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:139
unsigned char code
Definition: types.hpp:299
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:97
PCAPrior(const char *pathToPrior)
@ COLOR_SPACE_XYZ_D55_2
non-RGB color space
Definition: ccm.hpp:116
void setWindowTitle(const String &winname, const String &title)
Updates window title.
friend Quat< T > atanh(const Quat< T > &q)
return arctanh value of quaternion q, arctanh could be calculated as:
void _cleanupDetachedData()
Definition: tls.hpp:189
LpMotionStabilizer(MotionModel model=MM_SIMILARITY)
int value_type
Definition: vec_distance.hpp:63
cv::Mat get_column_range(const cv::Mat &data)
Definition: quality_utils.hpp:62
std::shared_ptr< OptHolder > Ptr
Definition: gstreaming.hpp:38
Definition: all_layers.hpp:483
void deallocate()
internal use function, consider to use 'release' method instead; deallocates the matrix data
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:244
int getCols() const
Definition: depth.hpp:132
Quat< _Tp > tan() const
return tan value of this quaternion, tan could be calculated as:
virtual bool getFrame(Mat &frame, int datasetID, int frameID)=0
Definition: warpers.hpp:382
@ MORPH_RECT
a rectangular structuring element:
Definition: imgproc.hpp:231
@ SOLVEPNP_IPPE
Definition: calib3d.hpp:465
int aprilTagMinClusterPixels
Definition: aruco.hpp:182
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.
GAPI_WRAP GNetPackage()=default
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:172
@ COLOR_YUV2RGBA_UYNV
Definition: imgproc.hpp:693
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.
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracking_legacy.hpp:425
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 reset() CV_OVERRIDE
Size frameSize
frame size in pixels
Definition: large_kinfu.hpp:39
NCVStatus nppsStCompact_32s(Ncv32s *d_src, Ncv32u srcLen, Ncv32s *d_dst, Ncv32u *p_dstLen, Ncv32s elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
ImwriteEXRTypeFlags
Definition: imgcodecs.hpp:107
virtual void setP1(int P1)=0
#define GAPI_WRAP
Definition: exports.hpp:19
ToFileMotionWriter(const String &path, Ptr< ImageMotionEstimatorBase > estimator)
@ GC_INIT_WITH_RECT
Definition: imgproc.hpp:355
cudaTextureObject_t texObj
Definition: texture.hpp:190
void setScaleFactor(float value)
Definition: detection_based_tracker.hpp:100
Definition: ar_sports.hpp:61
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
void setPreferableBackend(int backendId)
Set computation backend.
std::vector< T > & wref()
Definition: garray.hpp:186
DetectionModel(const Net &network)
Create model from deep learning network.
int rows
Definition: deriv.hpp:209
Definition: gfluidkernel.hpp:262
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
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
GAPI_WRAP GComputation(GMat in, GMat out)
Defines an unary (one input – one output) computation.
@ WMF_IV2
Definition: weighted_median_filter.hpp:68
Definition: tracking.hpp:118
__host__ void gridMinMaxLoc(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:353
bool empty() const
Definition: qualitygmsd.hpp:74
const _Tp * pointer
Definition: mat.hpp:3081
void setTargetResponses(const Mat &responses)
Set the features extracted from TrackerContribFeatureSet.
virtual void setGridStep(Size val)=0
Size of the grid to spawn the motion vectors.
@ NCVMemoryTypeDevice
Definition: NCV.hpp:432
SolverType getSolverType() const
Ptr< Volume > makeVolume(const VolumeParams &_volumeParams)
Definition: detection_based_tracker.hpp:61
float minDensity
Definition: calib3d.hpp:1634
void * depth_cleaner_impl_
Definition: depth.hpp:263
std::vector< GPCPatchSample > GPCSamplesVector
Definition: sparse_matching_gpc.hpp:86
OBJECT m_payload
Definition: utility.hpp:1114
signed char schar
Definition: interface.h:48
GpuMat rowRange(int startrow, int endrow) const
... for the specified row span
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
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.
ERStat * min_probability_ancestor
Definition: erfilter.hpp:111
Definition: gr_chalearn.hpp:76
size_t hashidx
Definition: mat.hpp:3218
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3135
Bilinear resize layer from https://github.com/cdmh/deeplab-public-ver2.
Definition: all_layers.hpp:666
MemoryFlag
Definition: mat.hpp:532
static Ptr< HistogramPhaseUnwrapping > create(const HistogramPhaseUnwrapping::Params ¶meters=HistogramPhaseUnwrapping::Params())
Constructor.
virtual void setNumIters(int iters)=0
std::vector< GRunArg > GRunArgs
Definition: garg.hpp:165
void forward(OutputArrayOfArrays outputBlobs, const String &outputName=String())
Runs forward pass to compute output of layer with name outputName.
void colorMatchTemplate(InputArray img, InputArray templ, OutputArray result)
Compares a color template against overlapped color image regions.
The Track class describes tracks.
Definition: tracking_by_matching.hpp:318
static float DEFAULT_MAX_DEPTH()
Definition: depth.hpp:540
static Ptr< SIFT > create(int nfeatures, int nOctaveLayers, double contrastThreshold, double edgeThreshold, double sigma, int descriptorType)
Create SIFT with specified descriptorType.
@ NCV_INVALID_SCALE
Definition: NCV.hpp:330
static void read(const FileNode &node, std::vector< KeyPoint > &vec, const std::vector< KeyPoint > &default_value)
Definition: persistence.hpp:1194
Definition: deriv.hpp:235
BundleAdjusterBase(int num_params_per_cam, int num_errs_per_measurement)
Construct a bundle adjuster base instance.
Definition: motion_estimators.hpp:155
void CGImageToMat(const CGImageRef image, cv::Mat &m, bool alphaExist=false)
VectorRefT()
Definition: garray.hpp:154
@ IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs.hpp:135
NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
~variant()
Definition: variant.hpp:273
Yes a[2]
Definition: functional.hpp:877
std::shared_ptr< Priv > m_priv
Definition: gcall.hpp:69
void * indexPCFlann(Mat pc)
T & value()
Definition: optional.hpp:139
virtual void setQualityLevel(double qlevel)=0
void rotation(const Vec3 &rvec)
virtual NcvBool isInitialized() const
#define OPENCV_HAL_IMPL_RVV_REDUCE(_Tpvec, func, scalartype, suffix, width, red)
Definition: intrin_rvv.hpp:1491
@ RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:445
Quat< _Tp > operator/(const _Tp s) const
Division operator of a quaternions and a scalar. It divides left operand with the right operand and a...
virtual void load(const std::string &path) CV_OVERRIDE=0
int axis
Definition: all_layers.hpp:546
void showImage(InputArray image, const Size &window_size=Size(-1, -1))
Removed all widgets and displays image scaled to whole window area.
Mat A0
average of gray values from all face region in the dataset
Definition: facemarkAAM.hpp:121
@ CPU_NEON
Definition: cvdef.h:322
@ CAP_REALSENSE
Synonym for CAP_INTELPERC.
Definition: videoio.hpp:112
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
float response
the response by which the most strong keypoints have been selected. Can be used for the further sorti...
Definition: types.hpp:776
v_reg< _Tp, n > v_rotate_left(const v_reg< _Tp, n > &a)
Element shift left among vector.
Definition: intrin_cpp.hpp:1209
virtual void setMinSize(int min_size)=0
Mat cls
Definition: tracking_feature.private.hpp:89
Definition: warpers.hpp:227
EncoderParams(const String &configFile)
Constructors.
int thick
The thickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled ci...
Definition: render_types.hpp:189
int size() const
Returns the vertex count.
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
Definition: cudalegacy.hpp:71
@ CAP_PROP_XI_HW_REVISION
Returns hardware revision number.
Definition: videoio.hpp:483
virtual void setMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:89
View & operator=(View &&v)
const _Tp * data() const
returns read-only pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:130
Definition: warpers.hpp:495
static Ptr< SwishLayer > create(const LayerParams ¶ms)
Mat_(int _rows, int _cols, const _Tp &value)
constructor that sets each matrix element to specified value
@ PSM_AUTO_OSD
Definition: ocr.hpp:70
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
virtual ~ClassifierCallback()
Definition: ocr.hpp:207
virtual ~NCVMatrix()
Definition: NCV.hpp:749
const DictValue & get(const String &key) const
If the key in the dictionary then returns its value, else an error will be generated.
FileNode(const FileStorage *fs, size_t blockIdx, size_t ofs)
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 transformation between images.
Definition: matchers.hpp:237
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:200
Mat normals
Definition: depth.hpp:476
Vec< int, 4 > Vec4i
Definition: matx.hpp:423
virtual void setFindLargestObject(bool findLargestObject)=0
int getNumAreas() const
Definition: tracking_feature.private.hpp:108
UMat(int rows, int cols, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs 2D matrix of the specified size and type
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
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
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:652
Definition: warpers.hpp:192
bool runTask(bool sync, const Queue &q=Queue())
int deviceID() const
Returns system index of the CUDA device starting with 0.
float getSigmaSpatial() const
Definition: depth.hpp:1104
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
virtual void setRefineModels(bool refineModles=true)=0
Parameter to choose wether additional refinement of the piece-wise affine models is employed.
int cols
Definition: interpolation.hpp:78
Ask G-API to dump compiled graph in Graphviz format under the given file name.
Definition: gcommon.hpp:249
virtual const Affine3f getPose() const =0
Get current pose in voxel space.
Definition: ar_sports.hpp:67
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
MotionEstimatorRansacL2(MotionModel model=MM_AFFINE)
@ ERGROUPING_ORIENTATION_HORIZ
Definition: erfilter.hpp:279
void getLayersShapes(const MatShape &netInputShape, std::vector< int > &layersIds, std::vector< std::vector< MatShape > > &inLayersShapes, std::vector< std::vector< MatShape > > &outLayersShapes) const
Mat(const std::vector< _Tp > &vec, bool copyData=false)
unsigned member_type
Definition: core.hpp:3260
Definition: gproto.hpp:89
@ light
Definition: gr_skig.hpp:83
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > warpPerspectivePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:148
virtual bool getUseVariationalRefinement() const =0
Parameter to choose wether the VariationalRefinement post-processing is employed.
@ RECTIFY_CYLINDRICAL
Definition: omnidir.hpp:70
int trackMaxPosNum
Definition: tracking.private.hpp:370
ocr_engine_mode
Tesseract.OcrEngineMode Enumeration.
Definition: ocr.hpp:84
virtual int getAlgorithmType() const =0
virtual void setMaxLevel(int maxLevel)=0
void setTargetHeight(int height)
Set the height of the target.
@ DETECTED_TEMPORARY_LOST
Definition: detection_based_tracker.hpp:142
@ CAP_PROP_OPENNI_FOCAL_LENGTH
In pixels.
Definition: videoio.hpp:239
void setWinSize(Size patchSize)
Definition: tracking_feature.private.hpp:136
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
static Ptr< DepthNormal > create(int distance_threshold, int difference_threshold, size_t num_features, int extract_threshold)
__host__ GpuMat_ & assign(const Expr< Body > &expr, Stream &stream)
__host__ __device__ NcvSize32s(Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:177
bool writeOpticalFlow(const String &path, InputArray flow)
Write a .flo to disk.
void sub8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
#define CV_AVX_512VBMI
Definition: cv_cpu_dispatch.h:292
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
V_TypeTraits< _Tp >::sum_type v_reduce_sum(const v_reg< _Tp, n > &a)
Sum packed values.
Definition: intrin_cpp.hpp:1223
const std::vector< Mat > & getSamples() const
Return the samples from all TrackerContribSamplerAlgorithm, Fig. 1 variable Sk.
static plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:95
~CommandLineParser()
Destructor.
bool addTrackerFeature(String trackerFeatureType)
Add TrackerContribFeature in the collection. Return true if TrackerContribFeature is added,...
OpaqueRefT(const T &obj)
Definition: gopaque.hpp:148
Definition: all_layers.hpp:246
void invSqrt64f(const double *src, double *dst, int len)
@ CALIB_TILTED_MODEL
Definition: calib3d.hpp:510
@ CAP_DC1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:97
virtual void setTemplate(InputArray edges, InputArray dx, InputArray dy, Point templCenter=Point(-1, -1))=0
CALayer * customPreviewLayer
Definition: cap_ios.h:105
optional(const optional &)=default
void createPlaneMesh(const String &name, const Size2f &size, InputArray image=noArray())
std::size_t m_elemSize
Definition: garray.hpp:125
cv::String getInferenceEngineVPUType()
Returns Inference Engine VPU type.
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
@ CAP_PROP_OPENNI2_MIRROR
Definition: videoio.hpp:250
Moments(double m00, double m10, double m01, double m20, double m11, double m02, double m30, double m21, double m12, double m03)
the full constructor
@ DFT_COMPLEX_INPUT
Definition: base.hpp:256
Ptr< cuda::DisparityBilateralFilter > createDisparityBilateralFilter(int ndisp=64, int radius=3, int iters=1)
Creates DisparityBilateralFilter object.
float maxThreshold
Definition: features2d.hpp:721
Affine3 rotate(const Mat3 &R) const
a.rotate(R) is equivalent to Affine(R, 0) * a;
static void read(const FileNode &node, short &value, short default_value)
Definition: persistence.hpp:1159
std::tuple< GMat, GMat > integral(const GMat &src, int sdepth=-1, int sqdepth=-1)
Calculates the integral of an image.
virtual void load(const std::string &path) CV_OVERRIDE=0
virtual void setMinLineLength(int minLineLength)=0
@ COLOR_YUV2BGR_I420
Definition: imgproc.hpp:655
const char * vecopTypeToStr(int t)
virtual void setMaxAspectRatio(float value)=0
Sets the max aspect ratio of boxes.
static Ptr< SVM > load(const String &filepath)
Loads and creates a serialized svm from a file.
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_AddOp)
Definition: NCVHaarObjectDetection.hpp:79
virtual void fetchNormals(InputArray points, OutputArray _normals) const =0
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.
bool empty() const
Definition: ocl.hpp:376
virtual void dswrite(InputArray Array, const String &dslabel, const int *dims_offset, const int *dims_counts) const =0
Write or overwrite a Mat object into specified dataset of hdf5 file.
std::string value
Definition: tr_icdar.hpp:62
Event(Event::CreateFlags flags=Event::CreateFlags::DEFAULT)
static Ptr< NormalizeBBoxLayer > create(const LayerParams ¶ms)
Definition: extrapolation.hpp:95
CGImageRef MatToCGImage(const cv::Mat &image) CF_RETURNS_RETAINED
virtual float getP() const =0
Percent of top/bottom values to ignore.
bool split_coeff
split the training coefficients into two matrices
Definition: tracking.hpp:128
Point_(const Size_< _Tp > &sz)
_Tp & operator[](std::size_t n)
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
auto compileStreaming(const Ts &... meta_and_compile_args) -> typename std::enable_if< detail::are_meta_descrs_but_last< Ts... >::value &&std::is_same< GCompileArgs, detail::last_type_t< Ts... > >::value, GStreamingCompiled >::type
Definition: gcomputation.hpp:494
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
ShapeMatchModes
Shape matching methods.
Definition: imgproc.hpp:452
float similarity
Definition: linemod.hpp:284
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.
@ COLOR_YUV2RGB
Definition: imgproc.hpp:633
__host__ GpuMat_(InputArray arr, Allocator *allocator=defaultAllocator())
builds GpuMat from host memory (Blocking call)
@ COLOR_GRAY2RGB
Definition: imgproc.hpp:549
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)
Definition: tr_icdar.hpp:75
@ size
Definition: tuple.hpp:67
bool load(const String &filename)
Loads a classifier from a file.
virtual int getMinRegionSizeII()=0
virtual Mat getWeights(int layerIdx) const =0
Matx< _Tp, m, n > mul(const Matx< _Tp, m, n > &a) const
multiply two matrices element-wise
G_TYPED_KERNEL(GSize,< GOpaque< Size >(GMat)>, "org.opencv.streaming.size")
Definition: core.hpp:583
@ CASCADE_DO_ROUGH_SEARCH
Definition: objdetect.hpp:171
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
@ CAP_PROP_ORIENTATION_META
(read-only) Frame rotation defined by stream meta (applicable for FFmpeg back-end only)
Definition: videoio.hpp:183
void setFov(const Vec2d &fov)
Definition: types.hpp:217
Definition: tracking.private.hpp:22
void endWriteStruct()
Finishes writing nested structure (should pair startWriteStruct())
cv::Mat getStructuringElement(int shape, Size ksize)
Returns a run length encoded structuring element of the specified size and shape.
int radius() const
Definition: motion_stabilizing.hpp:103
Definition: intrin_rvv.hpp:421
virtual void setNonMaxSuppression(bool nonMaxSuppression)=0
virtual void getCloud(OutputArray points, OutputArray normals) const =0
Gets points and normals of current 3d mesh.
@ CAP_PVAPI_DECIMATION_2OUTOF16
2 out of 16 decimation
Definition: videoio.hpp:322
@ CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio.hpp:257
@ CAP_PROP_EXPOSURE
Exposure (only for those cameras that support).
Definition: videoio.hpp:150
static Scalar all(double v0)
Definition: scalar.hpp:33
double mat4[3]
Definition: msm_epfl.hpp:65
Definition: ar_hmdb.hpp:68
Size_< int > Size2i
Definition: types.hpp:343
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.
@ CAP_OPENNI_SXGA_30HZ
Definition: videoio.hpp:280
WindowFlags
Flags for cv::namedWindow.
Definition: highgui.hpp:186
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
virtual ~AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:16
@ StsDivByZero
division by zero
Definition: base.hpp:102
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:3084
void split(const Mat &src, Mat *mvbegin)
Divides a multi-channel array into several single-channel arrays.
virtual void setUseRNG(bool val)=0
Ptr< CornernessCriteria > createHarrisCorner(int srcType, int blockSize, int ksize, double k, int borderType=BORDER_REFLECT101)
Creates implementation for Harris cornerness criteria.
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)
Convert OpenCL image2d_t to UMat.
Vec(_Tp v0, _Tp v1, _Tp v2)
3-element vector constructor
@ COLOR_SPACE_Lab_D65_2
https://en.wikipedia.org/wiki/CIELAB_color_space , non-RGB color space
Definition: ccm.hpp:122
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
void _mm_deinterleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:56
cv::Matx33f getMat() const
Definition: intrinsics.hpp:73
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.
float dx
horizontal interval between letters
Definition: highgui.hpp:710
@ LINE_LOOP
Definition: opengl.hpp:481
@ CAP_PROP_XI_DEVICE_RESET
Resets the camera to default state.
Definition: videoio.hpp:472
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:407
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:397
@ OEM_TESSERACT_ONLY
Definition: ocr.hpp:85
int64 val[2]
Definition: intrin_rvv.hpp:512
virtual void clear()=0
Clears the train descriptor collection.
Stream()
creates a new asynchronous stream
@ CAP_PROP_SAR_DEN
Sample aspect ratio: num/den (den)
Definition: videoio.hpp:176
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:121
float minDistBetweenBlobs
Definition: features2d.hpp:723
static Ptr< ANN_MLP > create()
Creates empty model.
Mat eigenvalues
eigenvalues of the covariation matrix
Definition: core.hpp:2543
int cols
Definition: interpolation.hpp:273
virtual ~TrackerBoosting() CV_OVERRIDE
Definition: tracking_legacy.hpp:177
std::string string() const
Simplified reading API to use with bindings.
bool open(const String &filename, int apiPreference, int fourcc, double fps, Size frameSize, bool isColor=true)
Flags
Definition: core.hpp:2406
uchar * ptr
Definition: imgproc.hpp:4812
virtual bool empty() const =0
Returns true if there are no train descriptors in the collection.
virtual ~DFT1D()
Definition: hal.hpp:208
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
Definition: gcpukernel.hpp:458
Model & setInputMean(const Scalar &mean)
Set mean value for frame.
virtual int getDims() const =0
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions) CV_OVERRIDE
assumes that [0, size-1) is in or equals to [range.first, range.second)
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
std::string filename
Definition: or_pascal.hpp:80
virtual void setNOctaveLayers(int octaveLayers)=0
std::vector< bool > non_maximal_suppression(std::vector< std::vector< double > > *boxes, std::vector< double > *probs)
Applies Non-Maximal Supression.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:522
VecCommaInitializer(Vec< _Tp, m > *_vec)
genderType gender
Definition: fr_adience.hpp:73
virtual float getInitialStepSize() const =0
Parameter initialStepSize of a SVMSGD optimization problem.
float lambda
lambda stores a value to calculate probability of closeness of two coordinates.
Definition: face_alignment.hpp:33
static softfloat zero()
Zero constant.
Definition: softfloat.hpp:204
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response) CV_OVERRIDE=0
Aligns images.
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:316
hashtable_int * hashtableRead(FILE *f)
Ncv32f * pNewFrame
new frame
Definition: NPP_staging.hpp:125
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: ie.hpp:123
size_t elemSize() const
returns element size in bytes
void writeFormat(FileStorage &fs) const
int recentEdge
Definition: imgproc.hpp:1245
Size getOriginalWindowSize() const
virtual void getInitStep(OutputArray step) const =0
Returns the initial step that will be used in downhill simplex algorithm.
GMat max(const GMat &src1, const GMat &src2)
Calculates per-element maximum of two matrices.
CostFunction costFunction() const
Definition: seam_finders.hpp:128
AsyncArray getArrayResult()
@ THINNING_GUOHALL
Definition: ximgproc.hpp:112
void importReconstruction(const cv::String &file, OutputArrayOfArrays Rs, OutputArrayOfArrays Ts, OutputArrayOfArrays Ks, OutputArrayOfArrays points3d, int file_format=SFM_IO_BUNDLER)
Import a reconstruction file.
Rect resolution
resolution of the current scale
Definition: facemarkAAM.hpp:117
Exception(int _code, const String &_err, const String &_func, const String &_file, int _line)
virtual int getMaxCategories() const =0
bool bottom_left_origin
When true, the image data origin is at the bottom-left corner. Otherwise, it is at the top-left corne...
Definition: render_types.hpp:81
double Px
Definition: gr_chalearn.hpp:67
float score
Definition: edgeboxes.hpp:60
@ CAP_OPENNI_BGR_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:271
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:78
~AutoBuffer()
destructor. calls deallocate()
virtual void setup(String retinaParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
Try to open an XML retina parameters file to adjust current retina instance setup.
void printError(RiffList &list, unsigned int expected_fourcc)
std::string trg_id
Target ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:31
Definition: infer.hpp:214
static GComputation get_substitute()
Definition: gtransform.hpp:60
Definition: gfluidbuffer.hpp:96
virtual void setInnerIterations(int val)=0
Inner iterations (between outlier filtering) used in the numerical scheme.
static cv::Ptr< MACE > load(const String &filename, const String &objname=String())
constructor
Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform ...
Definition: features2d.hpp:277
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
void * _getImpl() const CV_NOEXCEPT
Definition: async_promise.hpp:63
std::vector< int > labels
Definition: ar_sports.hpp:63
#define OPENCV_HAL_IMPL_RVV_REDUCE_SUM(_Tpvec, _wTpvec, _nwTpvec, scalartype, suffix, wsuffix, wwidth, red)
Definition: intrin_rvv.hpp:1467
@ CALIB_ZERO_TANGENT_DIST
Definition: calib3d.hpp:499
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
Definition: gcpukernel.hpp:136
size_t maxConstantBufferSize() const
Ptr< detail::ExposureCompensator > exposureCompensator()
Definition: stitching.hpp:238
static const std::vector< U > & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:189
void estimateTransformation(InputArray src, InputArray dst, OutputArray alphaPhiST, double &dist, bool fdContour=false)
Fit two closed curves using fourier descriptors. More details in and .
Definition: fr_adience.hpp:84
virtual void setSigma(double sigma)=0
Definition: interpolation.hpp:295
@ CPU_AVX_512VL
Definition: cvdef.h:314
@ CAP_OPENNI_QVGA_60HZ
Definition: videoio.hpp:282
void setAutoRelease(bool flag)
Sets auto release mode.
GMat dilate(const GMat &src, const Mat &kernel, const 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.
void setTrackbarMin(const String &trackbarname, const String &winname, int minval)
Sets the trackbar minimum position.
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Apply Guided Filter to the filtering image.
@ NCV_MEM_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:341
void read(const FileNode &fn)
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)
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
virtual float getSigmaSpace() const =0
Mat transformPCPose(Mat pc, const Matx44d &Pose)
bool empty() const
returns true if the node is empty
@ CAP_PVAPI_FSTRIGMODE_SOFTWARE
Software.
Definition: videoio.hpp:315
v_reg< float, 4 > v_float32x4
Four 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:405
State
Definition: persistence.hpp:324
int maxCatCount
Definition: feature.hpp:155
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:290
void merge16u(const ushort **src, ushort *dst, int len, int cn)
Dictionary/Set of markers. It contains the inner codification.
Definition: dictionary.hpp:61
schar elem_type
Definition: vec_traits.hpp:152
@ CAP_PROP_SPEED
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:579
virtual void setNumLevels(int numLevels)=0
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: onnx.hpp:99
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:1128
virtual void setUseVariationalRefinement(bool val)=0
enables VariationalRefinement
@ COLOR_BayerRG2GRAY
Definition: imgproc.hpp:755
ColorConversionCodes
Definition: imgproc.hpp:527
std::vector< detail::HostCtor > GCtors
Definition: gkernel.hpp:37
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
@ patch_size_x
Definition: reduce.hpp:299
SrcPtr src
Definition: interpolation.hpp:299
size_t hashval
hash value
Definition: mat.hpp:2690
@ COLOR_SPACE_Lab_D50_10
non-RGB color space
Definition: ccm.hpp:125
void max64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
Texture2D(Size asize, Format aformat, bool autoRelease=false)
std::vector< GRunArgP > GRunArgsP
Definition: garg.hpp:217
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
__host__ GpuMat_ row(int y) const
@ SOLVEPNP_AP3P
An Efficient Algebraic Solution to the Perspective-Three-Point Problem .
Definition: calib3d.hpp:464
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
int getNumBaseClassifier()
Ptr< DenseOpticalFlow > createOptFlow_PCAFlow()
Creates an instance of PCAFlow.
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())
Mosaic(const cv::Rect &mos_, int cellSz_, int decim_)
Mosaic constructor.
Definition: render_types.hpp:248
void getNextFrame(OutputArray frame, OutputArray gtMask)
Obtain the next frame in the sequence.
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:468
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
@ CAP_PROP_WB_TEMPERATURE
white-balance color temperature
Definition: videoio.hpp:180
void destroyFlann(void *flannIndex)
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:952
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
Mat addNoisePC(Mat pc, double scale)
int DIMode
NVVE_SET_DEINTERLACE,.
Definition: cudacodec.hpp:101
const Mat & getCls() const
Definition: feature.hpp:184
T thresh
Definition: functional.hpp:716
Definition: functional.hpp:281
int verbosity_level
Definition: simple_pipeline.hpp:155
Matx< float, 4, 1 > Matx41f
Definition: matx.hpp:234
@ WND_PROP_TOPMOST
property to toggle normal window being topmost or not
Definition: highgui.hpp:205
void writeParameters(const std::string &filename)
int64_t cvRound64(const cv::softdouble &a)
Rounds a number to nearest even long long integer.
Definition: optional.hpp:19
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
bool doInpainting_
Definition: stabilizer.hpp:131
void dilate(InputArray rlSrc, OutputArray rlDest, InputArray rlKernel, Point anchor=Point(0, 0))
Dilates an run-length encoded binary image by using a specific structuring element.
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.
void absdiff64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
@ DIST_FAIR
distance = c^2(|x|/c-log(1+|x|/c)), c = 1.3998
Definition: imgproc.hpp:305
SparseMat_ clone() const CV_NODISCARD
makes full copy of the matrix. All the elements are duplicated
@ HAAR
Definition: bm3d_image_denoising.hpp:64
virtual void suppress(int idx, const Mat &frame, Mat &result) CV_OVERRIDE
static const char * tag()
Definition: gkernel.hpp:716
@ FLOODFILL_FIXED_RANGE
Definition: imgproc.hpp:379
@ SOLVELP_SINGLE
there is only one maximum for target function
Definition: optim.hpp:261
static Context fromDevice(const ocl::Device &device)
void setCostFunction(String val)
virtual int getScaleThresh() const =0
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:75
Definition: facemarkLBF.hpp:49
@ COLOR_YUV2RGB_YUNV
Definition: imgproc.hpp:702
void absdiff16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
TrackerContribFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracking_internals.hpp:851
virtual void setOuterIterations(int val)=0
Number of warping iterations (number of pyramid levels)
std::size_t num_out
Definition: ie.hpp:64
uint64_t saturate_cast< uint64_t >(softfloat a)
Definition: softfloat.hpp:433
int getW() const
Definition: saliencySpecializedClasses.hpp:353
float B0factor
Definition: checker_detector.hpp:116
virtual void dscreate(const int n_dims, const int *sizes, const int type, const String &dslabel, const int compresslevel) const =0
ColorCorrectionModel(const Mat &src, Mat colors, COLOR_SPACE ref_cs)
Color Correction Model.
@ CAP_ARAVIS
Aravis SDK.
Definition: videoio.hpp:120
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:178
virtual void deserialize(cv::gapi::s11n::IIStream &)
Definition: rmat.hpp:113
~TrackerContribSamplerCSC()
bool getConfigurationParameterBool(const char *name, bool defaultValue)
int type() const
Returns the type of a matrix element.
Definition: mat.hpp:195
bool empty() const
Definition: inpainting.hpp:112
const float raycastStepFactor
Definition: volume.hpp:43
Mat state
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: video.hpp:27
Definition: all_layers.hpp:495
Definition: motion_stabilizing.hpp:60
virtual void setDiffusivity(KAZE::DiffusivityType diff)=0
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:108
float x
Definition: interface.h:21
CV_EXPORTS_W bool imencode(const String &ext, InputArray img, CV_OUT std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >())
Encodes an image into a memory buffer.
Mat colors
point color of type CV_8UC3 or CV_8UC4 with only 1 row
Definition: types.hpp:130
@ triangle
Definition: gr_skig.hpp:63
@ COLOR_BayerBG2BGR_MHT
Bayer Demosaicing (Malvar, He, and Cutler)
Definition: cudaimgproc.hpp:95
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.
GMat RGB2YUV(const GMat &src)
Converts an image from RGB color space to YUV color space.
int64 getCounter() const
returns internal counter value.
Definition: utility.hpp:345
@ DISTANCE_CIE94_TEXTILES
Definition: ccm.hpp:348
The base class for image hash algorithms.
Definition: img_hash_base.hpp:19
@ MARKER_DIAMOND
A diamond marker shape.
Definition: imgproc.hpp:837
int randomGeneratorState
Definition: calib3d.hpp:562
int readGT(String src_path, OutputArray dst)
Function for reading ground truth disparity maps. Supports basic Middlebury and MPI-Sintel formats....
virtual void setTau(double val)=0
Time step of the numerical scheme.
unsigned long cascade_depth
cascade_depth This stores the deapth of cascade used for training.
Definition: face_alignment.hpp:21
void apply(cv::Mat in, cv::Scalar &out, GCompileArgs &&args={})
Execute an unary computation (with compilation on the fly)
@ INPAINT_FSR_BEST
Definition: inpainting.hpp:94
void colormap(const Mat &quantized, Mat &dst)
Debug function to colormap a quantized image for viewing.
bool isNaN() const
NaN state indicator.
Definition: softfloat.hpp:305
void recip32s(const int *, size_t, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
virtual void setVariationalRefinementIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
@ CV_CS_CENSUS
Definition: descriptor.hpp:14
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates implementation for generalized hough transform from .
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities ...
Definition: exposure_compensate.hpp:146
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking.hpp:99
Quat< T > asinh(const Quat< T > &q)
static Ptr< IR_affine > create()
A helper class for cv::DataType.
Definition: traits.hpp:285
double getMaxTranslation() const
Definition: depth.hpp:981
double getSensorErrorA() const
Definition: depth.hpp:421
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)
GMatDesc descr_of(const Mat &mat)
@ NCV_INCONSISTENT_INPUT
Definition: NCV.hpp:324
#define OPENCV_HAL_IMPL_RVV_ROTATE_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1755
void detectInRegion(const cv::Mat &img, const cv::Rect &r, std::vector< cv::Rect > &detectedObjectsInRegions)
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
Detects objects of different sizes in the input image. The detected objects are returned as a list of...
virtual void setUseGlobalSmootherFilter(bool use_FGS=true)=0
Sets whether the fastGlobalSmootherFilter() post-processing is employed.
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:831
float aprilTagQuadSigma
Definition: aruco.hpp:179
@ DIST_LABEL_CCOMP
Definition: imgproc.hpp:370
v_uint8x16 v_pack_b(const v_uint16x8 &a, const v_uint16x8 &b)
! For 16-bit boolean values
Definition: intrin_cpp.hpp:2625
Point2f getVertex(int vertex, int *firstEdge=0) const
Returns vertex location from vertex ID.
@ COLOR_YUV420sp2BGR
Definition: imgproc.hpp:641
GShape shape
Definition: gkernel.hpp:31
void setCrossSegmentationThreshold(int val)
@ EVENT_FLAG_CTRLKEY
indicates that CTRL Key is pressed.
Definition: highgui.hpp:229
void convertTo(OutputArray dst, int rtype, double alpha, double beta, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
double beta
Default is 2.0.
Definition: kalman_filters.hpp:145
DepthCleaner(int depth, int window_size=5, int method=DepthCleaner::DEPTH_CLEANER_NIL)
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: wobble_suppression.hpp:68
bool empty() const
Definition: qualityssim.hpp:76
virtual void mov(BasicVectorRef &ref)=0
__device__ static __forceinline__ void blockFill(It beg, It end, const T &value)
Definition: block.hpp:75
Affine3d getViewerPose() const
Returns the current pose of the viewer.
@ CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio.hpp:513
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,...
Definition: photo.hpp:429
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: tracking.hpp:758
IEConfig config
Definition: ie.hpp:69
virtual float getLambda()=0
SrcPtr src
Definition: interpolation.hpp:68
copy_through_move_t(copy_through_move_t const &lhs)
Definition: copy_through_move.hpp:24
cv::Point org
The bottom-left corner of the text string in the image.
Definition: render_types.hpp:75
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE=0
SparseMatConstIterator_(const SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
virtual double getHighThreshold() const =0
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:134
uchar ** ptrs
data pointers
Definition: mat.hpp:3410
void setNSS(int val)
Definition: saliencySpecializedClasses.hpp:349
Full reference structural similarity algorithm https://en.wikipedia.org/wiki/Structural_similarity.
Definition: qualityssim.hpp:19
IStreamSource::Ptr make_src(Args &&... args)
Definition: source.hpp:50
AngleRangeOption
Specifies the part of Hough space to calculate.
Definition: fast_hough_transform.hpp:65
void setText(const String &text)
Sets the text content of the widget.
std::function< void(GCompoundContext &ctx)> F
Definition: gcompoundkernel.hpp:44
int group
Definition: all_layers.hpp:393
@ DICT_6X6_250
Definition: dictionary.hpp:152
virtual void apply(const uchar *src, uchar *dst)=0
virtual void setGamma(double val)=0
Gradient constancy importance.
int index_type
Definition: extrapolation.hpp:63
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.
GAPI_WRAP GStreamingCompiled compileStreaming(GCompileArgs &&args={})
Compile the computation for streaming mode.
@ LEFT
Definition: slam_tumindoor.hpp:62
static bool isOpenCLActivated()
Definition: ocl_defs.hpp:19
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:91
void setBundleAdjuster(Ptr< detail::BundleAdjusterBase > bundle_adjuster)
Definition: stitching.hpp:226
virtual void setAnnealItePerStep(int val)=0
void minEnclosingCircle(InputArray points, Point2f ¢er, float &radius)
Finds a circle of the minimum area enclosing a 2D point set.
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:149
int rotateEdge(int edge, int rotate) const
Returns another edge of the same quad-edge.
double computeMSE(InputArray GT, InputArray src, Rect ROI)
Function for computing mean square error for disparity maps.
int rows
Definition: deriv.hpp:116
virtual void setBlackThreshold(size_t value)=0
Sets the value for black threshold, needed for decoding (shadowsmasks computation).
Ncv32u stride() const
Definition: NCV.hpp:760
static R on(Args... args)
Definition: gkernel.hpp:246
bool isSeq() const
returns true if the node is a sequence
virtual int getBinaryKernelType() const =0
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
int cols
Definition: extrapolation.hpp:100
unsigned lane_type
Definition: intrin_rvv.hpp:359
Vec3i volumeDims
Resolution of voxel space.
Definition: kinfu.hpp:108
float normSigma0
Definition: rlofflow.hpp:92
__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
Ptr< GrayworldWB > createGrayworldWB()
Creates an instance of GrayworldWB.
@ CAP_PROP_XI_TIMEOUT
Image capture timeout in milliseconds.
Definition: videoio.hpp:363
the CSRT tracker
Definition: tracking.hpp:35
void estimateTransformation(InputArray src, InputArray dst, OutputArray alphaPhiST, double *dist=0, bool fdContour=false)
Fit two closed curves using fourier descriptors. More details in and .
virtual void setKernel(int kernelType)=0
void setMinDepth(double val)
Definition: depth.hpp:664
virtual float getFgsLambda() const =0
see ximgproc::EdgeAwareInterpolator().
virtual double getEpsilon() const =0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
virtual vector< Point2f > getGT(int datasetID, int frameID)=0
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.
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.
__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
Definition: track_alov.hpp:74
kinfu::VolumeType volumeType
Definition: kinfu.hpp:80
Point2f pt
Definition: imgproc.hpp:1224
SparseMatConstIterator_(const SparseMat *_m)
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
void registerKeyboardCallback(KeyboardCallback callback, void *cookie=0)
Sets keyboard handler.
This class represents high-level API for segmentation models.
Definition: dnn.hpp:1252
WCoordinateSystem(double scale=1.0)
Constructs a WCoordinateSystem.
int y
Definition: linemod.hpp:283
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...
static KernelArg Local(size_t localMemSize)
Definition: ocl.hpp:389
__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)
Generates normally distributed random numbers.
AsyncArray forwardAsync(const String &outputName=String())
Runs forward pass to compute output of layer with name outputName.
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)
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.
@ COLOR_RGB2XYZ
Definition: imgproc.hpp:580
Texture2D(Size asize, Format aformat, unsigned int atexId, bool autoRelease=false)
~GpuMat()
destructor - calls release()
Mat(const std::array< _Tp, _Nm > &arr, bool copyData=false)
CmpTypes
comparison types
Definition: base.hpp:211
UMat(UMatUsageFlags usageFlags=USAGE_DEFAULT)
default constructor
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:186
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.
virtual void setSegEgbThresholdII(float c)=0
: set and get the parameter segEgbThresholdII. This parameter is used in the third stage mentioned ab...
Complex< float > Complexf
Definition: types.hpp:90
int backendId
Backend identifier.
Definition: dnn.hpp:128
Definition: tr_svt.hpp:67
static Ptr< HfsSegment > create(int height, int width, float segEgbThresholdI=0.08f, int minRegionSizeI=100, float segEgbThresholdII=0.28f, int minRegionSizeII=200, float spatialWeight=0.6f, int slicSpixelSize=8, int numSlicIter=5)
: create a hfs object
int particlesNum
number of "perturbed" boxes on each round
Definition: tracking_internals.hpp:778
Definition: ir_affine.hpp:62
G desync(const G &g)
Definition: desync.hpp:41
int set(int i, const UMat &m)
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:100
@ CV_MODIFIED_CS_CENSUS
Definition: descriptor.hpp:14
std::vector< Point2f > base_shape
basic shape, normalized to be fit in an image with current detection resolution
Definition: facemarkAAM.hpp:130
@ CALIB_HAND_EYE_HORAUD
Hand-eye Calibration .
Definition: calib3d.hpp:534
ERStat(int level=256, int pixel=0, int x=0, int y=0)
Constructor.
virtual float getEdgeMinMag() const =0
Returns the edge min magnitude.
virtual void setPreFilterType(int preFilterType)=0
void write(FileStorage &fs) const
@ GC_PR_BGD
a possible background pixel
Definition: imgproc.hpp:347
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.
NCVVector()
Definition: NCV.hpp:572
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 void upSampler(InputArray flow, int width, int height, int gridSize, InputOutputArray upsampledFlow)=0
The NVIDIA optical flow hardware generates flow vectors at granularity gridSize, which can be queried...
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
virtual int getNumLevels() const =0
virtual void getObjects(std::vector< cv::Rect > &result) const
NCVStatus ncvDrawRects_8u_device(Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
Point warp(InputArray src, InputArray K, InputArray H, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
virtual void filter(InputArray src, OutputArray dst, InputArray joint=noArray())=0
Apply high-dimensional filtering using adaptive manifolds.
virtual TermCriteria getTermCriteria() const =0
@ USAGE_ALLOCATE_SHARED_MEMORY
Definition: mat.hpp:456
std::string dep
Definition: gr_skig.hpp:97
__host__ Expr< SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelX_(const SrcPtr &src)
Definition: deriv.hpp:81
virtual Mat getDefaultPeopleDetector() const =0
Returns coefficients of the classifier trained for people detection.
@ CAP_V4L2
Same as CAP_V4L.
Definition: videoio.hpp:93
_Tp x
x coordinate of the 3D point
Definition: types.hpp:265
_Tp & at(int i0=0)
Returns a reference to the specified array element.
std::vector< Ptr< Tracker > > trackers
Trackers list for Multi-Object-Tracker.
Definition: tracking_legacy.hpp:454
Definition: facemark_train.hpp:35
@ COLOR_BGR2RGB
Definition: imgproc.hpp:540
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelSLIC object.
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
int rows
Definition: glob.hpp:87
DictValue * ptr(const String &key)
If the key in the dictionary then returns pointer to its value, else returns NULL.
Definition: warpers.hpp:452
void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:191
GCompiled()
Constructs an empty object.
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
@ NPPST_TEXTURE_BIND_ERROR
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
size_t getConfigurationParameterSizeT(const char *name, size_t defaultValue)
static Ptr< QualityPSNR > create(InputArray ref, double maxPixelValue=QualityPSNR::MAX_PIXEL_VALUE_DEFAULT)
Create an object which calculates quality.
Definition: qualitypsnr.hpp:38
int QR64f(double *A, size_t astep, int m, int n, int k, double *b, size_t bstep, double *hFactors)
WeakClassifierHaarFeature()
_Tp & reference
Definition: mat.hpp:3133
double getThreshold() const
Definition: depth.hpp:413
static Ptr< FlattenLayer > create(const LayerParams ¶ms)
Class used for calculating a sparse optical flow.
Definition: tracking.hpp:683
void _mm_deinterleave_epi16(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:294
virtual void write(cv::FileStorage &fs) const CV_OVERRIDE
Store parameters to a FileStorage object.
uint64 durationNS() const
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:289
void qunitary(InputArray qimg, OutputArray qnimg)
divides each element by its modulus.
@ 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:87
Action action
Definition: types.hpp:297
int y
Definition: edgeboxes.hpp:59
Definition: NCVHaarObjectDetection.hpp:334
NcvBool isMemReused() const
Definition: NCV.hpp:723
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_expand_high(const v_reg< _Tp, n > &a)
Expand higher values to the wider pack type.
Definition: intrin_cpp.hpp:1400
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
void write(FileStorage &) const
@ COLOR_YUV2GRAY_UYNV
Definition: imgproc.hpp:718
std::string rgb
Definition: gr_skig.hpp:96
Point_< float > Point2f
Definition: types.hpp:192
virtual ~TrackerTLD() CV_OVERRIDE
Definition: tracking_legacy.hpp:249
@ 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.
#define GAPI_EXPORTS
Definition: exports.hpp:20
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
@ COLOR_BGR5652GRAY
Definition: imgproc.hpp:565
softdouble max(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:441
@ MJPEG
Definition: container_avi.private.hpp:73
Mat project(const Mat &shape) const
Definition: gcomputation.hpp:27
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:400
@ CAP_PVAPI_PIXELFORMAT_BGRA32
Bgra32.
Definition: videoio.hpp:333
@ StsFilterOffsetErr
incorrect filter offset value
Definition: base.hpp:100
Definition: infer.hpp:160
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....
virtual void load(const std::string &path) CV_OVERRIDE=0
GpuMat(Size size, int type, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
virtual TrackedObjects trackedDetections() const =0
Get tracked detections.
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
Mat findFundamentalMat(InputArray points1, InputArray points2, int method, double ransacReprojThreshold, double confidence, int maxIters, OutputArray mask=noArray())
Calculates a fundamental matrix from the corresponding points in two images.
bool compute(const Mat &srcImage, const Mat &srcDepth, const Mat &srcMask, const Mat &dstImage, const Mat &dstDepth, const Mat &dstMask, OutputArray Rt, const Mat &initRt=Mat()) const
std::vector< cv::Scalar > mean
Definition: onnx.hpp:54
Definition: outlier_rejection.hpp:75
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:342
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:128
_OutputArray(const std::vector< Mat > &vec)
RGBD_PLANE_METHOD
Definition: depth.hpp:333
void feed(InputArray img, InputArray mask, Point tl) CV_OVERRIDE
Processes the image.
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:3064
@ 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:80
const std::vector< ConfidenceMap > & getConfidenceMaps() const
Get the list of the ConfidenceMap.
@ DNN_BACKEND_CUDA
Definition: dnn.hpp:76
Rect_(Rect_ &&r) CV_NOEXCEPT
virtual int getSolverIterations() const =0
Number of linear system solver iterations.
virtual ~Blender()
Definition: blenders.hpp:66
ExposureCompensator()
Definition: exposure_compensate.hpp:63
float cx
Definition: intrinsics.hpp:75
Definition: warping.hpp:131
virtual ~DescriptorCollection()
int rows
Definition: zip.hpp:110
void maxWorkItemSizes(size_t *) const
float min_det_conf
Min confidence of detection.
Definition: tracking_by_matching.hpp:287
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
virtual void setKappa(float value)=0
Sets the scale sensitivity.
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1333
Mosaic()
Definition: render_types.hpp:255
@ FLAGS_MAPPING
Definition: instrumentation.hpp:111
int readPose(const std::string &FileName)
virtual int getAppertureSize() const =0
Feature(int offset, int x, int y, int cellW, int cellH)
virtual void find(const std::vector< Size > &size, const std::vector< Point > &corners, std::vector< UMat > &masks)
virtual double getAnnealFinalT() const =0
Mat(Size size, int type, const Scalar &s)
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
void setSize(const Size &size)
Sets the image size of the widget.
float16_t(float x)
Definition: cvdef.h:845
virtual void setCameraLookAt(const String &target, InputArray offset=noArray())=0
float normL2Sqr_(const float *a, const float *b, int n)
@ COLOR_SPACE_Lab_D55_2
non-RGB color space
Definition: ccm.hpp:128
Feature2D FeatureDetector
Definition: features2d.hpp:235
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)
virtual void stopEntityAnimation(const String &name, const String &animname)=0
@ CALIB_FIX_K2
Definition: calib3d.hpp:502
bool detectShadows
If true, the algorithm will detect shadows and mark them.
Definition: video.hpp:116
Ptr< PoseCluster3D > PoseCluster3DPtr
Definition: pose_3d.hpp:61
int numLastPositionsToTrack
Definition: detection_based_tracker.hpp:167
static Ptr< RgbdOdometry > create(const Mat &cameraMatrix=Mat(), float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), int transformType=Odometry::RIGID_BODY_MOTION)
@ CALIB_FIX_P2
Definition: omnidir.hpp:62
Ptr< detail::Blender > blender()
Definition: stitching.hpp:247
virtual void setBaseImage(InputArray img)=0
Set a image used by switch* functions to initialize the class.
bool isNone() const
returns true if the node is a "none" object
int solveLP(InputArray Func, InputArray Constr, OutputArray z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
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:74
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)
virtual void setCameraIntrinsicOptions(const libmv_CameraIntrinsicsOptions &libmv_camera_intrinsics_options)=0
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
virtual bool getUseGlobalSmootherFilter() const =0
Sets whether the fastGlobalSmootherFilter() post-processing is employed.
~AsyncArray() CV_NOEXCEPT
@ CAP_PROP_XI_GAMMAC
Chromaticity gamma.
Definition: videoio.hpp:412
@ FONT_HERSHEY_SCRIPT_SIMPLEX
hand-writing style font
Definition: imgproc.hpp:824
int texture_max_m
Definition: facemarkAAM.hpp:73
HostMem reshape(int cn, int rows=0) const
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
float tsdfTruncDist
TSDF truncation distance Distances greater than value from surface will be truncated to 1....
Definition: volume.hpp:81
int getLayerId(const String &layer)
Converts string name of the layer to the integer identifier.
void attachContext(const String &platformName, void *platformID, void *context, void *deviceID)
Attaches OpenCL context to OpenCV.
void convertPointsHomogeneous(InputArray src, OutputArray dst)
Converts points to/from homogeneous coordinates.
struct AsyncArray::Impl Impl
Definition: async_promise.hpp:62
@ CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
Selects which test pattern generator is controlled by the TestPattern feature.
Definition: videoio.hpp:377
Definition: functional.hpp:87
static Ptr< legacy::TrackerBoosting > create(const TrackerBoosting::Params ¶meters)
Constructor.
int nbins
Number of bins used in the calculation of histogram of gradients. Default value is 9.
Definition: objdetect.hpp:599
NCVStatus nppiStIntegral_32f32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
virtual ~NCVMemStackAllocator()
softfloat setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:181
@ COLOR_SPACE_ProPhotoRGB
https://en.wikipedia.org/wiki/ProPhoto_RGB_color_space , RGB color space
Definition: ccm.hpp:100
size_t imageMaxArraySize() const
int cols
Definition: deriv.hpp:163
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.
std::vector< int > ind2
index of pixels for mapping process to obtains the grays values of eroded face region
Definition: facemarkAAM.hpp:134
Definition: warpers.hpp:657
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:246
@ COLOR_YUV2RGB_UYVY
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:678
@ MORPH_ERODE
see erode
Definition: imgproc.hpp:213
static Ptr< IS_weizmann > create()
virtual float getGamma() const =0
Weight of the gradient constancy term.
HostMem(Size size, int type, HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
static Ptr< BatchNormLayer > create(const LayerParams ¶ms)
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.
AffineWarper(float scale=1.f)
Construct an instance of the affine warper class.
Definition: warpers.hpp:242
cv::GMetaArgs getMetaArgs(const std::vector< char > &p)
virtual double getSigmaRange() const =0
filter range sigma
int maxConstantArgs() const
@ EVENT_MBUTTONUP
indicates that middle mouse button is released.
Definition: highgui.hpp:216
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
int hal_ni_FAST_NMS(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
Non-maximum suppression for FAST_9_16.
Definition: hal_replacement.hpp:81
void paint(InputOutputArray image, InputArray rlSrc, const cv::Scalar &value)
Paint run length encoded binary image into an image.
The IDescriptorDistance class declares an interface for distance computation between reidentification...
Definition: tracking_by_matching.hpp:160
Color(const Scalar &color)
void split64s(const int64 *src, int64 **dst, int len, int cn)
int num_inliers
Number of geometrically consistent matches.
Definition: matchers.hpp:109
virtual void setWarpingsNumber(int val)=0
Number of warpings per scale.
NeighborSearchMethod
Definition: calib3d.hpp:550
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
virtual int getSvmsgdType() const =0
Algorithm type, one of SVMSGD::SvmsgdType.
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
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:80
Definition: all_layers.hpp:459
@ nppStSupersample
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
float Type
Definition: features2d.hpp:887
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracking.private.hpp:231
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).
UndistortTypes
cv::undistort mode
Definition: calib3d.hpp:3555
virtual KAZE::DiffusivityType getDiffusivity() const =0
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:157
Impl * getImpl() const
Definition: dnn.hpp:1175
virtual int getBlockSize() const =0
Node()
Definition: utility.hpp:1046
virtual void getSparseMatches(std::vector< stereo::Match > &sMatches)=0
Get The sparse corresponding points.
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:73
std::vector< KeyPoint > getKeypoints()
Definition: matchers.hpp:64
Quat< _Tp > & operator/=(const _Tp s)
Division assignment operator of a quaternions and a scalar. It divides left operand with the right op...
void selectRandomSubset(int count, int size, std::vector< int > &subset)
Quat< _Tp > sqrt(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return .
virtual void setUsePostProc(bool val)=0
enables ximgproc::fastGlobalSmootherFilter
Base abstract class for the long-term tracker.
Definition: tracking.hpp:714
Size size() const
returns GpuMat size : width == number of columns, height == number of rows
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:174
@ CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio.hpp:248
virtual void prepare(const std::vector< Point > &corners, const std::vector< Size > &sizes)
Prepares the blender for blending.
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.
double getMaxPixelValue() const
return the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:81
Mat readOpticalFlow(const String &path)
Read a .flo file.
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a GridBoard.
virtual ~GFunctor()=default
virtual void setTreeHeight(int val)=0
Mat colRange(const Range &r) const
cv::GArrayDesc m_desc
Definition: garray.hpp:126
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...
virtual void setMinObjectSize(Size minSize)=0
Minimum possible object size. Objects smaller than that are ignored.
@ CAP_PROP_OPENNI_BASELINE
In mm.
Definition: videoio.hpp:238
virtual void setWinSize(int winSize)=0
void inpaint(const Mat &src, const Mat &mask, Mat &dst, const int algorithmType)
The function implements different single-image inpainting algorithms.
@ SFM_REFINE_PRINCIPAL_POINT
Definition: simple_pipeline.hpp:125
__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:190
Scalar estimateChessboardSharpness(InputArray image, Size patternSize, InputArray corners, float rise_distance=0.8F, bool vertical=false, OutputArray sharpness=noArray())
Estimates the sharpness of a detected chessboard.
static Ptr< PaddingLayer > create(const LayerParams ¶ms)
#define CV_SUBMAT_FLAG
Definition: cvdef.h:471
double scaleFactor
Parameter specifying how much the image size is reduced at each image scale.
Definition: facemark_train.hpp:37
static Mat getPlane(const Mat &m, int n, int cn)
Definition: shape_utils.hpp:108
void init(const Mat *img, Rect boundingAreaRect, Point pt1, Point pt2, int connectivity, bool leftToRight)
Vec< _Tp, 3 > toRotVec(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform this quaternion to a Rotation vector.
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
@ READ
value, open the file for reading
Definition: persistence.hpp:309
@ CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio.hpp:517
int getMaxIteration() const
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
@ COLOR_YUV2BGRA_I420
Definition: imgproc.hpp:664
static cv::detail::VectorRef wrap_in(const std::vector< T > &t)
Definition: gtype_traits.hpp:88
@ CALIB_HAND_EYE_TSAI
A New Technique for Fully Autonomous and Efficient 3D Robotics Hand/Eye Calibration .
Definition: calib3d.hpp:532
size_t localMemSize() const
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
virtual Size winSize() const
Definition: optical_flow.hpp:85
Mat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
some more overridden methods
v_int64x2()
Definition: intrin_rvv.hpp:488
virtual float operator()(int featureIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:376
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
virtual int getMinDisparity() const =0
Ptr< CvCapture > cap
Definition: videoio.hpp:842
@ CAP_PROP_XI_DECIMATION_HORIZONTAL
Horizontal Decimation - horizontal sub-sampling of the image - reduces the horizontal resolution of t...
Definition: videoio.hpp:375
const GMetaArgs & metas() const
Vector of metadata this graph was compiled for.
virtual float getContrastWeight() const =0
double maxVal
Maximum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:116
double lane_type
Definition: intrin_rvv.hpp:518
@ COLOR_BGR5552RGB
Definition: imgproc.hpp:570
@ channels
Definition: matx.hpp:346
@ CPU_AVX_512IFMA512
Definition: cvdef.h:310
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
Definition: imgproc.hpp:1216
Definition: gtransform.hpp:41
@ JPEG
Definition: cudacodec.hpp:252
@ WINDOW_GUI_NORMAL
old fashious way
Definition: highgui.hpp:195
@ ITERATIVE
processing in several iterations
Definition: types.hpp:63
float parasolCells_beta
Definition: retina.hpp:176
Mat(int ndims, const int *sizes, int type)
cv::Ptr< ITrackerByMatching > createTrackerByMatching(const TrackerParams ¶ms=TrackerParams())
The factory to create Tracker-by-Matching algorithm implementation.
static Ptr< StaticSaliencySpectralResidual > create()
Definition: saliencySpecializedClasses.hpp:76
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const CV_OVERRIDE
Clones the matcher.
Quat< T > power(const Quat< T > &q, const Quat< T > &p, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
#define G_API_OP
Definition: gkernel.hpp:365
@ CV_MODIFIED_CENSUS_TRANSFORM
Definition: descriptor.hpp:14
@ 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:778
void selection(Mat &response, int npoints) CV_OVERRIDE
Identify most effective features.
float cx
Definition: intrinsics.hpp:35
@ CAP_PROP_XI_CC_MATRIX_30
Color Correction Matrix element [3][0].
Definition: videoio.hpp:426
virtual double getRpropDW0() const =0
virtual void forwardSlice(const float *src, float *dst, int len, size_t outPlaneSize, int cn0, int cn1) const =0
double getMaxDepth() const
Definition: depth.hpp:668
@ NCV_MEM_COPY_ERROR
Definition: NCV.hpp:339
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:352
virtual void setMaxFeatures(int maxFeatures)=0
@ StsUnsupportedFormat
the data format/type is not supported by the function
Definition: base.hpp:110
Default predict collector.
Definition: predict_collector.hpp:83
uint8_t * OutLineB(int index=0)
Definition: gfluidbuffer.hpp:118
void v_cleanup()
Definition: intrin_cpp.hpp:2772
@ ERGROUPING_ORIENTATION_ANY
Definition: erfilter.hpp:290
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
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 .
double getMaxRotation() const
Definition: depth.hpp:989
void reset() noexcept
Definition: optional.hpp:164
static Yes check(binary_function< T1, T2, D >)
float minInertiaRatio
Definition: features2d.hpp:735
void unmapDevice(cuda::Stream &stream)
Unmaps OpenGL buffer.
MatExpr abs(const Mat &m)
Calculates an absolute value of each matrix element.
TextDetectionModel_EAST & setConfidenceThreshold(float confThreshold)
Set the detection confidence threshold.
@ NORM_L1
Definition: base.hpp:176
@ COLOR_BGR5552RGBA
Definition: imgproc.hpp:574
int64 getFLOPS(const int layerId, const std::vector< MatShape > &netInputShapes) const
@ CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Buffer size in bytes sufficient for output image returned by xiGetImage.
Definition: videoio.hpp:448
@ BadDepth
input image depth is not supported by the function
Definition: base.hpp:86
float a
Definition: warpers.hpp:411
virtual void setWeights(const Mat &Wh, const Mat &Wx, const Mat &b)=0
Set trained weights for LSTM layer.
const String & source() const
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
int maxThreadsPerMultiProcessor() const
maximum resident threads per multiprocessor
void ncvDebugOutput(const cv::String &msg)
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
GAPI_WRAP void start()
Start the pipeline execution.
virtual ~EstimatedGaussDistribution()
@ LBP
Definition: feature.hpp:146
int plusStep
Definition: imgproc.hpp:4817
GMat bitwise_xor(const GMat &src1, const GMat &src2)
computes bitwise logical "exclusive or" of the two matrixes (src1 ^ src2) Calculates the per-element ...
void FT12D_createPolynomMatrixVertical(int radius, OutputArray matrix, const int chn)
Creates vertical matrix for -transform computation.
Size minSize
Minimum possible object size.
Definition: facemark_train.hpp:39
void write(FileStorage &fs, int varIdx) const
void meanStdDev(InputArray mtx, Scalar &mean, Scalar &stddev)
Computes a mean value and a standard deviation of matrix elements.
float detect_thresh
detection confidence threshold
Definition: tracking.hpp:121
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.
@ COLOR_YUV2GRAY_I420
Definition: imgproc.hpp:673
virtual int getBlockSize() const =0
static int type()
Definition: flann.hpp:81
void read(const FileNode &node, SparseMat &mat, const SparseMat &default_mat=SparseMat())
NCVMemoryType _memtype
Definition: NCV.hpp:621
virtual ~RawVideoSource()
Definition: cudacodec.hpp:320
static T deserialize(IIStream &)
Definition: base.hpp:31
GPCTrainingParams(unsigned _maxTreeDepth=20, int _minNumberOfSamples=3, GPCDescType _descriptorType=GPC_DESCRIPTOR_DCT, bool _printProgress=true)
Definition: sparse_matching_gpc.hpp:130
@ CAP_PROP_XI_COOLING
Start camera cooling.
Definition: videoio.hpp:401
float val[4]
Definition: intrin_rvv.hpp:448
virtual void getPoints(OutputArray points) const =0
MediaFormat
Definition: gframe.hpp:46
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
double log_eps
Definition: descriptor.hpp:705
bool addTrackerSamplerAlgorithm(const Ptr< TrackerSamplerAlgorithm > &sampler)
Add TrackerSamplerAlgorithm in the collection. Return true if sampler is added, false otherwise.
Definition: mapperpyramid.hpp:80
StaticSaliencyFineGrained()
Quat(const Vec< _Tp, 4 > &coeff)
From Vec4d or Vec4f.
std::size_t num_out
Definition: onnx.hpp:45
virtual void setSpeckleRange(int speckleRange)=0
Sparse match interpolation algorithm based on modified piecewise locally-weighted affine estimator ca...
Definition: sparse_match_interpolator.hpp:147
__device__ __forceinline__ uchar1 abs(const uchar1 &a)
Definition: vec_math.hpp:213
T host_type
Definition: gtype_traits.hpp:96
const GW m_gw
Definition: gfluidkernel.hpp:93
int getSmallWinSize() const
int type
Definition: gfluidbuffer.hpp:28
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
@ CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio.hpp:258
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
cv::util::any params() const
Definition: ie.hpp:143
GBackend backend
Definition: infer.hpp:447
Definition: gcommon.hpp:32
virtual Mat getWeights() const =0
Returns weights of the mixtures.
#define CV_MAT_CN(flags)
Definition: cvdef.h:463
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
static softdouble zero()
Zero constant.
Definition: softfloat.hpp:346
@ CCM_4x3
The CCM with the shape performs affine transformation.
Definition: ccm.hpp:62
::uint16_t uint16_t
Definition: cvdef.h:797
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
uint64 const_param_type
Definition: core.hpp:3267
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:2553
static bool comparator(std::pair< double, size_t > l1, std::pair< double, size_t > l2)
Definition: core_detect.hpp:115
void release()
Definition: lock.private.hpp:53
sampleType sType
Definition: pd_inria.hpp:72
ProgramSource(const ProgramSource &prog)
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:219
void readModel(const String &weights, const String &definition)
Read the model from the given path.
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:988
static MatShape shape(const int *dims, const int n)
Definition: shape_utils.hpp:119
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:1167
Definition: functional.hpp:852
int type
the type of termination criteria: COUNT, EPS or COUNT + EPS
Definition: types.hpp:881
const String typeToString(int type)
#define OPENCV_HAL_IMPL_RVV_PACK_TRIPLETS(_Tpvec, _Tp)
Definition: intrin_rvv.hpp:2419
@ pc
Definition: container_avi.private.hpp:136
virtual void process(InputArray img, InputArray mask, Point tl)
@ SCORE_METHOD_MSAC
Definition: calib3d.hpp:549
void clear()
Definition: NCV.hpp:579
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
std::ostream & operator<<(std::ostream &o, const Rect &rect)
Definition: types.hpp:93
double conf_thresh_
Definition: motion_estimators.hpp:206
ushort lane_type
Definition: intrin_rvv.hpp:295
@ CAP_PROP_BRIGHTNESS
Brightness of the image (only for those cameras that support).
Definition: videoio.hpp:145
@ CAP_OPENNI2
OpenNI2 (for Kinect)
Definition: videoio.hpp:113
cv::Mat r
Definition: gcpukernel.hpp:210
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:223
static Ptr< IVideoWriter > create(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
bool isEmptyFrameOffset() const
Definition: container_avi.private.hpp:164
uint64 hash_t
Definition: ocl.hpp:545
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:148
virtual bool fitConfig(InputArray image, InputArray roi, OutputArrayOfArrays _landmarks, const std::vector< Config > &runtime_params)=0
overload with additional Config structures
static constexpr std::size_t index_of()
Definition: variant.hpp:358
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
@ CAP_PROP_XI_FFS_FILE_SIZE
Size of file.
Definition: videoio.hpp:487
static cv::gapi::GBackend backend()
Definition: goclkernel.hpp:238
TLSDataAccumulator< NodeDataTls > m_tls
Definition: instrumentation.hpp:88
void load(const FileStorage &node)
static cv::MediaFrame get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:168
_mat_type _qualityMap
Output quality maps if generated by algorithm.
Definition: qualitybase.hpp:57
virtual void print(const char *format,...)=0
int computeNormalsPC3d(const Mat &PC, Mat &PCNormals, const int NumNeighbors, const bool FlipViewpoint, const Vec3f &viewpoint)
Compute the normals of an arbitrary point cloud computeNormalsPC3d uses a plane fitting approach to s...
static softdouble min()
Smallest normalized value.
Definition: softfloat.hpp:354
CirclesGridFinderParameters()
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
virtual ~BaseCascadeClassifier()
bool empty() const
true if empty
const std::vector< Mat > * stabilizedFrames_
Definition: inpainting.hpp:98
cv::Scalar & outValR(int output)
Mat getMat(AccessFlag flags) const
__host__ __device__ NcvRect32u(Ncv32u x_, Ncv32u y_, Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:167
void loadPattern(const cv::Mat &patternImage)
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
int addLayer(const String &name, const String &type, LayerParams ¶ms)
Adds new layer to the net.
virtual void convert(InputArray gpu_keypoints, std::vector< KeyPoint > &keypoints)=0
@ CAP_PROP_IMAGES_BASE
Definition: videoio.hpp:595
ProgramSource(const char *prog)
uchar * data
pointer to the data
Definition: cuda.hpp:329
DepthNormal()
Default constructor. Uses reasonable default parameter values.
CGImageRef MatToCGImage(const cv::Mat &image) CF_RETURNS_RETAINED
type_traits_detail::UnConst< T >::type non_const_type
Definition: type_traits.hpp:130
@ WND_PROP_VISIBLE
checks whether the window exists and is visible
Definition: highgui.hpp:204
virtual ~TrackerContribFeature()
bool parseMovi(frame_list &in_frame_list)
Definition: container_avi.private.hpp:106
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
int num_images_
Definition: motion_estimators.hpp:196
int m
Definition: facemarkAAM.hpp:68
@ WND_PROP_AUTOSIZE
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:201
bool compute(Ptr< OdometryFrame > &srcFrame, Ptr< OdometryFrame > &dstFrame, OutputArray Rt, const Mat &initRt=Mat()) const
tracked_cv_umat(cv::UMat &m)
Definition: goclkernel.hpp:131
double ddot(const Point3_ &pt) const
dot product computed in double-precision arithmetics
virtual void detectAndComputeAsync(InputArray image, InputArray mask, OutputArray keypoints, OutputArray descriptors, bool useProvidedKeypoints=false, Stream &stream=Stream::Null())
std::vector< object > detections
Vector which holds the final detections of the model.
Definition: core_detect.hpp:53
@ CV_ERROR_FAIL
Some error occurred (TODO Require to fill exception information)
Definition: llapi.h:32
Structure for the Kalman filter's initialization parameters.
Definition: video.hpp:23
@ AGAST_5_8
Definition: features2d.hpp:605
TextRecognitionModel(const Net &network)
Create Text Recognition model from deep learning network Call setDecodeType() and setVocabulary() aft...
virtual void setWeights(const Mat &Wxh, const Mat &bh, const Mat &Whh, const Mat &Who, const Mat &bo)=0
bool isNaN() const
NaN state indicator.
Definition: softfloat.hpp:168
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
@ REDUCE_AVG
the output is the mean vector of all rows/columns of the matrix.
Definition: core.hpp:228
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:158
Definition: functional.hpp:299
virtual int getWindowSize() const =0
VideoWriter()
Default constructors.
@ DIST_MASK_3
mask=3
Definition: imgproc.hpp:312
@ CALIB_USE_QR
use QR instead of SVD decomposition for solving. Faster but potentially less precise
Definition: calib3d.hpp:512
virtual ~TrackerGOTURN() CV_OVERRIDE
@ NORMAL_CLONE
Definition: photo.hpp:716
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
virtual void dsread(OutputArray Array, const String &dslabel) const =0
static Ptr< RTrees > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized RTree from a file.
GMatDesc(int d, std::vector< int > &&dd)
Definition: gmat.hpp:91
void assign(const std::vector< Mat > &v) const
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
Definition: deriv.hpp:282
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.
@ patch_size_y
Definition: reduce.hpp:300
the GOTURN (Generic Object Tracking Using Regression Networks) tracker
Definition: tracking.hpp:798
Definition: warpers.hpp:474
std::string videoUrl
Definition: ar_sports.hpp:62
virtual void setInnerIterations(int inner_iterations)=0
PyRotationWarper()
Definition: warpers.hpp:56
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
std::string name
Definition: ar_hmdb.hpp:63
@ CAP_PROP_XI_SENSOR_TAPS
Number of taps.
Definition: videoio.hpp:381
void writeScalar(FileStorage &fs, double value)
@ CAP_PROP_XI_AUTO_WB
Automatic white balance.
Definition: videoio.hpp:357
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
frame_list m_frame_list
Definition: container_avi.private.hpp:128
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:104
v_reg< _Tp, n > v_absdiffs(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Saturating absolute difference.
Definition: intrin_cpp.hpp:882
static void write(FileStorage &fs, const String &name, const Scalar_< _Tp > &s)
Definition: persistence.hpp:1043
A container class for network configurations. Similar to GKernelPackage.Use cv::gapi::networks() to c...
Definition: infer.hpp:460
static void read(const FileNode &node, ushort &value, ushort default_value)
Definition: persistence.hpp:1151
void reset()
Definition: gopaque.hpp:158
@ MM_UNKNOWN
Definition: motion_core.hpp:68
virtual int getDatasetsNum()=0
size_t getFramesCount()
Definition: container_avi.private.hpp:91
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:823
MatExpr min(const Mat &a, const Mat &b)
Definition: extrapolation.hpp:121
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
int keypointScale
Definition: calib3d.hpp:1637
@ THRESH_BINARY_INV
Definition: imgproc.hpp:321
static int get_window_impl(const GMetaArgs &metas, const cv::GArgs &in_args, cv::detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:299
Matx< float, 1, 2 > Matx12f
Definition: matx.hpp:221
@ CAP_GPHOTO2
gPhoto2 connection
Definition: videoio.hpp:116
virtual double getVarMax() const =0
@ CPU_AVX_512PF
Definition: cvdef.h:312
std::shared_ptr< TypeHintBase > m_hint
Definition: gopaque.hpp:90
KeyPointsFilter()
Definition: features2d.hpp:109
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions)=0
assumes that [0, size-1) is in or equals to [range.first, range.second)
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).
virtual int getType() const =0
bool findCirclesGrid(InputArray image, Size patternSize, OutputArray centers, int flags, const Ptr< FeatureDetector > &blobDetector, const CirclesGridFinderParameters ¶meters)
Finds centers in the grid of circles.
void mapForward(float x, float y, float &u, float &v)
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
typename std::enable_if< detail::valid_infer_types< Ts... >::value &&std::tuple_size< typename Net::InArgs >::value==sizeof...(Ts), std::function< typename Net::ResultL(cv::GArray< cv::Rect >, Ts...)> >::type type
Definition: infer.hpp:138
the Boosting tracker
Definition: tracking_legacy.hpp:149
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:103
@ EVENT_MOUSEWHEEL
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:220
char3 type
Definition: vec_traits.hpp:78
Detector(StrongClassifierDirectSelection *classifier)
void write(FileStorage &fs, const String &name, double value)
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
__host__ NCVStatus setNumClassifierRootNodes(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:292
virtual ~MatchTemplateDistance()
Definition: tracking_by_matching.hpp:253
Definition: gcompoundkernel.hpp:113
GMat KalmanFilter(const GMat &measurement, const GOpaque< bool > &haveMeasurement, const GMat &control, const cv::gapi::KalmanParams &kfParams)
Standard Kalman filter algorithm http://en.wikipedia.org/wiki/Kalman_filter.
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
static DictValue arrayReal(TypeIter begin, int size)
Constructs floating point array.
Definition: reduce_to_vec.hpp:70
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:274
void loadPattern(const cv::Mat &patternImage, const std::vector< cv::KeyPoint > &patternKeyPoints, const cv::Mat &patternDescriptors)
Mat getParam(LayerId layer, int numParam=0)
Returns parameter blob of the layer.
__host__ __device__ ThreshBinaryFunc< T > thresh_binary_func(T thresh, T maxVal)
Definition: functional.hpp:706
double getRealValue(int idx=-1) const
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:98
Status composePanorama(OutputArray pano)
int queryIdx
query descriptor index
Definition: types.hpp:815
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
virtual void setMaxFeatures(int maxFeatures)=0
SolverType
Definition: rlofflow.hpp:23
virtual ~BackendNode()
Virtual destructor to make polymorphism.
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)
T get(int index, bool space_delete=true) const
Access positional arguments by index.
Definition: utility.hpp:887
GMat BGR2YUV(const GMat &src)
Converts an image from BGR color space to YUV color space.
@ CALIB_RECOMPUTE_EXTRINSIC
Definition: calib3d.hpp:3767
bool colorMode
Definition: retina.hpp:161
TrackedObject(const cv::Rect &rect)
Definition: detection_based_tracker.hpp:191
virtual void setThreshold(int threshold)=0
@ CAP_OPENNI
OpenNI (for Kinect)
Definition: videoio.hpp:103
Definition: all_layers.hpp:84
int widthOfBand_
Definition: descriptor.hpp:197
bool useOpenVX()
Check if use of OpenVX is enabled.
void setWinSize(Size patchSize)
@ PSM_SINGLE_WORD
Definition: ocr.hpp:77
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:416
Quat< T > atan(const Quat< T > &q)
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:298
@ CAP_PROP_XI_WB_KR
White balance red coefficient.
Definition: videoio.hpp:387
virtual void detect(const cv::Mat &image, std::vector< cv::Rect > &objects)=0
virtual void inverseWarp(InputArray img1, OutputArray img2) const =0
virtual void setOutputMax(float val)=0
Output image range maximum value.
@ PSM_CIRCLE_WORD
Definition: ocr.hpp:78
int method_
Definition: depth.hpp:180
virtual void setBackpropMomentumScale(double val)=0
v_reg< int, 4 > v_trunc(const v_reg< float, 4 > &a)
Truncate elements.
Definition: intrin_cpp.hpp:619
void magnitudeSqr(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes squared magnitudes of complex matrix elements.
void l0Smooth(InputArray src, OutputArray dst, double lambda=0.02, double kappa=2.0)
Global image smoothing via L0 gradient minimization.
Definition: detection_based_tracker.hpp:146
void cornerSubPix(InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
Refines the corner locations.
ObjectDetection(const Rect &rect, float score, int classID=-1)
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
virtual size_t maxSize(void) const =0
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
virtual void onBeginFrame(int frameNumber, EncoderCallBack::PicType picType)=0
Callback function to signal that the encoding operation on the frame has started.
std::vector< char > serialize(const cv::GComputation &c)
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:61
const uchar * ptr0
Definition: imgproc.hpp:4813
@ LINEARIZATION_COLORLOGPOLYFIT
logarithmic polynomial fitting channels respectively; Need assign a value to deg simultaneously
Definition: ccm.hpp:335
result_type mySum
Definition: vec_distance.hpp:66
float truncateThreshold
Threshold for depth truncation in meters.
Definition: kinfu.hpp:157
virtual Size getWinSize() const =0
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
virtual float getForwardBackward() const =0
Threshold for the forward backward confidence check.
int trainIdx
train descriptor index
Definition: types.hpp:816
void setVertexArray(InputArray vertex)
Sets an array of vertex coordinates.
@ ComputeModeProhibited
Definition: cuda.hpp:909
ColorMomentHash()
Definition: color_moment_hash.hpp:25
double findMedian(const Mat &row)
@ CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Sensor output data bit depth.
Definition: videoio.hpp:395
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:246
@ COLOR_SPACE_DCI_P3_RGB
https://en.wikipedia.org/wiki/DCI-P3 , RGB color space
Definition: ccm.hpp:102
bool operator==(const Match &rhs) const
Definition: linemod.hpp:277
void detect(InputArray frame, std::vector< int > &classIds, std::vector< float > &confidences, std::vector< Rect > &boxes, float confThreshold=0.5f, float nmsThreshold=0.0f)
Given the input frame, create input blob, run net and return result detections.
__host__ __device__ ThreshToZeroFunc< T > thresh_to_zero_func(T thresh)
Definition: functional.hpp:764
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point.
ScoreMethod
Definition: calib3d.hpp:549
@ NCV_ALLOCATOR_BAD_ALLOC
Definition: NCV.hpp:333
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:921
const value_type * const_pointer
Definition: cvstd.hpp:115
@ CAP_PROP_CHANNEL
Video input or Channel Number (only for those cameras that support)
Definition: videoio.hpp:178
BFMatcher(int normType=NORM_L2, bool crossCheck=false)
Brute-force matcher constructor (obsolete). Please use BFMatcher.create()
volatile int m_counter
Definition: instrumentation.hpp:86
_Tp value_type
Definition: types.hpp:423
virtual void setMaxLevel(int val)=0
TrainingMethods
Definition: ml.hpp:1435
PostProc custom_post_proc
Definition: onnx.hpp:58
const GOrigin & priv() const
static Ptr< Layer > create(const LayerParams ¶ms)
virtual int getPreFilterCap() const =0
virtual float getThreshold() const =0
v_uint8x16 v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2395
double getThreshold() const CV_OVERRIDE
__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
virtual vector< Point2d > getGT()=0
@ DNN_TARGET_CPU
Definition: dnn.hpp:89
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)
Mat sum
Definition: tracking_feature.private.hpp:159
bool contains(const Point_< _Tp > &pt) const
checks whether the rectangle contains the point
Definition: calib3d.hpp:1631
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3232
VideoCapture()
Default constructor.
int borderMode() const
Definition: inpainting.hpp:156
bool ECCEnabled() const
device has ECC support enabled
FileNode & operator=(const FileNode &node)
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
virtual void setMaxFeatures(int maxFeatures)=0
@ H5_GETDIMS
Get the dimension information of a dataset.
Definition: hdf5.hpp:64
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:100
@ SF_IYUV
Definition: cudacodec.hpp:78
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
const Mat & correct(const Mat &measurement)
Updates the predicted state from the measurement.
cv::util::optional< T > getCompileArg(const cv::GCompileArgs &args)
Retrieves particular compilation argument by its type from cv::GCompileArgs.
Definition: gcommon.hpp:214
__device__ __forceinline__ uint vcmpgt2(uint a, uint b)
Definition: simd_functions.hpp:339
@ H5_NONE
No compression,.
Definition: hdf5.hpp:63
virtual void atwrite(const int value, const String &atlabel)=0
__host__ __device__ GlobPtr< T > globPtr(T *data, size_t step)
Definition: glob.hpp:91
A simple scoped lock (RAII-style locking for exclusive/write access).
Definition: lock.private.hpp:16
static Ptr< RgbdICPOdometry > create(const Mat &cameraMatrix=Mat(), float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), int transformType=Odometry::RIGID_BODY_MOTION)
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:224
BufferArea(bool safe=false)
Class constructor.
Trajectories.
Definition: widgets.hpp:605
@ COLOR_SPACE_XYZ_E_10
non-RGB color space
Definition: ccm.hpp:121
Definition: or_pascal.hpp:60
@ CONTOURS_MATCH_I1
Definition: imgproc.hpp:453
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:289
int type
Definition: all_layers.hpp:248
virtual void setIntensity(float intensity)=0
_OutputArray(const std::vector< UMat > &vec)
void cornerEigenValsAndVecs(InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
void qdft(InputArray img, OutputArray qimg, int flags, bool sideLeft)
Performs a forward or inverse Discrete quaternion Fourier transform of a 2D quaternion array.
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:166
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:152
bool normaliseOutput
Definition: retina.hpp:175
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)
virtual void getVotes(InputArray samples, OutputArray results, int flags) const =0
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: wobble_suppression.hpp:67
bool use_gray
Definition: tracking.hpp:47
void thinning(InputArray src, OutputArray dst, int thinningType=THINNING_ZHANGSUEN)
Applies a binary blob thinning operation, to achieve a skeletization of the input image.
int estimateTranslation3D(InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99)
Computes an optimal translation between two 3D point sets.
Definition: inpainting.hpp:175
@ CAP_PROP_POS_MSEC
Current position of the video file in milliseconds.
Definition: videoio.hpp:134
@ CPU_SSE3
Definition: cvdef.h:295
softfloat & operator=(const softfloat &c)
Assign constructor.
Definition: softfloat.hpp:97
const uchar * ptr(int row, int col=0) const
Definition: mat.hpp:339
int & stitchingLogLevel()
virtual String getDefaultName() const CV_OVERRIDE
std::vector< int > * pixels
Definition: erfilter.hpp:97
virtual Ncv32u alignment() const
const _Tp * ptr(int y=0) const
static Ptr< WBDetector > create()
Create instance of WBDetector.
Definition: gopaque.hpp:37
@ dark
Definition: gr_skig.hpp:84
#define OPENCV_HAL_NOP(a)
Definition: intrin.hpp:55
GMat absDiff(const GMat &src1, const GMat &src2)
Calculates the per-element absolute difference between two matrices.
virtual void setTermCriteria(TermCriteria val)=0
@ CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio.hpp:531
v_reg< _Tp, n > & operator/=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
int aprilTagMaxNmaxima
Definition: aruco.hpp:183
#define OPENCV_HAL_IMPL_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:623
void selection()
Identify most effective features for all feature types (optional)
@ CAP_PROP_AUTO_EXPOSURE
DC1394: exposure control done by camera, user can adjust reference level using this feature.
Definition: videoio.hpp:157
@ THINNING_ZHANGSUEN
Definition: ximgproc.hpp:111
Definition: inpainting.hpp:184
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.
PoseCluster3D(Pose3DPtr newPose)
Definition: pose_3d.hpp:147
virtual int getNOctaveLayers() const =0
double minOtsuStdDev
Definition: aruco.hpp:174
@ DEPTH_CLEANER_NIL
Definition: depth.hpp:195
@ NCV_HAAR_XML_LOADING_EXCEPTION
Definition: NCV.hpp:347
bool exists(const cv::String &path)
virtual float getGamma() const =0
@ nlanes
Definition: intrin_rvv.hpp:454
ushort val[8]
Definition: intrin_rvv.hpp:322
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__ GpuMat_ & operator=(const GpuMat_ &m)
assignment operators
@ COLOR_BGR2YUV
convert between RGB/BGR and YUV
Definition: imgproc.hpp:630
std::vector< std::vector< Ptr< Object > > > test
Definition: dataset.hpp:580
__host__ CubicInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interCubic(const SrcPtr &src)
Definition: interpolation.hpp:219
void read(const FileNode &node, KeyPoint &value, const KeyPoint &default_value)
float getRadius(cv::Mat cloud, cv::Point3d center)
Get the proper camera radius from the view point to the center of model.
#define CV_IN_OUT
Definition: cvdef.h:448
void apply(const std::vector< cv::Mat > &ins, std::vector< cv::Mat > &outs, GCompileArgs &&args={})
Execute a computation with arbitrary number of inputs/outputs (with compilation on-the-fly).
@ StsKernelStructContentErr
incorrect transform kernel content
Definition: base.hpp:99
bool isValidDepth(const float &depth)
Definition: depth.hpp:27
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
virtual void setNumDisparities(int numDisparities)=0
std::map< int, double > getResultsMap() const
Return results as map Labels are keys, values are minimal distances.
Definition: tracking.hpp:805
virtual void setThreshold(int threshold)=0
EstimatedGaussDistribution()
static void expand_impl(GCompoundContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcompoundkernel.hpp:95
static softfloat max()
Biggest finite value.
Definition: softfloat.hpp:216
@ CAP_PROP_XI_DEBUG_LEVEL
Set debug level.
Definition: videoio.hpp:484
virtual void setNumIters(int numIters)=0
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:628
vuint16m1_t vwcvtu_x_x_v_u16m1(vuint8mf2_t v)
Definition: intrin_rvv.hpp:190
int rows
Definition: constant.hpp:69
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > > remap_(const SrcPtr &src, const MapPtr &map)
Definition: warping.hpp:76
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2941
__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
Callback with the character classifier is made a class.
Definition: ocr.hpp:205
softdouble getFrac() const
Get a fraction part.
Definition: softfloat.hpp:329
virtual void extractSimpleFeatures(InputArray src, OutputArray dst)=0
Implements the feature extraction part of the algorithm.
double focal_length_y
Definition: simple_pipeline.hpp:110
virtual ~TrackerMOSSE() CV_OVERRIDE
Definition: tracking_legacy.hpp:341
std::string window_function
Window function: "hann", "cheb", "kaiser".
Definition: tracking.hpp:52
Poly(const std::vector< cv::Point > &points_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Mosaic constructor.
Definition: render_types.hpp:308
int deviceVersionMajor() const
Definition: functional.hpp:735
void updateTexture(const String &name, InputArray image)
@ CPU_MSA
Definition: cvdef.h:324
@ QT_STYLE_OBLIQUE
Oblique font.
Definition: highgui.hpp:252
static cv::GMat yield(cv::GCall &call, int i)
Definition: gkernel.hpp:75
virtual ~Tracker() CV_OVERRIDE
virtual double getPolySigma() const =0
virtual bool trainAuto(InputArray samples, int layout, InputArray responses, int kFold=10, Ptr< ParamGrid > Cgrid=SVM::getDefaultGridPtr(SVM::C), Ptr< ParamGrid > gammaGrid=SVM::getDefaultGridPtr(SVM::GAMMA), Ptr< ParamGrid > pGrid=SVM::getDefaultGridPtr(SVM::P), Ptr< ParamGrid > nuGrid=SVM::getDefaultGridPtr(SVM::NU), Ptr< ParamGrid > coeffGrid=SVM::getDefaultGridPtr(SVM::COEF), Ptr< ParamGrid > degreeGrid=SVM::getDefaultGridPtr(SVM::DEGREE), bool balanced=false)=0
Trains an SVM with optimal parameters.
virtual int saveParameters(cv::String filepath)=0
Save a file containing all the configuration parameters the class is currently set to.
virtual void setFastThreshold(int fastThreshold)=0
void read(const FileNode &node, std::string &value, const std::string &default_value)
@ TM_CCOEFF_NORMED
Definition: imgproc.hpp:3698
HOGDescriptor()
Creates the HOG descriptor and detector with default params.
Definition: objdetect.hpp:385
virtual void computeDataModulationTerm(InputArrayOfArrays patternImages, OutputArray dataModulationTerm, InputArray shadowMask)=0
compute the data modulation term.
UMat clone() const CV_NODISCARD
returns deep copy of the matrix, i.e. the data is copied
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:84
std::string imagePath
Definition: track_vot.hpp:64
int index_type
Definition: deriv.hpp:352
NCVStatus nppsStCompact_32f_host(Ncv32f *h_src, Ncv32u srcLen, Ncv32f *h_dst, Ncv32u *dstLen, Ncv32f elemRemove)
@ CONTINUOUS_FLAG
Definition: mat.hpp:2079
GIOProtoArgs< In_Tag > GProtoInputArgs
Definition: gproto.hpp:92
Matx(std::initializer_list< _Tp >)
initialize from an initializer list
int getNumOfAngleLine() const
@ CAP_PROP_XI_DECIMATION_VERTICAL
Vertical Decimation - vertical sub-sampling of the image - reduces the vertical resolution of the ima...
Definition: videoio.hpp:374
float Type
Definition: features2d.hpp:886
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
virtual void setWinStride(Size win_stride)=0
Window stride. It must be a multiple of block stride.
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
std::vector< ConfidenceMap > confidenceMaps
Definition: tracking.private.hpp:331
virtual double get(int propId) const
Returns the specified VideoWriter property.
@ MORPH_HITMISS
Definition: imgproc.hpp:225
float fx
Definition: resize.hpp:66
#define CV_CUDEV_RGB2HSV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:209
softdouble min(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:438
int preferredVectorWidthShort() const
int numFramesNotDetected
Definition: detection_based_tracker.hpp:188
@ CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio.hpp:526
void accumulateSquare(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds the square of a source image to the accumulator image.
wrapper around silhouette based 3D object tracking function for uniform access
Definition: rapid.hpp:139
@ NCVPipeObjDet_Default
Definition: NCVHaarObjectDetection.hpp:354
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 hal_ni_morphFree(cvhalFilter2D *context)
hal_morphFree
Definition: hal_replacement.hpp:230
__device__ __forceinline__ schar saturate_cast< schar >(uchar v)
Definition: saturate_cast.hpp:112
void create(int _rows, int _cols, int _type)
Definition: mat.hpp:224
CovarFlags
Covariation flags.
Definition: core.hpp:171
std::string type2
Definition: hpe_humaneva.hpp:65
@ CAP_PROP_PAN
Definition: videoio.hpp:168
Mat errorCovPost
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: tracking.hpp:402
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
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
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:788
StereographicWarper(float scale)
Definition: warpers.hpp:384
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2090
static Ptr< AR_hmdb > create()
std::vector< size_t > strides
Definition: all_layers.hpp:249
static Ptr< RgbdFrame > create(const Mat &image=Mat(), const Mat &depth=Mat(), const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:323
void getDisparityVis(InputArray src, OutputArray dst, double scale=1.0)
Function for creating a disparity map visualization (clamped CV_8U image)
__host__ void gridFindMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:329
Interface for Adaptive Manifold Filter realizations.
Definition: edge_filter.hpp:204
void upsampleMultioutput(InputArray img, std::vector< Mat > &imgs_new, const std::vector< int > &scale_factors, const std::vector< String > &node_names)
Upsample via neural network of multiple outputs.
@ COLOR_BayerGB2RGB
Definition: imgproc.hpp:749
Definition: goclkernel.hpp:163
value_type * pointer
Definition: cvstd.hpp:114
SparseMat()
Various SparseMat constructors.
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
bool isContinuous() const
Reports whether the matrix is continuous or not.
RadialVarianceHash()
Definition: radial_variance_hash.hpp:38
Definition: imgproc.hpp:994
Definition: features2d.hpp:717
@ COLOR_GRAY2BGR555
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:576
@ MODE_HH
Definition: stereo.hpp:202
Type type
Definition: types.hpp:322
@ SCORE_METHOD_MAGSAC
Definition: calib3d.hpp:549
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:171
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:678
cv::Size size() const override
Returns descriptor size.
Definition: tracking_by_matching.hpp:124
static Matx< _Tp, m, n > & operator/=(Matx< _Tp, m, n > &a, float alpha)
Definition: matx.hpp:1282
virtual void checkParams() const CV_OVERRIDE
int hal_ni_adaptiveThreshold(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
Calculates adaptive threshold.
Definition: hal_replacement.hpp:644
Mat(const Matx< _Tp, m, n > &mtx, bool copyData=true)
Trajectory trajectory
Definition: tracking.private.hpp:334
int getFeatureType() const
void release()
Release associated thread data and free TLS key.
Definition: tls.hpp:176
void setUseSVM(bool enabled)
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
Definition: stabilizer.hpp:164
virtual cv::Scalar compute(InputArray img)=0
Compute quality score per channel with the per-channel score in each element of the resulting cv::Sca...
virtual void setBlockSize(int blockSize)=0
cv ::Mat type
Definition: garray.hpp:324
bool open(const String &filename, int fourcc, double fps, const Size &frameSize, const std::vector< int > ¶ms)
int waitKey(int delay=0)
Waits for a pressed key.
virtual ~TrackerMIL() CV_OVERRIDE
Definition: tracking_legacy.hpp:139
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:479
short saturate_cast< short >(ushort v)
Definition: saturate.hpp:129
Base class for all exposure compensators.
Definition: exposure_compensate.hpp:61
@ USAC_PROSAC
USAC, sorted points, runs PROSAC.
Definition: calib3d.hpp:452
@ BadOffset
offset is invalid
Definition: base.hpp:80
virtual double getGamma() const =0
Gradient constancy importance.
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:56
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
@ COLORMAP_HOT
Definition: imgproc.hpp:4278
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
cv::Mat getScreenshot() const
Returns the Mat screenshot of the current scene.
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:647
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...
Base class for warping logic implementation.
Definition: warpers.hpp:142
static cv::Scalar compute(InputArray img, const cv::String &model_file_path, const cv::String &range_file_path)
static method for computing quality
cv::Scalar & outValR(int output)
sparse matrix node - element of a hash table
Definition: mat.hpp:2688
#define CV_ENUM_FLAGS(EnumType)
Definition: cvdef.h:610
virtual bool isOpened() const
Checks whether the file is opened.
@ RIGHT
Definition: slam_tumindoor.hpp:63
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:424
float score
Definition: linemod.hpp:96
virtual int getCannyLowThresh() const =0
bool imageSupport() const
int getThreshold() const
Definition: agast.txt:7524
virtual void setForwardBackward(float val)=0
Threshold for the forward backward confidence check.
@ COUNT
the maximum number of iterations or elements to compute
Definition: types.hpp:860
virtual void setFeatureExtractor(void(*)(const Mat, const Rect, Mat &), bool pca_func=false)=0
static std::vector< float > getDaimlerPeopleDetector()
Returns coefficients of the classifier trained for people detection (for 48x96 windows).
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:407
Ptr< BaseCascadeClassifier::MaskGenerator > getMaskGenerator()
static bool isFlow(int flags)
static Ptr< TrackerKCF > create(const TrackerKCF::Params ¶meters=TrackerKCF::Params())
Create KCF tracker instance.
@ COLOR_YUV420p2RGBA
Definition: imgproc.hpp:665
@ EVENT_LBUTTONDOWN
indicates that the left mouse button is pressed.
Definition: highgui.hpp:211
std::vector< GTypeInfo > GTypesInfo
Definition: gkernel.hpp:38
int descriptorsCount() const
Returns the count of all descriptors stored in the training set.
@ COLOR_BayerBG2GRAY_MHT
Definition: cudaimgproc.hpp:105
@ CAP_PROP_XI_CC_MATRIX_31
Color Correction Matrix element [3][1].
Definition: videoio.hpp:427
virtual float getSaturation() const =0
virtual void unsetAttached()
"Deattaches" all the layers, attached to particular layer.
@ MOTION_AFFINE
Definition: tracking.hpp:264
std::vector< Mat > descriptors
Definition: features2d.hpp:1434
@ SG140
DigitalSG with 140 squares.
Definition: checker_model.hpp:49
virtual void train(InputArrayOfArrays src, InputArray labels)=0
Trains a FaceRecognizer with given data and associated labels.
virtual vector< Point2f > getNextGT()=0
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
float aprilTagQuadDecimate
Definition: aruco.hpp:178
@ CAP_OPENNI_IR_IMAGE
Data given from IR image generator.
Definition: videoio.hpp:274
virtual void setStabilizationMotions(const std::vector< Mat > &val) CV_OVERRIDE
void reduce(InputArray mtx, OutputArray vec, int dim, int reduceOp, int dtype=-1, Stream &stream=Stream::Null())
Reduces a matrix to a vector.
void computeImageFeatures(const Ptr< Feature2D > &featuresFinder, InputArrayOfArrays images, std::vector< ImageFeatures > &features, InputArrayOfArrays masks=noArray())
double const_param_type
Definition: core.hpp:3211
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
static Ptr< ObjectnessBING > create()
Definition: saliencySpecializedClasses.hpp:298
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:965
int partition(const std::vector< _Tp > &_vec, std::vector< int > &labels, _EqPredicate predicate=_EqPredicate())
Splits an element set into equivalency classes.
Definition: operations.hpp:503
gapi::GBackend backend() const override
Definition: gcpukernel.hpp:503
@ CAP_PROP_ROLL
Definition: videoio.hpp:170
@ nlanes
Definition: intrin_rvv.hpp:519
void cvtColor(InputArray src, OutputArray dst, int code, int dcn=0, Stream &stream=Stream::Null())
Converts an image from one color space to another.
HOGDescriptor::HistogramNormType histogramNormType
histogramNormType
Definition: objdetect.hpp:608
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:455
bool addTrackerSamplerAlgorithm(Ptr< TrackerContribSamplerAlgorithm > &sampler)
virtual double getPyrScale() const =0
bool parseRiff(frame_list &m_mjpeg_frames)
int numStepsToShowWithoutDetecting
Definition: detection_based_tracker.hpp:170
Definition: all_layers.hpp:552
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:374
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:256
__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
virtual bool test_point(Point pt)
size_t idx
Definition: mat.hpp:3419
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)
GOpaque< int > countNonZero(const GMat &src)
Counts non-zero array elements.
@ MOTION_EUCLIDEAN
Definition: tracking.hpp:263
Rect getWindowImageRect(const String &winname)
Provides rectangle of image in the window.
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.
int depth() const
Returns the depth of a matrix element.
Definition: mat.hpp:210
std::vector< int > computeSelectedWeakClassifier()
Get the list of the selected weak classifiers for the classification step.
double Rx
Definition: gr_chalearn.hpp:67
virtual void setMinY(double _plotMinY)=0
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
This class represents a keyboard event.
Definition: types.hpp:283
String readClass(const FileNode &fn, const String &class_id_override="")
GFluidKernel()
Definition: gfluidkernel.hpp:74
int getMinSize() const
Definition: depth.hpp:397
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
virtual void setMinArea(int minArea)=0
bool m_funError
Definition: instrumentation.hpp:84
void download(OutputArray dst, Stream &stream) const
Performs data download from GpuMat (Non-Blocking call)
~TrackerContribSampler()
Destructor.
Definition: tuple_adapter.hpp:79
virtual ~Feature2DAsync()
cv::Mat getIterationCounts() const
Definition: depth.hpp:957
@ COLOR_YUV420sp2GRAY
Definition: imgproc.hpp:674
Params(const std::string &model, const std::string &device)
Definition: ie.hpp:97
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:77
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:909
virtual void setLambda(float lambda)=0
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
Definition: tracking_feature.private.hpp:26
@ COLOR_Luv2LRGB
Definition: imgproc.hpp:628
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
Definition: tracking_internals.hpp:654
uchar blobColor
Definition: features2d.hpp:726
void rotation(const Mat3 &R)
virtual void setNonmaxSuppression(bool f)=0
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
Sensor clock frequency index. Sensor with selected frequencies have possibility to set the frequency ...
Definition: videoio.hpp:451
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
Definition: all_layers.hpp:447
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2542
void setMaxPixelValue(double val)
sets the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:87
Kernel(const char *kname, const Program &prog)
virtual int getRICSPSize() const =0
Parameter to tune the approximate size of the superpixel used for oversegmentation.
void mapBackward(float u, float v, float &x, float &y)
This 3D Widget defines a finite plane.
Definition: widgets.hpp:250
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:2705
float result_type
Definition: vec_distance.hpp:125
Definition: gcompoundkernel.hpp:41
int nativeVectorWidthShort() const
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_dotprod_fast(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Fast Dot product of elements.
Definition: intrin_cpp.hpp:1004
void setNormalArray(InputArray normal)
Sets an array of vertex normals.
vuint16mf2_t vle16_v_u16mf2(const uint16_t *ptr)
Definition: intrin_rvv.hpp:168
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...
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:157
@ CAP_PROP_XI_ROW_FPN_CORRECTION
Correction of row FPN.
Definition: videoio.hpp:474
v_int16x8(short v0, short v1, short v2, short v3, short v4, short v5, short v6, short v7)
Definition: intrin_rvv.hpp:336
const cv::Scalar & inVal(int input)
v_reg< _Tp, n > & operator^=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Ptr2D::value_type value_type
Definition: traits.hpp:61
GMatP NV12toBGRp(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to BGR. The function converts an input image from N...
size_t globalMemSize() const
void mapBackward(float u, float v, float &x, float &y)
static Ptr< FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, FastFeatureDetector::DetectorType type=FastFeatureDetector::TYPE_9_16)
static constexpr _Tp CV_QUAT_EPS
Definition: quaternion.hpp:138
Definition: infer.hpp:445
@ FM_RANSAC
RANSAC algorithm. It needs at least 15 points. 7-point algorithm is used.
Definition: calib3d.hpp:527
GMat subC(const GMat &src, const GScalar &c, int ddepth=-1)
Calculates the per-element difference between matrix and given scalar.
void writeScalar(FileStorage &fs, int value)
int max_m
unused delete
Definition: facemarkAAM.hpp:116
std::deque< std::pair< uint64_t, uint32_t > > frame_list
Definition: container_avi.private.hpp:68
std::vector< float > scales
defines the scales considered to build the model
Definition: facemarkAAM.hpp:108
Definition: motion_stabilizing.hpp:118
virtual double getPyrScale() const =0
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:186
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.
virtual void detect(InputArray inputImage, std::vector< Rect > &Bbox, std::vector< float > &confidence)=0
Method that provides a quick and simple interface to detect text inside an image.
Definition: extrapolation.hpp:172
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
virtual int getNAllVars() const =0
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
virtual int getSuperpixelSize() const =0
Get the internal cost, i.e. edge map, used for estimating the edge-aware term.
@ CAP_PROP_TILT
Definition: videoio.hpp:169
struct CvCapture CvCapture
Definition: videoio.hpp:68
CameraParams(const CameraParams &other)
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap, double maxPixelValue=QualityPSNR::MAX_PIXEL_VALUE_DEFAULT)
static method for computing quality
Definition: qualitypsnr.hpp:72
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:131
void initJulia(int argc, char **argv)
Affine3< double > Affine3d
Definition: affine.hpp:291
int PeakBitrate
NVVE_PEAK_BITRATE,.
Definition: cudacodec.hpp:92
@ CAP_OPENNI2_ASUS
OpenNI2 (for Asus Xtion and Occipital Structure sensors)
Definition: videoio.hpp:114
void create(int num_vertices)
Definition: util.hpp:89
Rect_ & operator=(const Rect_ &r)
virtual bool fit(InputArray image, InputArray faces, OutputArrayOfArrays landmarks)=0
Detect facial landmarks from an image.
virtual void load(const std::string &path) CV_OVERRIDE=0
@ DECOMP_NORMAL
Definition: base.hpp:151
Definition: reduce.hpp:294
Vec2i maxTextureCubemapLayered() const
maximum Cubemap layered texture dimensions
virtual double getScaleStep() const =0
Step between scales (<1)
static Ptr< TransientAreasSegmentationModule > create(Size inputSize)
allocator
@ CPU_AVX_512F
Definition: cvdef.h:305
__device__ __forceinline__ uchar1 max(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:785
static float16_t fromBits(ushort b)
Definition: cvdef.h:896
@ USAC_ACCURATE
USAC, accurate settings.
Definition: calib3d.hpp:451
float icpDistThresh
distance theshold for ICP in meters
Definition: large_kinfu.hpp:71
@ EPS
the desired accuracy or change in parameters at which the iterative algorithm stops
Definition: types.hpp:862
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.
unsigned val[2]
Definition: intrin_rvv.hpp:73
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
Affine3()
Default constructor. It represents a 4x4 identity matrix.
virtual int getTrainMethod() const =0
LineSegmentDetectorModes
Variants of Line Segment Detector.
Definition: imgproc.hpp:484
bool operator==(const Border &b1, const Border &b2)
void knnSearch(const Mat &queries, Mat &indices, Mat &dists, int knn, const ::cvflann::SearchParams ¶ms)
Definition: histogram.hpp:101
__device__ __forceinline__ uint vsetlt4(uint a, uint b)
Definition: simd_functions.hpp:691
GemmFlags
generalized matrix multiplication flags
Definition: base.hpp:220
int hashtableResize(hashtable_int *hashtbl, size_t size)
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1190
virtual double getMaxVal() const =0
float learning_rate
learning_rate stores the learning rate in gradient boosting, also referred as shrinkage.
Definition: face_alignment.hpp:27
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:331
@ DICT_4X4_1000
Definition: dictionary.hpp:145
CV_EXPORTS_W bool haveImageWriter(const String &filename)
Returns true if an image with the specified filename can be encoded by OpenCV.
const T & inArg(int input)
Definition: goclkernel.hpp:59
@ StsBadFlag
flag is wrong or not supported
Definition: base.hpp:106
int loSampleSize
Definition: calib3d.hpp:559
void setSensorErrorA(double val)
Definition: depth.hpp:425
static Ptr< GR_chalearn > create()
AutoBuffer(const AutoBuffer< _Tp, fixed_size > &buf)
the copy constructor
@ CALIB_USE_EXTRINSIC_GUESS
for stereoCalibrate
Definition: calib3d.hpp:520
UMatData::MemoryFlag flags
Definition: mat.hpp:562
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.
void forward_fallback(InputArrayOfArrays inputs, OutputArrayOfArrays outputs, OutputArrayOfArrays internals)
Given the input blobs, computes the output blobs.
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...
const float * warpMat
Definition: warping.hpp:112
_Tp z
Definition: quaternion.hpp:1437
const T & get() const
Definition: copy_through_move.hpp:20
virtual void dsinsert(InputArray Array, const String &dslabel, const int *dims_offset) const =0
bool waveCorrection() const
Definition: stitching.hpp:198
@ CPU_AVX_512VNNI
Definition: cvdef.h:316
virtual cv::gapi::GBackend backend() const =0
bool isIntel() const
Definition: ocl.hpp:190
const _Tp & operator[](std::size_t n) const
Mersenne Twister random number generator.
Definition: core.hpp:2937
@ COLORSPACE_RGBA
Definition: container_avi.private.hpp:135
@ NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
Definition: NCV.hpp:352
int id
Definition: ar_hmdb.hpp:62
int writePoseCluster(const std::string &FileName)
AffineBasedEstimator()
Definition: motion_estimators.hpp:124
@ IMREAD_LOAD_GDAL
If set, use the gdal driver for loading the image.
Definition: imgcodecs.hpp:75
XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or readi...
Definition: persistence.hpp:304
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
@ QUAT_ASSUME_NOT_UNIT
Definition: quaternion.hpp:45
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:214
virtual void compute(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Computes the cornerness criteria at each image pixel.
GAPI_WRAP void setSource(GRunArgs &&ins)
Specify the input data to GStreamingCompiled for processing, a generic version.
@ CPU_SSE
Definition: cvdef.h:293
@ 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:555
Definition: feature.hpp:224
virtual void load(const std::string &path) CV_OVERRIDE=0
@ CAP_PROP_AUTO_WB
enable/ disable auto white-balance
Definition: videoio.hpp:179
std::vector< size_t > pads_end
Definition: all_layers.hpp:216
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:397
GCompileArgs compile_args(Ts &&... args)
Wraps a list of arguments (a parameter pack) into a vector of compilation arguments (cv::GCompileArg)...
Definition: gcommon.hpp:202
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).
@ COLORSPACE_GRAY
Definition: container_avi.private.hpp:135
float t[3]
Definition: warpers.hpp:152
int depth() const
returns element type
typename std::decay< T >::type decay_t
Definition: type_traits.hpp:22
void add8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
#define CV_8U
Definition: interface.h:73
const _Tp & operator[](int i) const
@ SFM_IO_OPENMVG
Definition: io.hpp:61
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.
virtual double getDecisionThreshold() const =0
Returns the value of decision threshold.
float uniform(float a, float b)
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
MatConstIterator_(const MatConstIterator_ &it)
copy constructor
vuint32m1_t vwcvtu_x_x_v_u32m1(vuint16mf2_t v)
Definition: intrin_rvv.hpp:192
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:154
void include(const GFunctor &functor)
Definition: gkernel.hpp:500
int channels() const
Returns the number of matrix channels.
Definition: mat.hpp:217
static cudaEvent_t getEvent(const Event &event)
static Mat subspaceProject(InputArray W, InputArray mean, InputArray src)
SrcPtr src
Definition: interpolation.hpp:239
virtual void setBeta(float value)=0
Sets the nms threshold for object proposals.
int minDistanceToBorder
Definition: aruco.hpp:164
virtual void setWinSize(Size winSize)=0
virtual void setSmallerBlockSize(int blockSize)=0
WindowPropertyFlags
Flags for cv::setWindowProperty / cv::getWindowProperty.
Definition: highgui.hpp:199
Bayes classifier for normally distributed data.
Definition: ml.hpp:399
CvFeatureParams * featureParams
Definition: feature.hpp:198
ERStat * child
Definition: erfilter.hpp:104
@ CPU_AVX512_CLX
Cascade Lake with AVX-512F/CD/BW/DQ/VL/VNNI.
Definition: cvdef.h:336
Point3_(const Vec< _Tp, 3 > &v)
int maxIteration
Definition: rlofflow.hpp:139
@ BM3D_STEP2
Definition: bm3d_image_denoising.hpp:75
MatExpr min(const Mat &a, double s)
int index_type
Definition: deriv.hpp:332
#define CV_8S
Definition: interface.h:74
#define CV_OVERRIDE
Definition: cvdef.h:740
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:1209
@ COLOR_BGRA2YUV_YV12
Definition: imgproc.hpp:740
int rows
Definition: warping.hpp:127
static AsyncArray testAsyncException()
Definition: bindings_utils.hpp:76
std::vector< bool > isGlobalPooling
Definition: all_layers.hpp:252
TrackerContribSampler()
Constructor.
virtual void compute(InputArray left, InputArray right, OutputArray disparity) CV_OVERRIDE=0
Computes disparity map for the specified stereo pair.
GOpaque< Rect > boundingRect(const GMat &src)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
void setSource(Args &&... args)
Constructs and specifies an input video stream for a single-input computation pipeline with the given...
Definition: gstreaming.hpp:210
virtual ~Pose3D()
Definition: pose_3d.hpp:123
@ GpuApiCallError
GPU API call error.
Definition: base.hpp:117
virtual void setFGSSigma(float sigma=1.5f)=0
Sets the respective fastGlobalSmootherFilter() parameter.
static Ptr< DescriptorMatcher > create(const DescriptorMatcher::MatcherType &matcherType)
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:152
virtual void write(String fs) const =0
Write xml/yml formated parameters information.
int getMinLabel() const
Returns label with minimal distance.
CONST_COLOR
Macbeth and Vinyl ColorChecker with 2deg D50.
Definition: ccm.hpp:88
Definition: interpolation.hpp:366
Impl * p
Definition: ocl.hpp:294
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
Image hash based on color moments.
Definition: color_moment_hash.hpp:21
double adaptiveThreshConstant
Definition: checker_detector.hpp:109
GOpaque< T > yieldOpaque(int output=0)
Definition: gcall.hpp:52
int subsetOfs
Definition: ml.hpp:1191
virtual void release()
Closes the file and releases all the memory buffers.
void zeroFill(T *&ptr)
Fill one of buffers with zeroes.
Definition: buffer_area.private.hpp:88
static Ptr< DCT2D > create(int width, int height, int depth, int flags)
Definition: all_layers.hpp:222
void showWidget(const String &id, const Widget &widget, const Affine3d &pose=Affine3d::Identity())
Shows a widget in the window.
@ CAP_PROP_XI_DOWNSAMPLING_TYPE
Change image downsampling type.
Definition: videoio.hpp:368
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
Matx34d p
Definition: msm_epfl.hpp:73
const std::vector< Mat > & getSamples() const
Return the samples from all TrackerSamplerAlgorithm, Fig. 1 variable Sk.
~OpenCLExecutionContextScope()
Definition: ocl.hpp:830
int warpSize() const
warp size in threads
virtual void add(InputArrayOfArrays descriptors) CV_OVERRIDE
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
void setEdgePoints(int edge, int orgPt, int dstPt)
virtual int inputNameToIndex(String inputName)
Returns index of input blob into the input array.
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).
@ COLOR_BayerRG2RGB_EA
Definition: imgproc.hpp:777
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
Definition: tracking_feature.private.hpp:103
GOptRunArgP wrap_opt_arg(optional< T > &arg)
Definition: gstreaming.hpp:76
Base class for Canny Edge Detector. :
Definition: cudaimgproc.hpp:289
@ CAP_OPENNI_VGA_30HZ
Definition: videoio.hpp:278
void prepareSimilarityMask(const std::vector< Point > &corners, const std::vector< UMat > &images)
void max32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
static bool isAligned(const T &data)
Alignment check of passed values.
Definition: utility.hpp:517
NcvBool isMemAllocated() const
Definition: NCV.hpp:893
std::vector< TrackedObject > trackedObjects
Definition: detection_based_tracker.hpp:205
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
virtual ~IOStream()=default
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:105
@ StsObjectNotFound
request can't be completed
Definition: base.hpp:104
@ turnaround
Definition: gr_skig.hpp:70
virtual void convert(OutputArray gpu_objects, std::vector< Rect > &objects)=0
Converts objects array from internal representation to standard vector.
@ ENTITY_MATERIAL
Definition: ovis.hpp:74
void destroy(pointer p)
Definition: cvstd.hpp:136
virtual int getMaxFeatures() const =0
@ CV_ERROR_OK
No error.
Definition: llapi.h:33
const_pointer address(const_reference r)
Definition: cvstd.hpp:130
bool holds_alternative(const util::variant< Types... > &v) noexcept
Definition: variant.hpp:406
void setBlockSize(int val)
Definition: depth.hpp:393
int rows
Definition: deriv.hpp:256
Scalar sum(InputArray src)
Calculates the sum of array elements.
RegKinds
Regularization kinds.
Definition: ml.hpp:1672
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:277
virtual void setFlags(int flags)=0
virtual void apply(int index, Point corner, InputOutputArray image, InputArray mask)=0
Compensate exposure in the specified image.
IDetector()
Definition: detection_based_tracker.hpp:71
static constexpr const bool value
Definition: gfluidkernel.hpp:258
float samplerOverlap
search region parameters to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:155
The class implements the Expectation Maximization algorithm.
Definition: ml.hpp:837
GArray(detail::GArrayU &&ref)
Definition: garray.hpp:349
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Definition: warpers.hpp:514
Impl * p
Definition: ocl.hpp:378
virtual int getOuterIterations() const =0
Outer iterations (number of inner loops) used in the numerical scheme.
@ block_size_y
Definition: reduce_to_vec.hpp:215
virtual void atwrite(const String &value, const String &atlabel)=0
virtual void getObjects(std::vector< Object > &result) const
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
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:422
virtual float getSaturation() const =0
Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector.
Definition: objdetect.hpp:373
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.
@ COLOR_BGR2XYZ
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:579
@ COLOR_BayerBG2RGB
Definition: imgproc.hpp:748
Definition: warpers.hpp:194
OpenCLExecutionContext & operator=(OpenCLExecutionContext &&)=default
void setNormSigma0(float val)
Definition: garray.hpp:61
virtual void detectAndCompute(InputArray image, InputArray mask, std::vector< KeyPoint > &keypoints, OutputArray descriptors, bool useProvidedKeypoints=false)
#define OPENCV_HAL_IMPL_RVV_INTERLEAVED(_Tpvec, _Tp, suffix, width)
Definition: intrin_rvv.hpp:2166
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
const size_t & operator[](int i) const
@ CAP_GSTREAMER
GStreamer.
Definition: videoio.hpp:117
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask) CV_OVERRIDE
@ COLOR_BGR2YCrCb
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:584
unsigned int m_width
Definition: container_avi.private.hpp:129
int set(int i, const _Tp &value)
Definition: ocl.hpp:441
virtual int getGradientDescentIterations() const =0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
const T & unsafe_get() const
Definition: garg.hpp:82
TrackedObjects objects
Detected objects;.
Definition: tracking_by_matching.hpp:386
virtual void setCompositors(const std::vector< String > &names)=0
@ CAP_PVAPI_FSTRIGMODE_FREERUN
Freerun.
Definition: videoio.hpp:311
Definition: msm_epfl.hpp:61
virtual bool isMaskSupported() const CV_OVERRIDE
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1211
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut_pairs(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2185
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
TranslationBasedLocalOutlierRejector()
static Ptr< SeamFinder > createDefault(int type)
@ COLOR_BGRA2BGR555
Definition: imgproc.hpp:571
static std::string toUpperCase(const std::string &str)
Definition: cvstd.hpp:178
float reid_thr
Affinity threshold for re-identification.
Definition: tracking_by_matching.hpp:300
const std::vector< Mat > & getResponses() const
Get the responses.
virtual Mat predict(InputArray control=noArray())=0
v_reg< _Tp, n > & operator*=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
@ TM_CCORR
Definition: imgproc.hpp:3675
#define OPENCV_HAL_IMPL_RVV_BIN_OP(bin_op, _Tpvec, intrin, width)
Definition: intrin_rvv.hpp:1178
@ IMWRITE_JPEG_PROGRESSIVE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:88
@ CAP_PROP_XI_DECIMATION_SELECTOR
Decimation engine selector.
Definition: videoio.hpp:373
static void retainBest(std::vector< KeyPoint > &keypoints, int npoints)
virtual double getGradientEps() const
SrcPtr src
Definition: deriv.hpp:106
virtual double getNoiseSigma() const =0
virtual NcvBool isCounting() const
void reset()
Definition: gopaque.hpp:256
uint64_t v
Definition: softfloat.hpp:362
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2102
virtual int getP1() const =0
mat_type gradient_map
Definition: qualitygmsd.hpp:61
@ CAP_FIREWARE
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:95
_Tp v_extract_n(const v_reg< _Tp, n > &v)
Vector extract.
Definition: intrin_cpp.hpp:1946
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
Recovers inverse camera response.
Ncv32u y
Point Y.
Definition: NCV.hpp:203
Definition: all_layers.hpp:424
std::vector< uchar > pool
Definition: mat.hpp:2681
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
kinfu::Params Params
DynamicFusion implementation.
Definition: dynafu.hpp:44
double cornerRefinementMinAccuracy
Definition: aruco.hpp:169
float scale_lr
Definition: tracking.hpp:71
virtual void printAttrs() const CV_OVERRIDE
@ KMEANS_PP_CENTERS
Definition: core.hpp:214
Definition: wobble_suppression.hpp:114
float endPointX
Definition: descriptor.hpp:128
bool member_type
Definition: core.hpp:3196
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 void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
Definition: core.hpp:3099
SparseMat_(const SparseMat_ &m)
the copy constructor. This is O(1) operation - no data is copied
Mat sum
Definition: feature.hpp:397
SrcPtr src
Definition: deriv.hpp:354
int targetHeight
Definition: tracking.private.hpp:206
LSTM recurrent layer.
Definition: all_layers.hpp:91
virtual void setSaturation(float saturation)=0
int hal_ni_gaussianBlur(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int cn, size_t margin_left, size_t margin_top, size_t margin_right, size_t margin_bottom, size_t ksize_width, size_t ksize_height, double sigmaX, double sigmaY, int border_type)
Blurs an image using a Gaussian filter.
Definition: hal_replacement.hpp:698
virtual void setMinDisparity(int minDisparity)=0
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
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
@ NPPST_CUDA_KERNEL_EXECUTION_ERROR
CUDA kernel execution error.
Definition: NCV.hpp:357
Model & setInputScale(double scale)
Set scalefactor value for frame.
GMat2 renderNV12(const GMat &y, const GMat &uv, const GArray< Prim > &prims)
Renders on two planes.
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.
GPlaidMLKernel(const F &f)
Definition: gplaidmlkernel.hpp:62
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)
@ COLOR_BGR2BGR565
convert between RGB/BGR and BGR565 (16-bit images)
Definition: imgproc.hpp:555
Quat< _Tp > operator*(const Quat< _Tp > &) const
Multiplication operator of two quaternions q and p. Multiplies values on either side of the operator.
#define CV_MAKETYPE(depth, cn)
Definition: interface.h:85
std::vector< T > to_own(const cv::MatSize &sz)
Definition: convert.hpp:19
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))
@ CAP_PROP_XI_GAMMAY
Luminosity gamma.
Definition: videoio.hpp:411
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
double y
Definition: facemarkLBF.hpp:105
pointer address(reference r)
Definition: cvstd.hpp:129
virtual std::vector< float > compute(const std::vector< cv::Mat > &descrs1, const std::vector< cv::Mat > &descrs2)=0
Computes distances between two descriptors in batches.
float template_size
Definition: tracking.hpp:56
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
CvHaarEvaluator::FeatureHaar & getFeatures(int idx)
Definition: tracking_feature.private.hpp:132
enum cv::tracking::TrackerKCF::MODE MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracking_legacy.hpp:269
virtual int getInnerIterations() const =0
Inner iterations (between outlier filtering) used in the numerical scheme.
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:257
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:329
@ CHAIN_APPROX_TC89_KCOS
Definition: imgproc.hpp:441
DiffusivityType
Definition: features2d.hpp:764
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:590
virtual void multiply(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
@ CV_STAR_KERNEL
Definition: descriptor.hpp:15
static std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:271
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
bool wasStopped() const
Returns whether the event loop has been stopped.
void setNumOfAngleLine(int value)
int rows
Definition: extrapolation.hpp:66
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gkernel.hpp:45
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:63
int label
Definition: or_sun.hpp:62
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel, const int compresslevel, const vector< int > &dims_chunks) const =0
virtual int getVotesThreshold() const =0
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:398
Definition: functional.hpp:173
MediaFormat fmt
Definition: gframe.hpp:57
@ COLOR_RGB2GRAY
Definition: imgproc.hpp:547
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2500
Yes a[2]
Definition: functional.hpp:890
static int swapEndian(int val)
Suit the position of bytes in 4 byte data structure for particular system.
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.
_Tp y
y coordinate of the point
Definition: types.hpp:187
@ SOLVEPNP_ITERATIVE
Definition: calib3d.hpp:457
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:94
virtual void setDiscSingleJump(double disc_single_jump)=0
unsigned long long int m_movi_start
Definition: container_avi.private.hpp:126
virtual void calc(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err=cv::noArray())=0
Calculates a sparse optical flow.
void * m_retAddress
Definition: instrumentation.hpp:82
void assign(const Mat &m) const
bool empty() const
Checks whether the classifier has been loaded.
GMat BayerGR2RGB(const GMat &src_gr)
Converts an image from BayerGR color space to RGB. The function converts an input image from BayerGR ...
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
static Matx all(double alpha)
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:93
void waitForCompletion()
Blocks the current CPU thread until all operations in the stream are complete.
::uint8_t uint8_t
Definition: cvdef.h:795
float aff_thr_fast
Definition: tracking_by_matching.hpp:273
virtual String getDefaultName() const CV_OVERRIDE
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
Automatically Allocated Buffer Class.
Definition: utility.hpp:102
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
cv::detail::OpaqueKind kind
Definition: gkernel.hpp:32
virtual void deleteDataInstance(void *pData) const CV_OVERRIDE
Wrapper to release data by template.
Definition: tls.hpp:80
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
int getScale()
Returns the scale factor of the model:
virtual bool set(int propId, double value)
Sets a property in the VideoCapture.
bool is_generic
Definition: ie.hpp:68
int maxSurface1D() const
maximum 1D surface size
float localAdaptintegration_tau
Definition: retina.hpp:176
@ COLOR_YUV2RGBA_YUYV
Definition: imgproc.hpp:709
virtual ~WarperCreator()
Definition: warpers.hpp:142
Mat reconstruct(InputArray src)
std::vector< cv::Point3d > CameraPos
Camera position on the sphere after duplicated points elimination.
Definition: cnn_3dobj.hpp:159
Definition: warpers.hpp:664
@ StsBackTrace
pseudo error for back trace
Definition: base.hpp:70
vint16m1_t vwcvt_x_x_v_i16m1(vint8mf2_t v)
Definition: intrin_rvv.hpp:191
Definition: vec_math.hpp:61
virtual void setUseInitialFlow(bool useInitialFlow)=0
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
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
bool isSubnormal() const
Subnormal number indicator.
Definition: softfloat.hpp:309
v_reg< ushort, 8 > v_uint16x8
Eight 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:397
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
virtual int getModelIter() const =0
Parameter defining the number of iterations for piece-wise affine model estimation.
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...
LogTagAuto(const char *_name, LogLevel _level)
Definition: logger.hpp:51
@ INTERP_EPIC
Definition: rlofflow.hpp:33
std::vector< GMetaArg > GMetaArgs
Definition: gmetaarg.hpp:46
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
std::wstring text
The text string to be drawn.
Definition: render_types.hpp:113
@ THRESH_TOZERO
Definition: imgproc.hpp:323
const B m_b
Definition: gfluidkernel.hpp:92
An optional shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:100
void extractLineBundle(int len, InputArray ctl2d, InputArray img, OutputArray bundle, OutputArray srcLocations)
Mat_(Size _size)
equivalent to Mat(_size, DataType<_Tp>::type)
@ CAP_PROP_IMAGES_LAST
Definition: videoio.hpp:596
@ CAP_PROP_XI_HDR_T1
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:478
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:233
virtual int getPreFilterType() const =0
cv::Point2i p0
Definition: quasi_dense_stereo.hpp:29
Ptr< linemod::Detector > getDefaultLINEMOD()
Factory function for detector using LINE-MOD algorithm with color gradients and depth normals.
__host__ NCVStatus setStageThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:276
std::vector< GNetParam > networks
Definition: infer.hpp:464
Definition: variant.hpp:57
Mat _eigenvectors
Definition: core.hpp:2621
@ block_size_y
Definition: histogram.hpp:104
@ PANORAMA
Definition: stitching.hpp:167
static void write(FileStorage &fs, const String &name, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:1037
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:98
Types
SVM type
Definition: ml.hpp:618
std::vector< std::vector< Range > > sliceRanges
Vector of slice ranges.
Definition: all_layers.hpp:366
Definition: onlineBoosting.hpp:177
static Ptr< OR_pascal > create()
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)
@ MONOCHROME_TRANSFER
Definition: photo.hpp:721
Definition: all_layers.hpp:471
Definition: cap_ios.h:101
int label
Definition: predict_collector.hpp:87
virtual float getSuperpixelRuler() const =0
Parameter to tune enforcement of superpixel smoothness factor used for oversegmentation.
NCVStatus nppiStTranspose_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
Definition: tracking_feature.private.hpp:131
virtual Ptr< BackendNode > initCUDA(void *context, const std::vector< Ptr< BackendWrapper >> &inputs, const std::vector< Ptr< BackendWrapper >> &outputs)
Returns a CUDA backend node.
void setMaterialProperty(const String &name, int prop, const Scalar &value)
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.
@ COLOR_RGB2HSV_FULL
Definition: imgproc.hpp:611
std::vector< int > parent
Definition: util.hpp:64
virtual void getViewParams(std::vector< float > &tilts, std::vector< float > &rolls) const =0
void create(const std::vector< int > &_dims, int _type)
Definition: mat.hpp:245
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Number of buffers to commit to low level.
Definition: videoio.hpp:470
PlaneWarperGpu(float scale=1.f)
Definition: warpers.hpp:504
void createConcentricSpheresTestSet(int nsamples, int nfeatures, int nclasses, OutputArray samples, OutputArray responses)
Creates test set.
virtual void setLRCthresh(int _LRC_thresh)=0
@ COLOR_YUV2BGR_Y422
Definition: imgproc.hpp:683
@ DIST_LABEL_PIXEL
Definition: imgproc.hpp:372
bool sampling(const Mat &image, const Rect &boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
Computes the regions starting from a position in an image.
uchar * data
Definition: cuda.hpp:593
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:169
static Ptr< RgbdPlane > create(int method, int block_size, int min_size, double threshold, double sensor_error_a=0, double sensor_error_b=0, double sensor_error_c=0)
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2555
virtual void setUseInitialFlow(bool val)=0
Use initial flow.
size_t freeList
Definition: mat.hpp:2680
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...
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
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
static std::string toLowerCase(const std::string &str)
Definition: cvstd.hpp:171
cv::util::optional< GCompileArg > tryDeserializeCompArg(const std::string &tag, const std::vector< char > &sArg)
Definition: s11n.hpp:311
virtual int getMaxLines() const =0
@ CAP_PROP_XI_ACQ_BUFFER_SIZE
Acquisition buffer size in buffer_size_unit. Default bytes.
Definition: videoio.hpp:466
DpSeamFinder(String costFunc)
virtual void getPoints(OutputArray points3d)=0
Mat R
Definition: facemarkAAM.hpp:88
void * hashtableGet(hashtable_int *hashtbl, KeyType key)
__host__ void gridMerge_(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:64
friend Quat< T > tan(const Quat< T > &q)
return tan value of quaternion q, tan could be calculated as:
void calcNorm(InputArray src, OutputArray dst, int normType, InputArray mask=noArray(), Stream &stream=Stream::Null())
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: onnx.hpp:71
void swapChannels(InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null())
Exchanges the color channels of an image in-place.
float getCls(int si) const
Definition: tracking_feature.private.hpp:77
#define HaarFeatureDescriptor32_NumFeatures_Shift
Definition: NCVHaarObjectDetection.hpp:125
int minusDelta
Definition: imgproc.hpp:4816
float getConfidence(int patchIdx)
@ PSM_SINGLE_CHAR
Definition: ocr.hpp:79
@ CORNER_REFINE_SUBPIX
ArUco approach and refine the corners locations using corner subpixel accuracy.
Definition: aruco.hpp:83
Mat processNoiseCov
Process noise cross-covariance matrix, DP x DP.
Definition: kalman_filters.hpp:139
float startPointX
Definition: descriptor.hpp:126
@ CAP_PROP_XI_LED_MODE
Define camera signalling LED functionality.
Definition: videoio.hpp:355
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 intrinsic matrix for undistortion or rectification.
Class for matching keypoint descriptors.
Definition: types.hpp:809
Scalar(double v0)
Definition: scalar.hpp:24
Definition: gasync_context.hpp:48
float angle
Definition: types.hpp:773
int cvFloor(double value)
Rounds floating-point number to the nearest integer not larger than the original.
Definition: fast_math.hpp:231
GShapes outShapes
Definition: gkernel.hpp:50
void setFrameSource(Ptr< IFrameSource > val)
Definition: stabilizer.hpp:77
static Ptr< CvFeatureEvaluator > create(CvFeatureParams::FeatureType type)
auto compile(const Ts &... meta_and_compile_args) -> typename std::enable_if< detail::are_meta_descrs_but_last< Ts... >::value &&std::is_same< GCompileArgs, detail::last_type_t< Ts... > >::value, GCompiled >::type
Definition: gcomputation.hpp:401
@ CAP_OPENNI_GENERATORS_MASK
Definition: videoio.hpp:232
int firstEdge
Definition: imgproc.hpp:1222
void min32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
virtual void setGammaCorrection(bool gamma_correction)=0
Flag to specify whether the gamma correction preprocessing is required or not.
Ncv32f * pFU
forward horizontal displacement
Definition: NPP_staging.hpp:121
virtual void setMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:78
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
size_t forget_delay
Definition: tracking_by_matching.hpp:269
void setMaxDistDiff(float val)
Definition: depth.hpp:1084
@ CAP_PROP_ZOOM
Definition: videoio.hpp:163
static constexpr const char * tag()
Definition: infer.hpp:255
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.
@ NPPST_NULL_POINTER_ERROR
NULL pointer argument error.
Definition: NCV.hpp:358
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)
@ COLOR_YUV420p2BGR
Definition: imgproc.hpp:657
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:73
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
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:103
Definition: type_traits.hpp:79
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3108
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 integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
double residual
Definition: pose_3d.hpp:125
bool computeBinaryMap(InputArray _saliencyMap, OutputArray _binaryMap)
This function perform a binary map of given saliency map. This is obtained in this way:
virtual Mat getClassLabels() const =0
Returns the vector of class labels.
Matx< double, 1, 2 > Matx12d
Definition: matx.hpp:222
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
Definition: sparse_matching_gpc.hpp:268
PaniniPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:463
bool cancel()
Start cancellation process for an associated request.
Point3_< double > Point3d
Definition: types.hpp:272
cv::Point_< T > operator()(cv::Point3_< T > p, cv::Point3_< T > &pixVec) const
Definition: intrinsics.hpp:51
void setInputsNames(const std::vector< String > &inputBlobNames)
Sets outputs names of the network input pseudo layer.
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:482
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:138
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:817
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:184
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2347
__host__ Expr< ReduceToRowBody< Reductor, SrcPtr > > reduceToRow_(const SrcPtr &src)
Definition: reduction.hpp:187
const Mat refinementMask() const
Definition: motion_estimators.hpp:136
@ CMP_NE
src1 is unequal to src2.
Definition: base.hpp:216
_Tp x
x coordinate of the point
Definition: types.hpp:186
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
virtual NcvBool isCounting() const
Definition: warpers.hpp:556
virtual std::unordered_map< size_t, std::vector< cv::Point > > getActiveTracks() const =0
Get active tracks to draw.
Definition: depth.hpp:525
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
Video reader interface.
Definition: cudacodec.hpp:297
static Ptr< Retina > create(Size inputSize, const bool colorMode, int colorSamplingMethod=RETINA_COLOR_BAYER, const bool useRetinaLogSampling=false, const float reductionFactor=1.0f, const float samplingStrength=10.0f)
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance.
static Ptr< Layer > createLayerInstance(const String &type, LayerParams ¶ms)
Creates instance of registered layer.
v_float64x2(double v0, double v1)
Definition: intrin_rvv.hpp:527
GStreamingCompiled compileStreaming(const std::tuple< Ts... > &meta_and_compile_args, detail::Seq< IIs... >)
Definition: gcomputation.hpp:526
bool compilerAvailable() const
void reset()
resets internal values.
Definition: utility.hpp:374
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
@ WMF_JAC
Definition: weighted_median_filter.hpp:70
GAPI_WRAP std::tuple< bool, cv::GRunArgs > pull()
virtual ~NCVVector()
Definition: NCV.hpp:577
virtual void setAnnealCoolingRatio(double val)=0
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
size_t & operator[](int i)
MotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:123
std::string imageName
Definition: is_weizmann.hpp:62
float coeffObjectSpeedUsingInPrediction
Definition: detection_based_tracker.hpp:174
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
Vec3f lightPose
light pose for rendering in meters
Definition: kinfu.hpp:144
String padMode
Definition: all_layers.hpp:217
int pyramid_levels
Definition: linemod.hpp:397
value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
PredictResult(int label_=-1, double distance_=DBL_MAX)
Definition: predict_collector.hpp:89
@ CAP_PROP_XI_LED_SELECTOR
Selects camera signalling LED.
Definition: videoio.hpp:354
char4 type
Definition: vec_traits.hpp:79
virtual ORB::ScoreType getScoreType() const =0
virtual void setOutShape(const MatShape &outTailShape=MatShape())=0
Specifies shape of output blob which will be [[T], N] + outTailShape.
int tilt_ang
Definition: fr_adience.hpp:78
@ rightleft
Definition: gr_skig.hpp:65
size_t size() const
returns the current buffer size
static Ptr< AbsLayer > create(const LayerParams ¶ms)
virtual ~ICP()
Definition: icp.hpp:100
_Tp dot(const Point_ &pt) const
dot product
KeypointBasedMotionEstimator(Ptr< MotionEstimatorBase > estimator)
virtual void setLowThreshold(double low_thresh)=0
float existingVertexGain
Definition: calib3d.hpp:1641
Vec3i maxTexture3D() const
maximum 3D texture dimensions
GMat LUV2BGR(const GMat &src)
Converts an image from LUV color space to BGR color space.
friend Quat< T > atan(const Quat< T > &q)
return arctan value of quaternion q, arctan could be calculated as:
std::string label_name
Definition: core_detect.hpp:30
int img_idx
Definition: matchers.hpp:60
void setMaxDepthDiff(double val)
Definition: depth.hpp:680
@ ALPHA_PREMUL
Definition: cudaimgproc.hpp:160
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
virtual bool getUseInitialFlow() const =0
@ CAP_PROP_XI_REGION_SELECTOR
Selects Region in Multiple ROI which parameters are set by width, height, ... ,region mode.
Definition: videoio.hpp:392
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, const Range &range)=0
int cols
Definition: cuda.hpp:323
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3269
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
Definition: gpumat.hpp:61
@ CAP_PROP_GPHOTO2_FLUSH_MSGS
Readonly, returns (const char *).
Definition: videoio.hpp:578
Definition: functional.hpp:289
virtual bool trainAuto(const Ptr< TrainData > &data, int kFold=10, ParamGrid Cgrid=getDefaultGrid(C), ParamGrid gammaGrid=getDefaultGrid(GAMMA), ParamGrid pGrid=getDefaultGrid(P), ParamGrid nuGrid=getDefaultGrid(NU), ParamGrid coeffGrid=getDefaultGrid(COEF), ParamGrid degreeGrid=getDefaultGrid(DEGREE), bool balanced=false)=0
Trains an SVM with optimal parameters.
Quat< T > sin(const Quat< T > &q)
Size_(_Tp _width, _Tp _height)
vector< Point2d > gtbb
Definition: track_vot.hpp:65
virtual void atread(int *value, const String &atlabel)=0
@ 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.
Definition: cap_ios.h:133
static void write(FileStorage &fs, const String &name, const Rect_< _Tp > &r)
Definition: persistence.hpp:1023
v_uint64x2(vuint64m1_t v)
Definition: intrin_rvv.hpp:457
@ CPU_SSE2
Definition: cvdef.h:294
static const U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:180
v_int32x4 v_reinterpret_as_s32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2400
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:144
virtual double getLambda() const =0
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:961
@ IMREAD_UNCHANGED
If set, return the loaded image as is (with alpha channel, otherwise it gets cropped)....
Definition: imgcodecs.hpp:70
void hashtableDestroy(hashtable_int *hashtbl)
const int sectionSizes[]
Definition: track_alov.hpp:71
@ CAP_OPENNI_SXGA_15HZ
Definition: videoio.hpp:279
Definition: allocator_stats.hpp:13
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, logical_not< T > > > operator!(const GpuMat_< T > &src)
Definition: unary_op.hpp:90
virtual NcvBool isInitialized() const
int minNeighbours
Definition: detection_based_tracker.hpp:117
Definition: goclkernel.hpp:189
Definition: interpolation.hpp:272
__host__ void gridFindMinMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:341
int tree_depth
the depth of decision tree, defines the size of feature
Definition: facemarkLBF.hpp:74
bool parseAvi(frame_list &in_frame_list, Codecs codec_)
Definition: container_avi.private.hpp:90
virtual void setGamma(float val)=0
Weight of the gradient constancy term.
@ DFT_COMPLEX_OUTPUT
Definition: base.hpp:243
int depth
Definition: gr_chalearn.hpp:78
__host__ SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelXPtr(const SrcPtr &src)
Definition: deriv.hpp:173
static void write(FileStorage &fs, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:966
NCVMemStackAllocator(NCVMemoryType memT, size_t capacity, Ncv32u alignment, void *reusePtr=NULL)
float const_param_type
Definition: core.hpp:3251
@ SF_BGR
Definition: cudacodec.hpp:79
bool normaliseOutput
Definition: retina.hpp:161
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
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R, InputArray T)
Ncv32u x
Point X.
Definition: NCV.hpp:202
bool hostUnifiedMemory() const
std::vector< Vec3i > triangles
each element contains 3 values, represent index of facemarks that construct one triangle (obtained us...
Definition: facemarkAAM.hpp:112
__host__ Expr< ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrY_(const SrcPtr &src)
Definition: deriv.hpp:108
static Ptr< KNearest > load(const String &filepath)
Loads and creates a serialized knearest from a file.
std::vector< int > dims
Definition: gmat.hpp:83
virtual ~DPMDetector()
Definition: dpm.hpp:145
cv::Point pt1
The first point of the line segment.
Definition: render_types.hpp:225
T value_or(U &&default_value) const
Definition: optional.hpp:154
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:901
@ POINTS
Definition: opengl.hpp:479
@ ACCESS_RW
Definition: mat.hpp:65
int cols
Definition: extrapolation.hpp:66
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:656
int * refcount
Definition: cuda.hpp:594
@ SOLVEPNP_UPNP
Definition: calib3d.hpp:462
void read(const FileNode &fn)
void read(const FileNode &fn)
Read parameters from a file.
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1309
Definition: calib3d.hpp:605
CompressedRectilinearWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:400
float weight2() const
Definition: motion_stabilizing.hpp:135
@ CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio.hpp:529
Definition: seam_finders.hpp:121
GMat gaussianBlur(const GMat &src, const Size &ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Blurs an image using a Gaussian filter.
GpuMat(InputArray arr, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
builds GpuMat from host memory (Blocking call)
void buildPyramid(InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT)
Constructs the Gaussian pyramid for an image.
bool normBySize
Definition: all_layers.hpp:240
virtual const Distance & distanceFast() const =0
Fast distance getter.
void detectTextRectangles(InputArray frame, std::vector< cv::RotatedRect > &detections) const
#define DUMP_MESSAGE_STDOUT(...)
Definition: opencl_info.hpp:15
Definition: all_layers.hpp:672
virtual void atread(OutputArray value, const String &atlabel)=0
RandomPatternGenerator(int imageWidth, int imageHeight)
@ CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio.hpp:236
int hal_ni_merge32s(const int **src_data, int *dst_data, int len, int cn)
Definition: hal_replacement.hpp:368
double ang_th
Definition: descriptor.hpp:704
@ LOCAL_OPTIM_INNER_AND_ITER_LO
Definition: calib3d.hpp:547
String padMode
Definition: all_layers.hpp:254
Definition: warpers.hpp:431
SparseMatIterator_(SparseMat *_m)
LSBPCameraMotionCompensation
Definition: bgsegm.hpp:245
void setNumBands(int val)
Definition: blenders.hpp:133
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
virtual void setUsePrefilter(bool factor)=0
static Matx diag(const diag_type &d)
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R, InputArray T)
MatShape newShapeDesc
Definition: all_layers.hpp:298
virtual bool read(const FileNode &node) CV_OVERRIDE
__host__ LinearInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interLinear(const SrcPtr &src)
Definition: interpolation.hpp:140
@ StsInternal
internal error (bad state)
Definition: base.hpp:72
WPolyLine(InputArray points, InputArray colors)
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)
@ block_size_x
Definition: histogram.hpp:103
Definition: calib3d.hpp:608
virtual void draw(InputOutputArray img)=0
Draws the checker to the given image.
int edgeDst(int edge, Point2f *dstpt=0) const
Returns the edge destination.
Mutex * mutex_
Definition: lock.private.hpp:109
virtual int getEPICK() const =0
see ximgproc::EdgeAwareInterpolator() K value.
Base class for a seam estimator.
Definition: seam_finders.hpp:59
@ DICT_5X5_50
Definition: dictionary.hpp:146
void calibrateHandEye(InputArrayOfArrays R_gripper2base, InputArrayOfArrays t_gripper2base, InputArrayOfArrays R_target2cam, InputArrayOfArrays t_target2cam, OutputArray R_cam2gripper, OutputArray t_cam2gripper, HandEyeCalibrationMethod method=CALIB_HAND_EYE_TSAI)
Computes Hand-Eye calibration: .
Class implementing EdgeBoxes algorithm from :
Definition: edgeboxes.hpp:68
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:93
const ConfidenceMap & getLastConfidenceMap() const
Get the last ConfidenceMap for the current frame.
Structure containing image keypoints and descriptors.
Definition: matchers.hpp:59
FileNodeIterator(const FileNode &node, bool seekEnd)
static void backSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
performs back substitution
@ nlanes
Definition: intrin_rvv.hpp:230
Mat(const std::vector< int > &sizes, int type)
vuint64m1_t vwcvtu_x_x_v_u64m1(vuint32mf2_t v)
Definition: intrin_rvv.hpp:194
float k_rinv[9]
Definition: warpers.hpp:151
static int divUp(int a, unsigned int b)
Integer division with result round up.
Definition: utility.hpp:482
T work_type
Definition: reduce_to_vec.hpp:107
void copyTo(OutputArray arr) const
Copies from OpenGL buffer to host/device memory or another OpenGL buffer object.
Template class for specifying the size of an image or rectangle.
Definition: types.hpp:316
double focal
Definition: camera.hpp:65
int step
Definition: imgproc.hpp:4814
virtual float getFGSLambda() const =0
Sets the respective fastGlobalSmootherFilter() parameter.
Affine transformation based estimator.
Definition: motion_estimators.hpp:122
virtual ~ParallelLoopBody()
Definition: tracking.hpp:42
@ CAP_PROP_CODEC_PIXEL_FORMAT
(read-only) codec's pixel format. 4-character code - see VideoWriter::fourcc . Subset of AV_PIX_FMT_*...
Definition: videoio.hpp:181
virtual float compute(InputArray img, int num, int len, InputArray K, InputOutputArray rvec, InputOutputArray tvec, const TermCriteria &termcrit=TermCriteria(TermCriteria::MAX_ITER|TermCriteria::EPS, 5, 1.5))=0
@ COLOR_BGRA2BGR565
Definition: imgproc.hpp:559
int cols
Definition: interpolation.hpp:367
void validate() const
Definition: gcpukernel.hpp:214
int64 getCPUTickCount()
Returns the number of CPU ticks.
Match()
Definition: linemod.hpp:261
virtual Size getMinObjectSize() const =0
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
void translation(const Vec3 &t)
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:997
Quat< _Tp > inv(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return which is an inverse of satisfying .
void setMaxDepthDiff(double val)
Definition: depth.hpp:945
Params< Net > & cfgMeanStd(const typename PortCfg< Net >::NormCoefs &m, const typename PortCfg< Net >::NormCoefs &s)
Definition: onnx.hpp:111
const GMetaArgs & outMetas() const
Vector of metadata descriptions of graph outputs.
MatIterator_(Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
int width
Definition: tr_svt.hpp:63
Definition: sr_general100.hpp:29
NCVStatus ncvGroupRectangles_host(NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
virtual void setNMixtures(int nmix)=0
int channels() const
returns number of channels
Definition: inpainting.hpp:62
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:973
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2367
Video writer interface.
Definition: cudacodec.hpp:178
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:72
static Matx< _Tp1, m, n > & operator-=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1202
virtual void load(const std::string &path) CV_OVERRIDE=0
virtual bool getUseInitialFlow() const =0
virtual void setMinVal(double val)=0
virtual const std::vector< Mat > & motions2() const
Definition: wobble_suppression.hpp:82
const std::vector< cv::Mat > & getImagePoints()
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
int height
Definition: tr_icdar.hpp:63
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 *)
A class to upscale images via convolutional neural networks. The following four models are implemente...
Definition: dnn_superres.hpp:41
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
Interface for modalities that plug into the LINE template matching representation.
Definition: linemod.hpp:120
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
@ DIST_L1
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:301
size_t elemSize() const
Definition: rmat.hpp:76
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 .
float index_type
Definition: texture.hpp:188
@ COLOR_YUV2BGR_UYNV
Definition: imgproc.hpp:685
@ COLOR_YUV2RGBA_YVYU
Definition: imgproc.hpp:707
int decim
Decimation (0 stands for no decimation)
Definition: render_types.hpp:260
int get0() const
Definition: intrin_rvv.hpp:413
virtual void add(const std::vector< GpuMat > &descriptors)=0
Adds descriptors to train a descriptor collection.
@ DNN_TARGET_OPENCL_FP16
Definition: dnn.hpp:91
float size
Definition: descriptor.hpp:123
virtual int getFastThreshold() const =0
Ptr< linemod::Detector > getDefaultLINE()
Factory function for detector using LINE algorithm with color gradients.
int type() const
returns element type, similar to CV_MAT_TYPE(cvmat->type)
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:312
void printError(RiffChunk &chunk, unsigned int expected_fourcc)
virtual int getThreshold() const =0
Definition: gcpukernel.hpp:204
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:225
virtual bool getUseVariationalRefinement() const =0
enables VariationalRefinement
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:4268
T * operator->()
Definition: optional.hpp:109
int64 getTimeTicks() const
returns counted ticks.
Definition: utility.hpp:321
static Ptr< legacy::TrackerKCF > create(const TrackerKCF::Params ¶meters)
Constructor.
int n_bins
Definition: descriptor.hpp:707
@ is_tuple
Definition: tuple.hpp:66
Vertex(Point2f pt, bool _isvirtual, int _firstEdge=0)
GComputation(const Generator &gen)
Define a computation using a generator function.
Stream(const Ptr< GpuMat::Allocator > &allocator)
creates a new asynchronous stream with custom allocator
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:995
virtual bool collect(int label, double dist)=0
Interface method called by face recognizer for each result.
virtual void process(std::vector< Rect > &rects)=0
Based on all images, graph segmentations and stragies, computes all possible rects and return them.
@ CPU_AVX_512IFMA
Definition: cvdef.h:311
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
virtual void train(cv::InputArrayOfArrays images)=0
train it on positive features compute the mace filter: h = D(-1) * X * (X(+) * D(-1) * X)(-1) * C als...
Ncv8u x
Definition: NCV.hpp:139
virtual int getThreshold() const
Definition: features2d.hpp:388
Exposure compensator which tries to remove exposure related artifacts by adjusting image blocks.
Definition: exposure_compensate.hpp:170
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:105
@ CALIB_FIX_CENTER
Definition: omnidir.hpp:65
void assert_predictions(std::vector< std::vector< double > > *min_max_boxes)
Ensures that the bounding box values are within image boundaries.
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)
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:63
virtual void setTermCriteria(const cv::TermCriteria &val)=0
@ LINE_4
4-connected line
Definition: imgproc.hpp:809
Definition: feature.hpp:315
bool holds() const
Definition: garray.hpp:288
Impl * p
Definition: ocl.hpp:241
int depth() const
Definition: rmat.hpp:74
void mapBackward(float u, float v, float &x, float &y)
Ptr< ImgHashImpl > pImpl
Definition: img_hash_base.hpp:39
void setUpdateGain(bool b)
Definition: exposure_compensate.hpp:90
Affine3 inv(int method=cv::DECOMP_SVD) const
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
5-element vector constructor
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:341
virtual void read(const FileNode &node)=0
Read detector from FileNode.
@ CAP_PROP_XI_GPI_MODE
Set general purpose input mode.
Definition: videoio.hpp:350
int index_type
Definition: mask.hpp:60
std::tuple< GArray< GMat >, GScalar > buildOpticalFlowPyramid(const GMat &img, const Size &winSize, const GScalar &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.
bool setParameters(const Parameters ¶ms)
~TrackerFeatureFeature2d() CV_OVERRIDE
@ COLOR_LRGB2Lab
Definition: imgproc.hpp:621
Circle(const cv::Point ¢er_, int radius_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Circle constructor.
Definition: render_types.hpp:173
GBackend lookup() const
Find a kernel (by its API)
Definition: gkernel.hpp:588
T & get(util::variant< Types... > &v)
Definition: variant.hpp:388
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
GMat cmpLT(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are less t...
Callback with the character classifier is made a class.
Definition: ocr.hpp:407
This is used store and set up the parameters of the robust local optical flow (RLOF) algoritm.
Definition: rlofflow.hpp:64
@ EVENT_RBUTTONDBLCLK
indicates that right mouse button is double clicked.
Definition: highgui.hpp:218
void setUseInitialFlow(bool val)
Data container for the facemark::getData function.
Definition: facemarkAAM.hpp:99
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: gcpukernel.hpp:129
Point2f pt
coordinates of the keypoints
Definition: types.hpp:771
void detectTextSWT(InputArray input, std::vector< cv::Rect > &result, bool dark_on_light, OutputArray &draw=noArray(), OutputArray &chainBBs=noArray())
Applies the Stroke Width Transform operator followed by filtering of connected components of similar ...
virtual int getQuantizationLevels() const =0
virtual cv::Ptr< Map > inverseMap() 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
GMat boxFilter(const GMat &src, int dtype, const Size &ksize, const Point &anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Blurs an image using the box filter.
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.
NSImage * MatToNSImage(const cv::Mat &image)
Device & getDevice() const
void findMaxSpanningTree(int num_images, const std::vector< MatchesInfo > &pairwise_matches, Graph &span_tree, std::vector< int > ¢ers)
std::vector< Prim > Prims
Definition: render_types.hpp:339
void setCCM_TYPE(CCM_TYPE ccm_type)
set ccm_type
void getShift(OutputArray shift) const
Definition: mapaffine.hpp:100
float getSquareLength() const
Definition: charuco.hpp:111
Definition: variant.hpp:27
bool create(const ProgramSource &src, const String &buildflags, String &errmsg)
Mat normSum
Definition: feature.hpp:332
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)
bool NcvBool
Definition: NCV.hpp:118
virtual void setQuantizationLevels(int nlevels)=0
auto make_default() -> decltype(T
Definition: gtyped.hpp:42
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:78
ptrdiff_t difference_type
Definition: cvstd.hpp:119
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)
virtual void detectROI(InputArray 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
const std::vector< Mat > & getDescriptors() const
Returns a training set of descriptors.
@ LOG_WARP_SIZE
Definition: warp.hpp:58
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
GOpaque(detail::GOpaqueU &&ref)
Definition: gopaque.hpp:316
Impl * getImpl() const
Definition: ocl.hpp:238
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)
@ BINARIZATION_WOLF
Wolf's technique. See .
Definition: ximgproc.hpp:121
int targetNum
Current number of targets in tracking-list.
Definition: tracking_legacy.hpp:450
String getClassName() const
Get the name of the specific TrackerContribFeature.
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.
void resetNormalArray()
Resets vertex normals.
virtual const std::vector< Mat > & motions() const
Definition: deblurring.hpp:78
static void computeFeatures(InputArray img, OutputArray features)
static method for computing image features used by the BRISQUE algorithm
@ CAP_PROP_XI_GPO_MODE
Set general purpose output mode.
Definition: videoio.hpp:353
@ CAP_PROP_XI_DATA_FORMAT
Output data format.
Definition: videoio.hpp:344
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
Definition: is_weizmann.hpp:61
__host__ size_t stepT() const
returns step()/sizeof(T)
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.
float hog_orientations
Definition: tracking.hpp:58
@ fmt
Definition: traits.hpp:290
@ COLOR_BayerRG2RGBA
Definition: imgproc.hpp:788
_Tp * ptr
pointer to the real buffer, can point to buf if the buffer is small enough
Definition: utility.hpp:146
void finalize()
Finalizes cloud data by repacking to single cloud.
@ SCENE_SHOW_CS_CROSS
draw coordinate system crosses for debugging
Definition: ovis.hpp:51
Matrix read-only iterator.
Definition: mat.hpp:3077
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.
Full reference GMSD algorithm http://www4.comp.polyu.edu.hk/~cslzhang/IQA/GMSD/GMSD....
Definition: qualitygmsd.hpp:20
struct for detection region of interest (ROI)
Definition: objdetect.hpp:346
Definition: all_layers.hpp:558
static OpenCLExecutionContext & getCurrent()
@ 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)
Quat< _Tp > operator/(const Quat< _Tp > &) const
Division operator of two quaternions p and q. Divides left hand operand by right hand operand.
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
__host__ Expr< BinaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, typename PtrTraits< GpuMat_< T > >::ptr_type, modulus< T > > > operator%(const GpuMat_< T > &src1, const GpuMat_< T > &src2)
Definition: binary_op.hpp:216
virtual Mat getProcessNoiseCov() const =0
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
void reset()
Definition: gstreaming.hpp:56
virtual String getDefaultName() const CV_OVERRIDE
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)
void detect(InputArray frame, std::vector< std::vector< Point > > &detections) const
Class that enables getting cudaEvent_t from cuda::Event.
Definition: cuda_stream_accessor.hpp:76
const GOrigin & priv() const
virtual ~WBDetector()
Definition: xobjdetect.hpp:95
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
String dumpInputArray(InputArray argument)
int width
Definition: sinusoidalpattern.hpp:85
unsigned int Ncv32u
Definition: NCV.hpp:128
bool addTrackerFeature(const Ptr< TrackerFeature > &feature)
Add TrackerFeature in the collection. Return true if TrackerFeature is added, false otherwise.
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:171
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
friend Quat< T > power(const Quat< T > &p, const Quat< T > &q, QuatAssumeType assumeUnit)
return the value of power function with quaternion .
std::vector< uchar > inliers_mask
Geometrically consistent matches mask.
Definition: matchers.hpp:108
static GProtoOutputArgs getGOut_impl(const std::tuple< Ts... > &ts, detail::Seq< Indexes... >)
Definition: gproto.hpp:111
virtual int getSpeckleWindowSize() const =0
const F m_f
Definition: gfluidkernel.hpp:89
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
@ CMP_GT
src1 is greater than src2.
Definition: base.hpp:212
virtual void deblur(int, Mat &, const Range &) CV_OVERRIDE
Definition: deblurring.hpp:93
Definition: or_imagenet.hpp:67
int cols
Definition: glob.hpp:87
@ MSLIC
Definition: slic.hpp:64
void removeAllWidgets()
Removes all widgets from the window.
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2557
int refcount
Definition: mat.hpp:557
static Ptr< ANN_MLP > load(const String &filepath)
Loads and creates a serialized ANN from a file.
Definition: deriv.hpp:255
@ COLOR_RGBA2BGRA
Definition: imgproc.hpp:544
Quat< _Tp > tanh() const
return tanh value of this quaternion, tanh could be calculated as:
void randShuffle(InputOutputArray dst, double iterFactor=1., RNG *rng=0)
Shuffles the array elements randomly.
size_t imageMaxBufferSize() const
virtual void merge(int r1, int r2)=0
Inform the strategy that two regions will be merged.
@ COLOR_BGR2RGBA
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:534
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
void setLinearDegree(const int °)
set degree
virtual vector< int > dsgetsize(const String &dslabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch dataset sizes.
virtual double getHitThreshold() const =0
@ COLORMAP_DEEPGREEN
Definition: imgproc.hpp:4288
WCameraPosition(double scale=1.0)
Creates camera coordinate frame at the origin.
Affine warper that uses rotations and translations.
Definition: warpers.hpp:236
@ COLOR_BayerBG2BGR
Demosaicing.
Definition: imgproc.hpp:743
the CSRT tracker
Definition: tracking_legacy.hpp:501
virtual void setMaxLevel(int maxLevel)=0
#define CV_BIG_INT(n)
Definition: interface.h:63
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:1124
Status composePanorama(InputArrayOfArrays images, OutputArray pano)
These functions try to compose the given images (or images stored internally from the other function ...
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
void recip8u(const uchar *, size_t, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
float fyinv
Definition: intrinsics.hpp:35
@ CAP_PROP_XI_GAIN_SELECTOR
Gain selector for parameter Gain allows to select different type of gains.
Definition: videoio.hpp:366
int maxCatCount
Definition: tracking_feature.private.hpp:46
int getSwappedClassifier() const
bool empty() const
Definition: ocl.hpp:527
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
virtual ~VideoWriter()
Definition: cudacodec.hpp:180
@ CAP_PROP_TRIGGER
Definition: videoio.hpp:160
SolverType solverType
Definition: rlofflow.hpp:83
cv::util::any params() const
Definition: ie.hpp:179
virtual void dsinsert(InputArray Array, const String &dslabel) const =0
Definition: vec_distance.hpp:123
Class implementing the FLD (Fast Line Detector) algorithm described in .
Definition: fast_line_detector.hpp:25
Ncv32u y
y-coordinate of upper left corner.
Definition: NCV.hpp:163
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking_internals.hpp:642
virtual void setAlpha(double val)=0
Flow smoothness.
int crossSegmentationThreshold
Definition: rlofflow.hpp:112
int max_patch_size
threshold for the ROI size
Definition: tracking.hpp:131
@ MATERIAL_TEXTURE
Definition: ovis.hpp:66
virtual std::vector< Point2f > getBox()=0
RotateFlags
Definition: core.hpp:1069
MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracking.hpp:111
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:401
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:182
virtual String getDefaultName() const CV_OVERRIDE
#define CV_CONSTEXPR
Definition: cvdef.h:761
Definition: sparse_matching_gpc.hpp:302
int memoryClockRate() const
peak memory clock frequency in kilohertz
cv::GArrayDesc descr_of() const
Definition: garray.hpp:300
double density_th
Definition: descriptor.hpp:706
@ ALPHA_ATOP_PREMUL
Definition: cudaimgproc.hpp:160
@ COLOR_YUV2BGRA_NV12
Definition: imgproc.hpp:644
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:106
@ CV_QUADRATIC_INTERPOLATION
Definition: stereo.hpp:118
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
__host__ void gridFindMinMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:174
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:600
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
virtual void playEntityAnimation(const String &name, const String &animname, bool loop=true)=0
virtual void setCut(bool value)=0
Reprojector()
Definition: intrinsics.hpp:21
virtual Mat postProcessFrame(const Mat &frame)
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE
LineIterator & operator++()
prefix increment operator (++it). shifts iterator to the next pixel
@ LOCAL_OPTIM_GC
Definition: calib3d.hpp:548
@ DIST_C
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:303
Point3_< int > Point3i
Definition: types.hpp:270
@ CALIB_RATIONAL_MODEL
Definition: calib3d.hpp:507
@ MPEG1
Definition: cudacodec.hpp:247
@ COLOR_SPACE_Lab_E_10
non-RGB color space
Definition: ccm.hpp:133
@ CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Data packing type. Some cameras supports only specific packing type.
Definition: videoio.hpp:399
virtual void setMotionModel(MotionModel val)
Sets motion model.
Definition: global_motion.hpp:106
cv::Size size
Definition: gframe.hpp:58
Mat S
Definition: facemarkAAM.hpp:143
virtual void load(const std::string &path) CV_OVERRIDE=0
@ CAP_PROP_FORMAT
Definition: videoio.hpp:142
TextDetectionModel_DB & setUnclipRatio(double unclipRatio)
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)
ICP(const int iterations, const float tolerence=0.05f, const float rejectionScale=2.5f, const int numLevels=6, const int sampleType=ICP::ICP_SAMPLING_TYPE_UNIFORM, const int numMaxCorr=1)
ICP constructor with default arguments.
Definition: icp.hpp:117
Rect boundingRect(InputArray array)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
int readPoseCluster(FILE *f)
Definition: gfluidkernel.hpp:354
int maxLevel_
Definition: optical_flow.hpp:93
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:113
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 cv::rotate rotates the array in one of th...
Definition: tracking.private.hpp:364
@ CAP_PROP_XI_LUT_EN
Activates LUT.
Definition: videoio.hpp:459
virtual void setOptimalParameters(int svmsgdType=SVMSGD::ASGD, int marginType=SVMSGD::SOFT_MARGIN)=0
Function sets optimal parameters values for chosen SVM SGD model.
Model & setPreferableBackend(dnn::Backend backendId)
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
@ CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Current format of pixels on transport layer.
Definition: videoio.hpp:449
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
virtual void mov(BasicVectorRef &v) override
Definition: garray.hpp:219
virtual float getGamma() const =0
Returns the affinity sensitivity.
Definition: feature.hpp:369
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:218
static Ptr< NvidiaOpticalFlow_1_0 > create(int width, int height, cv::cuda::NvidiaOpticalFlow_1_0::NVIDIA_OF_PERF_LEVEL perfPreset=cv::cuda::NvidiaOpticalFlow_1_0::NVIDIA_OF_PERF_LEVEL::NV_OF_PERF_LEVEL_SLOW, bool enableTemporalHints=false, bool enableExternalHints=false, bool enableCostBuffer=false, int gpuId=0, Stream &inputStream=Stream::Null(), Stream &outputStream=Stream::Null())
Instantiate NVIDIA Optical Flow.
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:216
v_int8x16()
Definition: intrin_rvv.hpp:265
virtual int getClustersNumber() const =0
#define OPENCV_HAL_IMPL_RVV_ONE_TIME_REINTERPRET(_Tpvec1, _Tpvec2, _nTpvec1, _nTpvec2, suffix1, suffix2, nsuffix1, nsuffix2, width1, width2)
Definition: intrin_rvv.hpp:608
int size
subset size
Definition: motion_core.hpp:75
virtual bool getNextPacket(unsigned char **data, size_t *size)=0
Returns next packet with RAW video frame.
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
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...
The base class for algorithms that align images of the same scene with different exposures.
Definition: photo.hpp:451
This class represents high-level API for text detection DL networks compatible with EAST model.
Definition: dnn.hpp:1483
void setFlags(FLAGS modeFlags)
@ COLOR_SPACE_AppleRGBL
https://en.wikipedia.org/wiki/RGB_color_space , linear RGB color space
Definition: ccm.hpp:105
@ COLOR_BayerRG2BGR_EA
Definition: imgproc.hpp:772
bool operator==(const GOpaqueDesc &) const
Definition: gopaque.hpp:40
BackendWrapper(const Ptr< BackendWrapper > &base, const MatShape &shape)
Make wrapper for reused cv::Mat.
Definition: slam_kitti.hpp:75
virtual int getMaxLines() const =0
@ CAP_PROP_POS_FRAMES
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:135
GMat BackgroundSubtractor(const GMat &src, const cv::gapi::video::BackgroundSubtractorParams &bsParams)
Gaussian Mixture-based or K-nearest neighbours-based Background/Foreground Segmentation Algorithm....
void read(const FileNode &fn)
static int help(const cv::GMetaArgs &, const cv::GArgs &)
Definition: gfluidkernel.hpp:315
MatIterator_(Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
Ptr< WindowScene > createWindow(const String &title, const Size &size, int flags=SCENE_INTERACTIVE|SCENE_AA)
vfloat64mf2_t()
Definition: intrin_rvv.hpp:122
void createTriangleMesh(const String &name, InputArray vertices, InputArray normals=noArray(), InputArray indices=noArray())
void setValue(int type, const void *value, int len=-1)
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:446
int getMouseWheelDelta(int flags)
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVEN...
Definition: intrin_rvv.hpp:141
Definition: tuple_adapter.hpp:58
virtual void setSamples(int samples)=0
void setWeightCoeff(const double &weights_coeff)
set WeightCoeff
int depth
Definition: or_pascal.hpp:84
virtual void load(const std::string &path) CV_OVERRIDE=0
virtual double getThreshold() const =0
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
R expand_mat(InputArray src, int TYPE_DEFAULT=EXPANDED_MAT_DEFAULT_TYPE)
Definition: quality_utils.hpp:37
@ ALPHA_OUT
Definition: cudaimgproc.hpp:159
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:404
virtual void setType(int val)=0
bool isAMD() const
Definition: ocl.hpp:189
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
T & wref()
Definition: gopaque.hpp:270
@ DICT_7X7_100
Definition: dictionary.hpp:155
int lt
The Type of the line. See LineTypes.
Definition: render_types.hpp:229
@ ACCESS_FAST
Definition: mat.hpp:65
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
Definition: warpers.hpp:440
static Ptr< StandardCollector > create(double threshold=DBL_MAX)
Static constructor.
void addSamplesDataSearchPath(const cv::String &path)
Override search data path by adding new search location.
std::function< void(VectorRef &)> ConstructVec
Definition: garray.hpp:58
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:688
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:65
int cols
Definition: warping.hpp:79
@ CASCADE_DO_CANNY_PRUNING
Definition: objdetect.hpp:168
virtual void getCloud(OutputArray points, OutputArray normals) const =0
Gets points and normals of current 3d mesh.
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, OutputArray Rt, const Mat &initRt) const =0
virtual void setGamma(double val)=0
coefficient for additional illumination variation term
float endPointY
Definition: descriptor.hpp:129
double eps
Definition: objdetect.hpp:133
void createHanningWindow(OutputArray dst, Size winSize, int type)
This function computes a Hanning window coefficients in two dimensions.
static int getWindow(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:404
virtual void setTarget(TYPECHART _target)=0
short i
Definition: cvdef.h:367
virtual float getInputMax() const =0
Input image range maximum value.
Size getWinSize() const
Definition: tracking_feature.private.hpp:137
static Ptr< ParamGrid > getDefaultGridPtr(int param_id)
Generates a grid for SVM parameters.
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.
friend Quat< T > asin(const Quat< T > &q)
return arcsin value of quaternion q, arcsin could be calculated as:
@ nlanes
Definition: intrin_rvv.hpp:423
NcvBool bNeedsTiltedII
Definition: NCVHaarObjectDetection.hpp:340
__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
softfloat setFrac(const softfloat &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:196
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
F m_f
Definition: goclkernel.hpp:99
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
MarrHildrethHash()
Definition: marr_hildreth_hash.hpp:45
void bind() const
Binds texture to current active texture unit for GL_TEXTURE_2D target.
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
int64 getPerfProfile(std::vector< double > &timings)
Returns overall time for inference and timings (in ticks) for layers. Indexes in returned vector corr...
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
double roundd(double x)
Definition: saturate.hpp:84
void getRandomPose(Matx44d &Pose)
ErrorTypes
Error types
Definition: ml.hpp:90
__host__ __device__ BinaryTupleAdapter< Op, n0, n1 > binaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:92
Allocator * allocator
allocator
Definition: cuda.hpp:340
FileStorage::Impl * fs
Definition: persistence.hpp:622
int elemSize
Definition: imgproc.hpp:4814
int hal_ni_FAST(const uchar *src_data, size_t src_step, int width, int height, uchar *keypoints_data, size_t *keypoints_count, int threshold, bool nonmax_suppression, int type)
Detects corners using the FAST algorithm.
Definition: hal_replacement.hpp:97
Size & operator=(const cv::Size &rhs)
Definition: types.hpp:105
bool empty() const
Definition: ocl.hpp:813
int x
Definition: linemod.hpp:282
void GradientDericheX(InputArray op, OutputArray dst, double alpha, double omega)
Applies X Deriche filter to an image.
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:68
std::vector< std::pair< int, double > > getResults(bool sorted=false) const
Return results as vector.
const std::vector< Mat > & const_param_type
Definition: core.hpp:3235
#define NCV_CT_ASSERT(X)
Definition: NCV.hpp:89
bool loadTrainingData(String filename, std::vector< String > &images, OutputArray facePoints, char delim=' ', float offset=0.0f)
A utility to load facial landmark dataset from a single file.
@ 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:439
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
@ CAP_PROP_XI_RECENT_FRAME
GetImage returns most recent frame.
Definition: videoio.hpp:471
int getAVIIndex(int stream_number, StreamType strm_type)
Vec conj() const
conjugation (makes sense for complex numbers and quaternions)
static Ptr< StereoBM > create(int numDisparities=0, int blockSize=21)
Creates StereoBM object.
__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:3418
virtual ~BOWKMeansTrainer()
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:242
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
Special network type.
Definition: infer.hpp:389
virtual int getSpeckleWindowSize() const =0
Definition: functional.hpp:253
virtual void run(InputArrayOfArrays points2d) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
Point2f(float _x, float _y)
Definition: types.hpp:35
static Mat getSubMatrix(const Mat &matrix, const Mat &idx, int layout)
Extract from matrix rows/cols specified by passed indexes.
virtual double getTau() const =0
virtual void setTilesGridSize(Size tileGridSize)=0
Sets size of grid for histogram equalization. Input image will be divided into equally sized rectangu...
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))
static Ptr< DTrees > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized DTrees from a file.
void debugFilter(cv::InputArray original, cv::InputArray result, const CallMetaData &data, const char *description, const char *view)
virtual void finalize(const std::vector< Mat * > &input, std::vector< Mat > &output)
Computes and sets internal parameters according to inputs, outputs and blobs.
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
static Ptr< LSDDetector > createLSDDetector(LSDParam params)
vfloat32mf2_t(const float *ptr)
Definition: intrin_rvv.hpp:95
Definition: is_weizmann.hpp:69
virtual ~IIStream()=default
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
float index_type
Definition: interpolation.hpp:297
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:579
EdgeAwareFiltersList
Definition: edge_filter.hpp:52
virtual void setEntityPose(const String &name, InputArray tvec=noArray(), InputArray rot=noArray(), bool invert=false)=0
MatExpr operator/(const Mat &a, const Mat &b)
__host__ GpuMat_(const GpuMat &m, Allocator *allocator=defaultAllocator())
copy/conversion constructor. If m is of different type, it's converted
std::string tag() const
Definition: ie.hpp:142
@ StsBadArg
function arg/param is bad
Definition: base.hpp:74
virtual void setSlicSpixelSize(int n)=0
: set and get the parameter slicSpixelSize. This parameter is used in the first stage mentioned above...
int singleFPConfig() const
typename GTypeOf< T >::type g_type_of_t
Definition: gtype_traits.hpp:133
int64 getFLOPS(const int layerId, const MatShape &netInputShape) const
uint32_t v
Definition: softfloat.hpp:220
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:4757
Definition: goclkernel.hpp:128
Definition: depth.hpp:1040
virtual void setScaleStep(double val)=0
Step between scales (<1)
cv::Point3_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:28
void createDirectory(const std::string &path)
void setMaxPointsPart(double val)
Definition: depth.hpp:704
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:646
void accumulate(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds an image to the accumulator image.
int lane_type
Definition: intrin_rvv.hpp:391
virtual void deblur(int idx, Mat &frame, const Range &range)=0
void cvt32f16f(const float *src, float16_t *dst, int len)
virtual void quantize(Mat &dst) const =0
Compute quantized image at current pyramid level for online detection.
checker object
Definition: checker_model.hpp:65
@ COLOR_BayerRG2RGB
Definition: imgproc.hpp:750
virtual void setAppertureSize(int apperture_size)=0
static std::ostream & operator<<(std::ostream &out, const MatShape &shape)
Definition: shape_utils.hpp:202
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
Creates instance of cv::DenseOpticalFlow.
__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
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
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
@ COLOR_BayerGR2RGB_EA
Definition: imgproc.hpp:778
virtual void kpcreate(const int size, const String &kplabel, const int compresslevel=H5_NONE, const int chunks=H5_NONE) const =0
Create and allocate special storage for cv::KeyPoint dataset.
MapPtr map
Definition: remap.hpp:66
GScalar yieldScalar(int output=0)
@ COLOR_SPACE_XYZ_A_2
non-RGB color space
Definition: ccm.hpp:114
virtual void dswrite(InputArray Array, const String &dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
virtual void setHostDirty()=0
Indicate that an actual data is on CPU.
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.
void getMemoryConsumption(const MatShape &netInputShape, std::vector< int > &layerIds, std::vector< size_t > &weights, std::vector< size_t > &blobs) const
virtual int getHistory() const =0
@ CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio.hpp:515
int getT(int pyramid_level) const
Get sampling step T at pyramid_level.
Definition: linemod.hpp:364
float searchWinSize
size of search window
Definition: tracking_internals.hpp:658
Point3_ cross(const Point3_ &pt) const
cross product of the 2 3D points
InputOutputArray InputOutputArrayOfArrays
Definition: mat.hpp:442
virtual bool decode(const std::vector< std::vector< Mat > > &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.
Class implementing two-dimensional phase unwrapping based on This algorithm belongs to the quality-g...
Definition: histogramphaseunwrapping.hpp:66
double seamEstimationResol() const
Definition: stitching.hpp:189
static cv::detail::GArrayU wrap_value(const cv::GArray< T > &t)
Definition: gtype_traits.hpp:87
bool getNmsAcrossClasses()
Getter for nmsAcrossClasses. This variable defaults to false, such that when non max suppression is u...
static String dumpInt(int argument)
Definition: bindings_utils.hpp:30
virtual void setMinArea(float minArea)=0
float y
Definition: types.hpp:38
@ CAP_PROP_XI_COLUMN_FPN_CORRECTION
Correction of column FPN.
Definition: videoio.hpp:473
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:1145
virtual bool getUseInitialFlow() const =0
Use initial flow.
float localAdaptintegration_k
Definition: retina.hpp:176
@ __UMAT_USAGE_FLAGS_32BIT
Definition: mat.hpp:458
softdouble()
Default constructor.
Definition: softfloat.hpp:230
static Context & getDefault(bool initialize=true)
softfloat min(const softfloat &a, const softfloat &b)
Min and Max functions.
Definition: softfloat.hpp:437
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
GMat select(const GMat &src1, const GMat &src2, const GMat &mask)
Select values from either first or second of input matrices by given mask. The function set to the ou...
@ OCR_DECODER_VITERBI
Definition: ocr.hpp:174
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
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)
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
virtual HOGDescriptor::DescriptorStorageFormat getDescriptorFormat() const =0
bool isSubnormal() const
Subnormal number indicator.
Definition: softfloat.hpp:172
@ MODE_SGBM
Definition: calib3d.hpp:3487
static MatExpr max(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3697
bool inversed
Definition: ml.hpp:1180
DecompTypes
matrix decomposition types
Definition: base.hpp:133
bool normVariance
Definition: all_layers.hpp:288
static Ptr< RegionLayer > create(const LayerParams ¶ms)
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:2075
__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:2397
double Wx
Definition: gr_chalearn.hpp:67
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:344
__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.
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:243
Complex()
default constructor
typename detail::flatten_g< util::decay_t< T > >::type HT
Definition: gopaque.hpp:313
Image hash based on Radon transform.
Definition: radial_variance_hash.hpp:22
@ CAP_PROP_HUE
Hue of the image (only for cameras).
Definition: videoio.hpp:148
static Ptr< AgastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, AgastFeatureDetector::DetectorType type=AgastFeatureDetector::OAST_9_16)
Definition: agast.txt:7537
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:225
Brute-force descriptor matcher.
Definition: features2d.hpp:1201
size_t numVotes
Definition: pose_3d.hpp:178
Mat errorCovPre
priori error estimate covariance matrix (P'(k)): P'(k)=A*P(k-1)*At + Q)*/
Definition: tracking.hpp:400
FeatherBlender(float sharpness=0.02f)
Definition: blenders.hpp:123
static Net readFromModelOptimizer(const uchar *bufferModelConfigPtr, size_t bufferModelConfigSize, const uchar *bufferWeightsPtr, size_t bufferWeightsSize)
Create a network from Intel's Model Optimizer in-memory buffers with intermediate representation (IR)...
__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...
HostMem(HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
int cols
Definition: interpolation.hpp:136
VectorRefT(const std::vector< T > &vec)
Definition: garray.hpp:157
virtual bool getUsePostProcessing()=0
cv::String m_funName
Definition: instrumentation.hpp:77
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:3266
int64_t int64
Definition: interface.h:61
virtual float getMinBoxArea() const =0
Returns the minimum area of boxes.
Ptr< QualityMSE > _qualityMSE
Definition: qualitypsnr.hpp:91
virtual void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)=0
int lkTermParam1
Definition: quasi_dense_stereo.hpp:56
@ COLOR_YUV2BGR_NV21
Definition: imgproc.hpp:639
const ImageFeatures * features_
Definition: motion_estimators.hpp:202
size_t textureAlignment() const
alignment requirement for textures
Definition: tr_icdar.hpp:67
static Ptr< GrayCodePattern > create(const GrayCodePattern::Params ¶meters=GrayCodePattern::Params())
Constructor.
softfloat max(const softfloat &a, const softfloat &b)
Definition: softfloat.hpp:440
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:138
virtual void dsread(OutputArray Array, const String &dslabel, const int *dims_offset) const =0
size_t idx
Definition: persistence.hpp:692
void setMaxRotation(double val)
Definition: depth.hpp:728
int lt
The type of the line. See LineTypes.
Definition: render_types.hpp:151
Definition: facerec.hpp:90
__device__ __host__ NcvBool isRightNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:162
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
This structure represents a line to draw.
Definition: render_types.hpp:201
FastMarchingMethod()
Definition: fast_marching.hpp:66
void setClip(const Vec2d &clip)
Definition: types.hpp:211
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
frame_list & getFrames()
Definition: container_avi.private.hpp:92
Represents an arbitrary compilation argument.
Definition: gcommon.hpp:155
int cols
Definition: texture.hpp:207
@ COLOR_BayerGR2GRAY
Definition: imgproc.hpp:756
int freeQEdge
Definition: imgproc.hpp:1241
Definition: frame_source.hpp:58
void setMatchingMask(const cv::UMat &mask)
Definition: stitching.hpp:218
uchar const_param_type
Definition: core.hpp:3275
virtual int getCannyThreshold() const =0
Params< Net > & cfgNormalize(const typename PortCfg< Net >::Normalize &n)
Definition: onnx.hpp:125
@ HISTCMP_KL_DIV
Definition: imgproc.hpp:520
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:71
Definition: warpers.hpp:488
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.
@ COVAR_NORMAL
Definition: core.hpp:184
Comma-separated Vec Initializer.
Definition: matx.hpp:471
Definition: intrin_rvv.hpp:102
static auto setup_impl(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &compileArgs, detail::Seq< IIs... >) -> decltype(Impl::setup(detail::get_in_meta< Ins >(metaArgs, args, IIs)..., std::declval< typename std::add_lvalue_reference< std::shared_ptr< typename Impl::State > >::type >(), compileArgs), void())
Definition: gcpukernel.hpp:309
void write(FileStorage &fs, const float &value)
Definition: persistence.hpp:903
Size getPatchSize() const
Definition: all_layers.hpp:228
@ SCORE_METHOD_RANSAC
Definition: calib3d.hpp:549
GMatDesc asInterleaved() const
Definition: gmat.hpp:195
vint32mf2_t()
Definition: intrin_rvv.hpp:84
v_float64x2 v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2402
bool isIntegral
true if input images are integral, false otherwise
Definition: tracking_internals.hpp:858
vuint64mf2_t()
Definition: intrin_rvv.hpp:104
double & operator[](int i)
Definition: scalar.hpp:31
bool operator==(const RNG &other) const
Quat< T > log(const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
void averageHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Calculates img_hash::AverageHash in one call.
int classID
Definition: dpm.hpp:114
int Presets
NVVE_PRESETS,.
Definition: cudacodec.hpp:102
const std::vector< Rect > & getAreas() const
Definition: tracking_feature.private.hpp:110
std::string tag() const
Definition: ie.hpp:178
double getMaxRotation() const
Definition: depth.hpp:847
Definition: ar_hmdb.hpp:61
int index_type
Definition: deriv.hpp:104
virtual void compute(InputArray image, OutputArray result, Stream &stream=Stream::Null())=0
Computes an FFT of a given image.
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).
@ CONTOURS_MATCH_I3
Definition: imgproc.hpp:455
virtual bool getUsePostProc() const =0
enables ximgproc::fastGlobalSmootherFilter
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:398
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
UMat resultMask() const
Definition: stitching.hpp:291
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:240
virtual int getLevelsNumber() const =0
Definition: variant.hpp:43
@ NCV_SUCCESS
Definition: NCV.hpp:316
v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > v_dotprod_expand(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Dot product of elements and expand.
Definition: intrin_cpp.hpp:1030
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)
virtual bool same(cv::InputArray query) const =0
correlate query img and threshold to min class value
Definition: gscalar.hpp:53
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
virtual void load(const std::string &path) CV_OVERRIDE=0
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:354
void compute(const cv::Mat &mat, cv::Mat &descr) override
Computes image descriptor.
Definition: tracking_by_matching.hpp:131
~Node()
Definition: utility.hpp:1054
virtual void mov(BasicOpaqueRef &ref)=0
std::vector< size_t > pads_end
Definition: all_layers.hpp:250
void FT12D_createPolynomMatrixHorizontal(int radius, OutputArray matrix, const int chn)
Creates horizontal matrix for -transform computation.
all_satisfy< is_meta_descr, Ts... > are_meta_descrs
Definition: gmetaarg.hpp:62
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)
virtual void marchCubes(OutputArray vertices, OutputArray edges) const =0
DictValue & operator=(const DictValue &r)
__device__ __forceinline__ T2 operator()(typename TypeTraits< T1 >::parameter_type, typename TypeTraits< T2 >::parameter_type rhs) const
Definition: functional.hpp:301
@ CAP_PROP_XI_WB_KG
White balance green coefficient.
Definition: videoio.hpp:388
void scale(cv::Mat &mat, const cv::Mat &range, const T min, const T max)
Definition: quality_utils.hpp:90
LineIterator(Rect boundingAreaRect, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4791
V_TypeTraits< typename V_TypeTraits< _Tp >::abs_type >::sum_type v_reduce_sad(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Sum absolute differences of values.
Definition: intrin_cpp.hpp:1259
const float claheClip
Definition: pcaflow.hpp:103
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
float minConvexity
Definition: features2d.hpp:738
void save(const String &filename) const
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
~OpenCLExecutionContext()=default
int connectEdges(int edgeA, int edgeB)
@ DNN_TARGET_VULKAN
Definition: dnn.hpp:93
virtual bool read(OutputArray image)
Grabs, decodes and returns the next video frame.
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:116
#define G_TYPED_KERNEL_M
Definition: gkernel.hpp:363
void setValues(float mean, float sigma)
void createContinuous(int rows, int cols, int type, OutputArray arr)
Creates a continuous matrix.
static double norm(const Matx< _Tp, m, n > &M)
void setMaxPointsPart(double val)
Definition: depth.hpp:953
@ CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio.hpp:516
MatIterator_< _Tp > it
Definition: mat.hpp:520
v_uint64x2()
Definition: intrin_rvv.hpp:456
Definition: tracking_feature.private.hpp:93
Definition: global_motion.hpp:199
void setWindowSize(int val)
Definition: depth.hpp:144
@ IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
Use this value to force Huffman encoding only (no string match).
Definition: imgcodecs.hpp:124
UMat * m
Definition: ocl.hpp:414
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:106
__device__ static __forceinline__ uchar max()
Definition: limits.hpp:77
int npos
Definition: tracking_feature.private.hpp:85
bool findRtRANSAC(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, int minInliersCount=100, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
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)
@ FAPS
Definition: sinusoidalpattern.hpp:60
static cv::GFrame yield(cv::GCall &call, int i)
Definition: gkernel.hpp:95
_OutputArray(int _flags, void *_obj)
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
static Ptr< ReLULayer > create(const LayerParams ¶ms)
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
@ CAP_PROP_XI_IMAGE_IS_COLOR
Returns 1 for color cameras.
Definition: videoio.hpp:409
virtual int getGridX() const =0
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
@ PSM_SINGLE_BLOCK_VERT_TEXT
Definition: ocr.hpp:74
NCVStatus memSegCopyHelper(void *dst, NCVMemoryType dstType, const void *src, NCVMemoryType srcType, size_t sz, cudaStream_t cuStream)
@ LSD_REFINE_ADV
Definition: imgproc.hpp:487
Mat_ clone() const CV_NODISCARD
int id
Definition: track_vot.hpp:63
@ COLOR_RGB2YUV_IYUV
Definition: imgproc.hpp:730
friend Quat< T > sin(const Quat< T > &q)
return tanh value of quaternion q, sin could be calculated as:
virtual ~BaseOCR()
Definition: ocr.hpp:95
@ COLOR_YUV2RGB_YUYV
Definition: imgproc.hpp:700
void queryMemory(size_t &totalMemory, size_t &freeMemory) const
gets free and total device memory
static Ptr< RadialVarianceHash > create(double sigma=1, int numOfAngleLine=180)
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.
virtual void interpolate(InputArray from_image, InputArray from_points, InputArray to_image, InputArray to_points, OutputArray dense_flow)=0
Interpolate input sparse matches.
@ USAC_PARALLEL
USAC, parallel version.
Definition: calib3d.hpp:448
Mat(const Mat &m, const Range &rowRange, const Range &colRange=Range::all())
std::string name
Definition: or_sun.hpp:63
virtual int getNOctaves() const =0
Definition: all_layers.hpp:576
double maxErroneousBitsInBorderRate
Definition: aruco.hpp:173
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
Ptr< Stitcher > createStitcherScans(bool try_use_gpu=false)
Projector makeProjector() const
Definition: intrinsics.hpp:71
cv::Size getMinObjectSize() const
Definition: detection_based_tracker.hpp:88
void setExceptionMode(bool enable)
Definition: videoio.hpp:815
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
@ CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Readonly, returns (const char *).
Definition: videoio.hpp:574
uint64 saturate_cast< uint64 >(schar v)
Definition: saturate.hpp:152
virtual void process(const cv::Mat &imgLeft, const cv::Mat &imgRight)=0
Main process of the algorithm. This method computes the sparse seeds and then densifies them.
std::tuple< GMat, GMat > GMat2
Definition: imgproc.hpp:51
virtual void suppress(int idx, const Mat &frame, Mat &result) CV_OVERRIDE
Abstract base class for TrackerContribFeature that represents the feature.
Definition: tracking_internals.hpp:268
virtual void setSpekleRemovalTechnique(int factor)=0
@ HAAR
Definition: tracking_feature.private.hpp:39
virtual void setFeatureExtractor(FeatureExtractorCallbackFN callback, bool pca_func=false)=0
Impl * p
Definition: async.hpp:99
virtual int getFinestScale() const =0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
virtual void run(InputArray frame0, InputArray frame1, InputOutputArray flowX, InputOutputArray flowY, OutputArray errors)=0
virtual float getSpatialWeight()=0
virtual void setCVFolds(int val)=0
Definition: infer.hpp:277
AutoBuffer()
the default constructor
illuminationType illumination
Definition: gr_skig.hpp:100
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...
virtual double getP() const =0
virtual int getVariationalRefinementIterations() const =0
Number of fixed point iterations of variational refinement per scale. Set to zero to disable variatio...
Definition: track_vot.hpp:62
virtual void setShowText(bool needShowText)=0
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
@ GAMMA
Definition: ml.hpp:671
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: ie.hpp:115
bool wait_for(int64 timeoutNs) const
v_reg< _Tp, n > v_select(const v_reg< _Tp, n > &mask, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Per-element select (blend operation)
Definition: intrin_cpp.hpp:1336
virtual void detect(InputArray image, OutputArray corners, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Determines strong corners on an image.
bool holds() const
Definition: gopaque.hpp:94
bool isNormal(_Tp eps=CV_QUAT_EPS) const
return true if this quaternion is a unit quaternion.
void Rodrigues(InputArray src, OutputArray dst, OutputArray jacobian=noArray())
Converts a rotation matrix to a rotation vector or vice versa.
Ptr< StrongClassifierDirectSelection > boostClassifier
Definition: tracking_internals.hpp:605
float getCls(int si) const
Definition: feature.hpp:188
@ StsUnmatchedFormats
formats of input/output arrays differ
Definition: base.hpp:105
virtual void reset() CV_OVERRIDE
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
virtual int getSpekleRemovalTechnique() const =0
int nbrOfPeriods
Definition: sinusoidalpattern.hpp:87
__device__ __forceinline__ float1 sqrt(const uchar1 &a)
Definition: vec_math.hpp:222
static void read(const FileNode &node, Matx< _Tp, m, n > &value, const Matx< _Tp, m, n > &default_matx=Matx< _Tp, m, n >())
Definition: persistence.hpp:774
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:99
@ CAP_PROP_XI_OFFSET_Y
Vertical offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:346
@ CPU_AVX512_ICL
Ice Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI/VBMI2/BITALG/VPOPCNTDQ.
Definition: cvdef.h:337
@ ARO_45_135
Definition: fast_hough_transform.hpp:71
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
@ ROTATE_180
Rotate 180 degrees clockwise.
Definition: core.hpp:1071
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.
Definition: onlineBoosting.hpp:267
virtual void setEntityProperty(const String &name, int prop, const String &value, int subEntityIdx=-1)=0
This is an overloaded member function, provided for convenience. It differs from the above function o...
std::vector< double > getFeatures()
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
GMatDesc withSizeDelta(cv::Size delta) const
Definition: gmat.hpp:123
@ NPPST_INVALID_ROI
Invalid region of interest argument.
Definition: NCV.hpp:365
virtual void onEndFrame(int frameNumber, EncoderCallBack::PicType picType)=0
Callback function signals that the encoding operation on the frame has finished.
float pca_learning_rate
compression learning rate
Definition: tracking.hpp:126
TYPECHART
enum to hold the type of the checker
Definition: checker_model.hpp:47
@ CAP_PVAPI_PIXELFORMAT_MONO8
Mono8.
Definition: videoio.hpp:326
@ StsError
unknown /unspecified error
Definition: base.hpp:71
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
bool getFacesHAAR(InputArray image, OutputArray faces, const String &face_cascade_name)
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
static Context fromHandle(void *context)
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.
@ OAST_9_16
Definition: features2d.hpp:605
GpuMat & setTo(Scalar s)
sets some of the GpuMat elements to s (Blocking call)
@ MODIFY_A
Definition: core.hpp:2646
virtual ~BaseClassifier()
@ TYPE_9_16
Definition: features2d.hpp:545
bool globalPooling
Flag is true if at least one of the axes is global pooled.
Definition: all_layers.hpp:251
virtual double getSigmaR() const =0
Ptr< BackgroundSubtractorCNT > createBackgroundSubtractorCNT(int minPixelStability=15, bool useHistory=true, int maxPixelStability=15 *60, bool isParallel=true)
Creates a CNT Background Subtractor.
pHash
Definition: phash.hpp:23
Ptr< LearningBasedWB > createLearningBasedWB(const String &path_to_model=String())
Creates an instance of LearningBasedWB.
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
virtual int getShadowValue() const =0
Returns the shadow value.
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: cudafeatures2d.hpp:453
static constexpr const char * tag()
Definition: infer.hpp:295
@ INITIAL_METHOD_WHITE_BALANCE
Definition: ccm.hpp:69
#define CV_CUDEV_YUV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:119
Ptr< EdgeBoxes > createEdgeBoxes(float alpha=0.65f, float beta=0.75f, float eta=1, float minScore=0.01f, int maxBoxes=10000, float edgeMinMag=0.1f, float edgeMergeThr=0.5f, float clusterMinMag=0.5f, float maxAspectRatio=3, float minBoxArea=1000, float gamma=2, float kappa=1.5f)
Creates a Edgeboxes.
GpuMat(GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
default constructor
A class to find the positions of the ColorCharts in the image.
Definition: checker_detector.hpp:130
Definition: ir_robot.hpp:66
const Vec2d & getFocalLength() const
Definition: types.hpp:220
void absdiff32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
ParallelLoopBodyLambdaWrapper(std::function< void(const Range &)> functor)
Definition: utility.hpp:590
unsigned right
Definition: sparse_matching_gpc.hpp:162
virtual void setMinDistance(double minDistance)=0
@ CAP_PROP_XI_HDR
Enable High Dynamic Range feature.
Definition: videoio.hpp:476
vint8mf4_t()
Definition: intrin_rvv.hpp:143
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:110
std::string nameUser
Definition: gr_chalearn.hpp:77
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.
std::vector< std::string > out_names
Definition: infer.hpp:174
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.
Definition: infer.hpp:236
void subMatrix(const Mat &src, Mat &dst, const std::vector< int > &cols, const std::vector< int > &rows)
MatStep step
Definition: mat.hpp:2115
~TrackerStateEstimatorAdaBoosting()
Destructor.
GComputation class represents a captured computation graph. GComputation objects form boundaries for ...
Definition: gcomputation.hpp:120
@ CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio.hpp:230
@ ROTATE_90_CLOCKWISE
Rotate 90 degrees clockwise.
Definition: core.hpp:1070
void findContours(InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
@ COLOR_YUV2GRAY_YUY2
Definition: imgproc.hpp:715
Definition: goclkernel.hpp:88
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:835
SparseMatConstIterator_(const SparseMatConstIterator_ &it)
the copy constructor
int numOfOctave_
Definition: descriptor.hpp:193
This is for calculation of the LSBP descriptors.
Definition: bgsegm.hpp:277
Definition: gfluidkernel.hpp:204
double class_prob
Definition: core_detect.hpp:31
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: onnx.hpp:94
int targetWidth
Definition: tracking.private.hpp:205
void write(const String &name, const Mat &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
int doubleFPConfig() const
@ OpenCLNoAMDBlasFft
Definition: base.hpp:123
GFrame yieldFrame(int output=0)
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())
static Eigen::TensorMap< Eigen::Tensor< _Tp, 3, Eigen::RowMajor > > cv2eigen_tensormap(InputArray src)
Maps cv::Mat data to an Eigen::TensorMap.
Definition: eigen.hpp:176
void gather(std::vector< T * > &data) const
Get data from all threads.
Definition: tls.hpp:106
LDA(InputArrayOfArrays src, InputArray labels, int num_components=0)
int featSize
Definition: feature.hpp:156
virtual void setBlockSize(int blockSize)=0
void reset()
Definition: garray.hpp:261
void assertNormal(_Tp eps=CV_QUAT_EPS) const
to throw an error if this quaternion is not a unit quaternion.
virtual void setPyrScale(double pyrScale)=0
@ NCV_LAST_STATUS
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
static Ptr< EltwiseLayer > create(const LayerParams ¶ms)
bool concurrentKernels() const
device can possibly execute multiple kernels concurrently
unsigned long num_trees_per_cascade_level
num_trees_per_cascade_level This stores number of trees fit per cascade level.
Definition: face_alignment.hpp:25
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 .
@ COLOR_BayerGR2RGB_VNG
Definition: imgproc.hpp:767
int getLargeWinSize() const
int width
width of the rectangle
Definition: types.hpp:60
SparseMat_()
the default constructor
virtual ~Function()
Definition: optim.hpp:66
@ CAP_PROP_FOCUS
Definition: videoio.hpp:164
void write(FileStorage &fs, const String &name, const Mat &value)
virtual Mat getVarImportance() const =0
Mat _eigenvalues
Definition: core.hpp:2622
void getBoardObjectAndImagePoints(const Ptr< Board > &board, InputArrayOfArrays detectedCorners, InputArray detectedIds, OutputArray objPoints, OutputArray imgPoints)
Given a board configuration and a set of detected markers, returns the corresponding image points and...
@ COLOR_BGR2YUV_IYUV
Definition: imgproc.hpp:731
float nmsThreshold
Definition: all_layers.hpp:596
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:309
bool collect(int label, double dist) CV_OVERRIDE
overloaded interface method
SelectIf< type_traits_detail::IsSimpleParameter< unqualified_type >::value, T, typename type_traits_detail::AddParameterType< T >::type >::type parameter_type
Definition: type_traits.hpp:150
virtual String getDefaultName() const CV_OVERRIDE
virtual int getPatchStride() const =0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
virtual void setEta(float value)=0
Sets the adaptation rate for nms threshold.
@ COLOR_BGR5552GRAY
Definition: imgproc.hpp:577
float trimRatio() const
Definition: stabilizer.hpp:90
virtual int getMode() const =0
@ CAP_PROP_XI_COUNTER_VALUE
Counter status.
Definition: videoio.hpp:455
void distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha=0)
Distorts 2D points using fisheye model.
virtual bool nextFrame(GpuMat &frame, Stream &stream=Stream::Null())=0
Grabs, decodes and returns the next video frame.
int rows
Definition: interpolation.hpp:367
Class encapsulating training data.
Definition: ml.hpp:146
@ nlanes128
Definition: intrin.hpp:166
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:403
OCRHolisticWordRecognizer class provides the functionallity of segmented wordspotting....
Definition: ocr.hpp:537
@ COLOR_YUV2RGB_NV21
Definition: imgproc.hpp:638
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:2379
virtual Rect getROI()=0
Get the ROI used in the last filter call.
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
virtual void add(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2535
Definition: limits.hpp:58
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
std::tuple< Args... > InArgs
Definition: infer.hpp:101
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:393
int m_selectedClassifier
Definition: onlineBoosting.hpp:146
static void runByImageBorder(std::vector< KeyPoint > &keypoints, Size imageSize, int borderSize)
Types
Definition: ml.hpp:1359
Mat project(InputArray src)
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
Definition: reduction.hpp:109
int Lcc
Quantized levels per 'color co-occurrence' component. Power of two, typically 16, 32 or 64.
Definition: cudalegacy.hpp:161
RgbdPlane(int method, int block_size, int min_size, double threshold, double sensor_error_a=0, double sensor_error_b=0, double sensor_error_c=0)
static Ptr< DnnSuperResImpl > create()
Empty constructor for python.
Definition: functional.hpp:244
virtual int getNumIters() const =0
Context(const Context &c)
virtual int getMinDisparity() const =0
@ CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio.hpp:540
int regsPerBlock() const
32-bit registers available per block
Vec3d t
Definition: pose_3d.hpp:129
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:171
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:897
virtual void setSplitNumber(int num)=0
Set Split Number from Bezier-curve to line.
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,...
Flann-based descriptor matcher.
Definition: features2d.hpp:1248
uchar * value_type
Definition: mat.hpp:3014
Quat< _Tp > atanh() const
return arctanh value of this quaternion, arctanh could be calculated as:
virtual void setScaleThresh(int scaleThresh)=0
Scale votes threshold.
double rhs
Bias term of the hyperplane.
Definition: sparse_matching_gpc.hpp:160
poseType pose
Definition: gr_skig.hpp:101
__host__ Texture(const GlobPtrSz< T > &mat, bool normalizedCoords=false, cudaTextureFilterMode filterMode=cudaFilterModePoint, cudaTextureAddressMode addressMode=cudaAddressModeClamp)
Definition: texture.hpp:209
@ MPEG4
Definition: cudacodec.hpp:249
Definition: gkernel.hpp:64
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
void markDeviceMemMapped(bool flag)
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:194
Mat preProcessedFrame_
Definition: stabilizer.hpp:130
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds lines in a binary image using the classical Hough transform.
_Mutex Mutex
Definition: lock.private.hpp:47
const std::vector< Mat > * motions_
Definition: inpainting.hpp:97
bool testCharucoCornersCollinear(const Ptr< CharucoBoard > &_board, InputArray _charucoIds)
test whether the ChArUco markers are collinear
__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:298
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:223
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst)=0
Short version of process, that doesn't take extra arguments.
double confidence
Definition: calib3d.hpp:555
#define OPENCV_HAL_IMPL_ARITHM_OP(func, bin_op, cast_op, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:798
Definition: functional.hpp:353
std::function< void(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)> IS
Definition: gfluidkernel.hpp:59
void setMaxLevel(int val)
Ncv32f * ppBuffers[6]
temporary buffers
Definition: NPP_staging.hpp:126
#define OPENCV_HAL_IMPL_RVV_SIGNMASK_OP(_Tpvec, _Tp, suffix, width, shift)
Definition: intrin_rvv.hpp:2359
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
Definition: all_layers.hpp:389
GainCompensator()
Definition: exposure_compensate.hpp:115
void write(const String &name, int val)
Simplified writing API to use with bindings.
@ SOLVEPNP_P3P
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:459
const float retainedCornersFraction
Definition: pcaflow.hpp:100
@ CAP_PROP_XI_FFS_ACCESS_KEY
Setting of key enables file operations on some cameras.
Definition: videoio.hpp:490
std::tuple< R... > OutArgs
Definition: gkernel.hpp:219
__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
Definition: all_layers.hpp:588
MatExpr diag(int d=0) const
virtual const kinfu::Params & getParams() const =0
Get current parameters.
const T & rref() const
Definition: gopaque.hpp:276
vint16mf2_t vwcvt_x_x_v_i16mf2(vint8mf4_t src)
Definition: intrin_rvv.hpp:215
void addResourceLocation(const String &path)
virtual NCVMemoryType memType() const
bool avePoolPaddedArea
Definition: all_layers.hpp:259
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
virtual int getMaxNumPoints() const =0
@ COLOR_BGR2HLS_FULL
Definition: imgproc.hpp:612
NormTypes
Definition: base.hpp:159
float b
Definition: warpers.hpp:411
Matx(const Matx< _Tp, n, m > &a, Matx_TOp)
CpuFeatures
Available CPU features.
Definition: cvdef.h:291
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitymse.hpp:31
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
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:179
BOOL cameraAvailable
Definition: cap_ios.h:46
@ CASCADE_FIND_BIGGEST_OBJECT
Definition: objdetect.hpp:170
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:1581
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: highgui.hpp:708
detail::ParamDesc desc
Definition: onnx.hpp:131
void convertToGLTexture2D(InputArray src, Texture2D &texture)
Converts InputArray to Texture2D object.
static Ptr< AffineFeature > create(const Ptr< Feature2D > &backend, int maxTilt=5, int minTilt=0, float tiltStep=1.4142135623730951f, float rotateStepBase=72)
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.
@ INTERP_RIC
Definition: rlofflow.hpp:34
virtual void setMaxVal(double val)=0
Sets the maximum value taken on by pixels in image sequence.
MatExpr min(double s, const Mat &a)
cv::gapi::GKernelPackage kernels()
float getError(int curWeakClassifier)
static bool hasEqualOrLessPtx(int major, int minor)
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
virtual void getPoints(OutputArray points) const =0
Gets points of current 3d mesh.
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
virtual int getMaxIter() const =0
T type
Definition: garray.hpp:326
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
unsigned long oversampling_amount
oversampling_amount stores number of initialisations used to create training samples.
Definition: face_alignment.hpp:29
virtual void dscreate(const vector< int > &sizes, const int type, const String &dslabel, const int compresslevel=HDF5::H5_NONE, const vector< int > &dims_chunks=vector< int >()) const =0
bool is_obj_without_holes
If TRUE we ignore holes within foreground blobs. Defaults to TRUE.
Definition: cudalegacy.hpp:166
@ DEGREE
Definition: ml.hpp:675
int urefcount
Definition: mat.hpp:556
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:64
Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Definition: warpers.hpp:531
@ COLOR_RGB2HLS
Definition: imgproc.hpp:598
virtual double getRpropDWMinus() const =0
UMat(const std::vector< _Tp > &vec, bool copyData=false)
builds matrix from std::vector with or without copying the data
@ EVENT_MBUTTONDOWN
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:213
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
GMat cmpLE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are less o...
Op::result_type result_type
Definition: tuple_adapter.hpp:80
@ MORPH_ELLIPSE
Definition: imgproc.hpp:234
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: wobble_suppression.hpp:85
furnishes all functionalities for querying a dataset provided by user or internal to class (that user...
Definition: descriptor.hpp:816
Definition: intrin_rvv.hpp:484
void setMaxDepth(double val)
Definition: depth.hpp:937
Definition: facemarkAAM.hpp:51
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:432
virtual cv::GKernelImpl impl() const =0
TrackerFeatureFeature2d(String detectorType, String descriptorType)
Constructor.
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...
v_reg< _Tp, n > operator+(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Add values.
__host__ GpuMat_(const GpuMat_ &m, Range arowRange, Range acolRange)
selects a submatrix
void setSupportRegionType(SupportRegionType val)
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:3483
cv::String join(const cv::String &base, const cv::String &path)
@ CALIB_HAND_EYE_PARK
Robot Sensor Calibration: Solving AX = XB on the Euclidean Group .
Definition: calib3d.hpp:533
double getRenderingProperty(const String &id, int property)
Returns rendering property of a widget.
std::vector< size_t > strides
Definition: all_layers.hpp:215
static int getNextId()
Definition: detection_based_tracker.hpp:197
This class represents color in BGR order.
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...
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
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
Definition: warpers.hpp:588
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
@ WINDOW_KEEPRATIO
the ratio of the image is respected.
Definition: highgui.hpp:193
int preferredVectorWidthDouble() const
Vec3i maxTexture2DLayered() const
maximum 2D layered texture dimensions
LogLevel level
Definition: logtag.hpp:18
double PSNR(InputArray src1, InputArray src2, double R=255.)
Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric.
#define N_BINS
Definition: feature.hpp:82
virtual double getScaleStep() const =0
std::map< String, DictValue >::const_iterator begin() const
void copyTo(OutputArray dst) const
copies the GpuMat content to device memory (Blocking call)
FileStorage(const String &filename, int flags, const String &encoding=String())
Opens a file.
virtual void write(FileStorage &fs) const CV_OVERRIDE
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:917
std::shared_ptr< Adapter > AdapterP
Definition: rmat.hpp:117
Impl * p
Definition: ocl.hpp:611
_Tp value_type
Definition: mat.hpp:3079
#define OPENCV_HAL_IMPL_RVV_FLT64_BIT_OP(bin_op, intrin)
Definition: intrin_rvv.hpp:1276
@ 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:81
Definition: or_mnist.hpp:67
virtual void drawSegments(InputOutputArray _image, InputArray lines, bool draw_arrow=false)=0
Draws the line segments on a given image.
Definition: optical_flow.hpp:181
unsigned long long Ncv64u
Definition: NCV.hpp:124
virtual bool setFaceDetector(FN_FaceDetector detector, void *userData=0)=0
Set a user defined face detector for the Facemark algorithm.
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
virtual int getSmallerBlockSize() const =0
@ COLORMAP_WINTER
Definition: imgproc.hpp:4270
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
std::vector< int > getSelectedWeakClassifier()
void stereoRectify(InputArray R, InputArray T, OutputArray R1, OutputArray R2)
Stereo rectification for omnidirectional camera model. It computes the rectification rotations for tw...
virtual void modelEstimationImpl(const std::vector< Mat > &responses)=0
@ CAP_PROP_SETTINGS
Pop up video/camera filter dialog (note: only supported by DSHOW backend currently....
Definition: videoio.hpp:172
virtual NCVStatus dealloc(NCVMemSegment &seg)
virtual bool getCalculateVarImportance() const =0
@ QUAD_STRIP
Definition: opengl.hpp:487
void v_store_aligned_nocache(_Tp *ptr, const v_reg< _Tp, n > &a)
Definition: intrin_cpp.hpp:1807
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
void fourierDescriptor(InputArray src, OutputArray dst, int nbElt=-1, int nbFD=-1)
Fourier descriptors for planed closed curves.
virtual void setDescriptorStrong(const Descriptor &val)=0
Strong descriptor setter.
This structure represents a polygon to draw.
Definition: render_types.hpp:298
std::vector< cv::Rect > rois
Definition: gfluidkernel.hpp:111
MatAllocator * getOpenCLAllocator()
SparseMatIterator(SparseMat *_m, const int *idx)
the full constructor setting the iterator to the specified sparse matrix element
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:292
double nu30
Definition: types.hpp:951
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 ...
This class represents high-level API for classification models.
Definition: dnn.hpp:1188
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.
virtual void atread(String *value, const String &atlabel)=0
int err
Definition: imgproc.hpp:4815
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking_legacy.hpp:124
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
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)
@ COLOR_BayerGB2BGR
Definition: imgproc.hpp:744
OpenCLExecutionContextScope(const OpenCLExecutionContext &ctx)
Definition: ocl.hpp:823
virtual float getAlpha() const =0
Returns the step size of sliding window search.
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.
G_TYPED_KERNEL(GAdd,< GMat(GMat, GMat, int)>, "org.opencv.core.math.add")
Definition: core.hpp:38
Definition: structured_edge_detection.hpp:66
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: large_kinfu.hpp:57
void readModel(const String &path)
Read the model from the given path.
Vec3d findMedian3(InputArray mat)
virtual void dropForgottenTracks()=0
dropForgottenTracks Removes tracks from memory that were lost too many frames ago.
virtual void reset()=0
Resets the algorithm.
#define CV_32FC3
Definition: interface.h:120
@ NCVMemoryTypeHostPageable
Definition: NCV.hpp:430
ActivationFunctions
Definition: ml.hpp:1563
static cv::Scalar get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:113
void v_store_low(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (lower half)
Definition: intrin_cpp.hpp:1765
@ NCVMemoryTypeHostPinned
Definition: NCV.hpp:431
Definition: gproto.hpp:58
Mat backProject(InputArray vec) const
Reconstructs vectors from their PC projections.
int adaptiveThreshWinSizeStep
Definition: checker_detector.hpp:108
@ SOLVEPNP_EPNP
EPnP: Efficient Perspective-n-Point Camera Pose Estimation .
Definition: calib3d.hpp:458
This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminan...
Definition: photo.hpp:475
int getDepth()
Definition: utility.hpp:1105
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3663
void compute(InputArrayOfArrays src, InputArray labels)
static Ptr< NormalBayesClassifier > create()
Definition: descriptor.hpp:721
@ COVAR_USE_AVG
Definition: core.hpp:190
@ COLOR_HLS2BGR
Definition: imgproc.hpp:607
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
Converts an array to another data type with optional scaling.
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:100
bool throwOnFail
Definition: videoio.hpp:844
static Ptr< legacy::TrackerMIL > create(const TrackerMIL::Params ¶meters)
Constructor.
Definition: infer.hpp:172
v_int8x16(schar v0, schar v1, schar v2, schar v3, schar v4, schar v5, schar v6, schar v7, schar v8, schar v9, schar v10, schar v11, schar v12, schar v13, schar v14, schar v15)
Definition: intrin_rvv.hpp:271
virtual int getNumDisparities() const =0
virtual int getOuterIterations() const =0
Number of warping iterations (number of pyramid levels)
__device__ __forceinline__ T & operator()(int y, int x)
Definition: glob.hpp:75
static const std::vector< U > & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:117
int size
Definition: features2d.hpp:1435
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 setWindowSize(int val)=0
float photoreceptorsTemporalConstant
Definition: retina.hpp:162
float16_t()
Definition: cvdef.h:844
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
double winSigma
Gaussian smoothing window parameter.
Definition: objdetect.hpp:605
String name
Name of the layer instance (optional, can be used internal purposes).
Definition: dnn.hpp:114
Definition: all_layers.hpp:374
void apply(int, Point, InputOutputArray, InputArray) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:103
bool validGeometry
Definition: imgproc.hpp:1243
@ COLOR_BayerGB2BGR_VNG
Definition: imgproc.hpp:760
cv::GOpaqueDesc m_desc
Definition: gopaque.hpp:118
Impl * p
Definition: ocl.hpp:492
virtual ~Mapper(void)
Definition: mapper.hpp:57
int lt
The Type of the circle boundary. See LineTypes.
Definition: render_types.hpp:190
@ CAP_PROP_XI_HEIGHT
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:391
Definition: all_layers.hpp:358
RLOFOpticalFlowParameter()
Definition: rlofflow.hpp:66
void setMaxDepthDiff(double val)
Definition: depth.hpp:811
Vec3i resolution
Resolution of voxel space Number of voxels in each dimension. Applicable only for TSDF Volume....
Definition: volume.hpp:64
Ptr< TemplateMatching > createTemplateMatching(int srcType, int method, Size user_block_size=Size())
Creates implementation for cuda::TemplateMatching .
float wrapperEMD(InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), Ptr< float > lowerBound=Ptr< float >(), OutputArray flow=noArray())
virtual size_t getNumberOfPatternImages() const =0
Get the number of pattern images needed for the graycode pattern.
The model of AAM Algorithm.
Definition: facemarkAAM.hpp:107
Mat_(std::initializer_list< _Tp > values)
void threshold(InputArray src, OutputArray rlDest, double thresh, int type)
Applies a fixed-level threshold to each array element.
Flags
Definition: core.hpp:2643
Definition: rapid.hpp:148
GArray< Rect > GRects
Definition: parsers.hpp:19
virtual ~TextDetector()
Definition: textDetector.hpp:31
Size2i Size
Definition: types.hpp:347
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
cv::Ptr< Map > inverseMap() const CV_OVERRIDE
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
An optional simple scoped lock (RAII-style locking for exclusive/write access).
Definition: lock.private.hpp:76
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1075
@ CAP_PROP_SHARPNESS
Definition: videoio.hpp:156
void niBlackThreshold(InputArray _src, OutputArray _dst, double maxValue, int type, int blockSize, double k, int binarizationMethod=BINARIZATION_NIBLACK, double r=128)
Performs thresholding on input images using Niblack's technique or some of the popular variations it ...
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
virtual void setNrPlane(int nr_plane)=0
void pushFrameSize(size_t elem)
Definition: container_avi.private.hpp:172
size_t remaining() const
returns the number of remaining (not read yet) elements
virtual double getGamma() const =0
coefficient for additional illumination variation term
size_t blockSize
Definition: persistence.hpp:690
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:192
std::vector< Ptr< Object > > & getValidation(int splitNum=0)
virtual void setP(double val)=0
int thick
The thickness of line.
Definition: render_types.hpp:322
float32x2_t cv_vrsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:106
@ LOCAL_OPTIM_NULL
Definition: calib3d.hpp:547
cv::Ptr< Map > inverseMap() const CV_OVERRIDE
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
virtual int getNumIters() const =0
unsigned int m_stream_id
Definition: container_avi.private.hpp:125
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
static GCompoundKernel kernel()
Definition: gcompoundkernel.hpp:120
VectorRef(const std::vector< T > &vec)
Definition: garray.hpp:249
virtual double getWinSigma() const =0
typename ProtoToParam< T >::type ProtoToParamT
Definition: gtyped.hpp:31
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
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:405
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:99
int cols
Definition: warping.hpp:127
void release()
Release all memory and unbind all pointers.
int getNrFeeds()
Definition: exposure_compensate.hpp:179
plaidml::edsl::Tensor & outTensor(int output)
Definition: gplaidmlkernel.hpp:47
@ MM_TRANSLATION_AND_SCALE
Definition: motion_core.hpp:62
GArgs m_results
Definition: gcompoundkernel.hpp:37
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:188
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.
static gapi::fluid::BorderOpt help(const cv::GMetaArgs &, const cv::GArgs &)
Definition: gfluidkernel.hpp:285
Abstract base class for TrackerTargetState that represents a possible state of the target.
Definition: tracking.private.hpp:172
OptRef< cv::detail::VectorRef > OptionalVectorRef
Definition: gstreaming.hpp:60
bool planar
Definition: gmat.hpp:82
Dictionary(const Ptr< Dictionary > &_dictionary)
virtual void clearGraphSegmentations()=0
Clear the list of graph segmentations to process;.
int distortion_model
Definition: simple_pipeline.hpp:107
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:122
v_reg< _Tp, n > v_broadcast_element(const v_reg< _Tp, n > &a)
Broadcast i-th element of vector.
Definition: intrin_cpp.hpp:1962
std::vector< VideoCaptureAPIs > getWriterBackends()
Returns list of available backends which works via cv::VideoWriter()
@ COLOR_BayerRG2BGR
Definition: imgproc.hpp:745
Mat infer(const Mat &img, bool islinear=false)
Infer using fitting ccm.
@ COLOR_SPACE_REC_709_RGBL
https://en.wikipedia.org/wiki/Rec._709 , linear RGB color space
Definition: ccm.hpp:107
@ CAP_PROP_XI_BINNING_VERTICAL
Vertical Binning - number of vertical photo-sensitive cells to combine together.
Definition: videoio.hpp:370
float interp_factor
linear interpolation factor for adaptation
Definition: tracking.hpp:124
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.
std::tuple< int, double, float, uint64_t, bool, std::string, cv::Size, cv::Point, cv::Point2f, cv::Rect, cv::gapi::wip::draw::Prim > GOpaqueTraitsOpaqueTypes
Definition: gcommon.hpp:82
static Ptr< FacemarkLBF > create(const FacemarkLBF::Params ¶meters=FacemarkLBF::Params())
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)
v_reg< typename V_TypeTraits< _Tp >::q_type, V_TypeTraits< _Tp >::nlanes128/4 > v_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1570
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.
double dot(InputArray m) const
Computes a dot-product of two vectors.
virtual void createEntity(const String &name, const String &meshname, InputArray tvec=noArray(), InputArray rot=noArray())=0
Definition: reduction.hpp:131
__device__ __forceinline__ float1 atan2(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:812
Ptr< FastBilateralSolverFilter > createFastBilateralSolverFilter(InputArray guide, double sigma_spatial, double sigma_luma, double sigma_chroma, double lambda=128.0, int num_iter=25, double max_tol=1e-5)
Factory method, create instance of FastBilateralSolverFilter and execute the initialization routines.
v_int32x4()
Definition: intrin_rvv.hpp:394
double Mahalanobis(InputArray v1, InputArray v2, InputArray icovar)
Calculates the Mahalanobis distance between two vectors.
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
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:191
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.
virtual void setNumIters(int iters)=0
@ COLOR_RGBA2mRGBA
alpha premultiplication
Definition: imgproc.hpp:724
@ FEATURE_SET_COMPUTE_32
Definition: cuda.hpp:782
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 .
virtual void setCovarianceMatrixType(int val)=0
void sqrt64f(const double *src, double *dst, int len)
virtual int getUniquenessRatio() const =0
float getMinEigenValue() const
@ CPU_AVX_512VBMI2
Definition: cvdef.h:315
Definition: frame_source.hpp:73
Linear Discriminant Analysis.
Definition: core.hpp:2560
~ERStat()
Destructor.
Definition: erfilter.hpp:72
@ CAP_INTELPERC
RealSense (former Intel Perceptual Computing SDK)
Definition: videoio.hpp:111
@ COLOR_BayerGR2BGR_EA
Definition: imgproc.hpp:773
@ COLOR_YUV2BGRA_YUNV
Definition: imgproc.hpp:712
float getConfidenceOfDetection(int detectionIdx)
GBackend backend() const
Definition: onnx.hpp:89
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:219
_OutputArray(Matx< _Tp, m, n > &matx)
@ COLOR_BayerGR2RGB_MHT
Definition: cudaimgproc.hpp:103
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)
@ COLOR_BayerBG2RGB_MHT
Definition: cudaimgproc.hpp:100
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
String tempfile(const char *suffix=0)
void solvePnPRefineLM(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, TermCriteria criteria=TermCriteria(TermCriteria::EPS+TermCriteria::COUNT, 20, FLT_EPSILON))
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coo...
int initialFrame
Definition: gr_chalearn.hpp:62
virtual int getMinRadius() const =0
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: large_kinfu.hpp:53
Matx< double, 4, 4 > Matx44d
Definition: matx.hpp:255
Definition: all_layers.hpp:570
Mat rowRange(const Range &r) const
Parameters for the detectMarker process:
Definition: checker_detector.hpp:100
std::vector< int > icpIterations
Definition: kinfu.hpp:151
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:64
@ NU
Definition: ml.hpp:673
std::vector< Point2f > s0
the basic shape obtained from training dataset
Definition: facemarkAAM.hpp:141
@ CAP_PROP_XI_DEBOUNCE_EN
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:433
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
VideoCapture(int index, int apiPreference=CAP_ANY)
Opens a camera for video capturing.
float coeffObjectSizeToTrack
Definition: detection_based_tracker.hpp:173
LSDParam()
Definition: descriptor.hpp:710
LocalBinarizationMethods
Specifies the binarization method to use in cv::ximgproc::niBlackThreshold.
Definition: ximgproc.hpp:118
@ COLOR_HSV2RGB_FULL
Definition: imgproc.hpp:616
typename std::enable_if< detail::valid_infer_types< Ts... >::value &&std::tuple_size< typename Net::InArgs >::value==sizeof...(Ts), std::function< typename Net::Result(Ts...)> >::type type
Definition: infer.hpp:117
Class used for calculation sparse optical flow and feature tracking with robust local optical flow (R...
Definition: rlofflow.hpp:412
LogTag(const char *_name, LogLevel _level)
Definition: logtag.hpp:20
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 ...
void jputStreamShort(int val)
Point_< _Tp > tl() const
the top-left corner
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:190
Image warper factories base class.
Definition: warpers.hpp:140
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
GBackend(std::shared_ptr< Priv > &&p)
void fastFree(void *ptr)
Deallocates a memory buffer.
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
R Result
Definition: infer.hpp:104
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:172
NCVStatus nppsStCompactGetSize_32s(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
void setBlockSize(int width, int height)
Definition: exposure_compensate.hpp:182
virtual void save(const String &filename) const
Uses resized image as descriptor.
Definition: tracking_by_matching.hpp:106
Rect buildMaps(Size src_size, InputArray K, InputArray H, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
_OutputArray(const Mat &m)
@ COLOR_BGR5652RGB
Definition: imgproc.hpp:558
int64 int_type
Definition: intrin.hpp:169
ObjectStatus status
Definition: detection_based_tracker.hpp:149
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)
float icpAngleThresh
Definition: kinfu.hpp:149
@ CAP_PROP_GUID
Definition: videoio.hpp:165
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:674
MapProjec(InputArray projTr)
void max16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
@ COLOR_YUV420p2RGB
Definition: imgproc.hpp:656
void setDetector(Ptr< FeatureDetector > val)
Definition: global_motion.hpp:237
void compute(const std::vector< cv::Mat > &mats, std::vector< cv::Mat > &descrs) override
Computes images descriptors.
Definition: tracking_by_matching.hpp:141
void starCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2)
in a 9x9 kernel only certain positions are choosen
PtrTraits< SrcPtr >::index_type index_type
Definition: resize.hpp:63
Min< U > other
Definition: reduce_to_vec.hpp:111
Mat polygons
CV_32SC1 with only 1 row.
Definition: types.hpp:135
@ SOLVEPNP_IPPE_SQUARE
Definition: calib3d.hpp:467
Ptr< TrackerTargetState > estimate(const std::vector< ConfidenceMap > &confidenceMaps)
Estimate the most likely target state, return the estimated state.
static bool hasPtx(int major, int minor)
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:192
Definition: sr_div2k.hpp:24
float2 value_type
Definition: warping.hpp:109
int getType() const
Definition: agast.txt:7530
__host__ Expr< DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivY_(const SrcPtr &src)
Definition: deriv.hpp:72
std::unordered_map< int, TrackedObjects > ObjectTracks
(object id, detected objects) pairs collection.
Definition: tracking_by_matching.hpp:70
T * _ptr
Definition: NCV.hpp:619
int line_type
PointSize.
Definition: highgui.hpp:711
Definition: msm_middlebury.hpp:61
virtual int getVotesThreshold() const =0
Size blockSize
Block size in pixels. Align to cell size. Default value is Size(16,16).
Definition: objdetect.hpp:590
static AsyncArray testAsyncArray(InputArray argument)
Definition: bindings_utils.hpp:68
void setLog(Ptr< ILog > ilog)
Definition: stabilizer.hpp:71
std::string original_image
Definition: fr_adience.hpp:70
int preferredVectorWidthHalf() const
virtual double getTheta() const =0
Exposure compensator which tries to remove exposure related artifacts by adjusting image block on eac...
Definition: exposure_compensate.hpp:232
VectorRef(std::vector< T > &vec)
Definition: garray.hpp:251
@ StsParseError
invalid syntax/structure of the parsed file
Definition: base.hpp:112
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response) CV_OVERRIDE=0
Merges images.
virtual float getOutputMax() const =0
Output image range maximum value.
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
@ NPPST_MEMFREE_ERR
CUDA memory deallocation error.
Definition: NCV.hpp:362
GScalar normL1(const GMat &src)
Calculates the absolute L1 norm of a matrix.
Definition: core.hpp:3073
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.
virtual void setScaleStep(double scaleStep)=0
FileNode operator[](const char *nodename) const
void drawFacemarks(InputOutputArray image, InputArray points, Scalar color=Scalar(255, 0, 0))
Utility to draw the detected facial landmark points.
virtual const TrackerParams & params() const =0
Pipeline parameters getter.
Color(double gray)
The three channels will have the same value equal to gray.
@ COLOR_YUV2BGR_YUY2
Definition: imgproc.hpp:697
Feature2D DescriptorExtractor
Definition: features2d.hpp:242
Definition: stabilizer.hpp:67
Point2f getStartPoint() const
Definition: descriptor.hpp:144
SrcPtr src
Definition: reduction.hpp:88
NCVMemPtr begin
Definition: NCV.hpp:452
Quat< T > crossProduct(const Quat< T > &p, const Quat< T > &q)
ProgramSource(const String &module, const String &name, const String &codeStr, const String &codeHash)
VariableTypes
Variable types.
Definition: ml.hpp:82
std::string m_dump_path
Definition: gcommon.hpp:250
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
void create(Size size, int type)
@ WMF_OFF
unweighted
Definition: weighted_median_filter.hpp:71
int largeWinSize
Definition: rlofflow.hpp:107
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.
T thresh
Definition: functional.hpp:773
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
bool findRt(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
int background_ratio
Definition: tracking.hpp:67
int getTargetWidth() const
Get the width of the target.
float aprilTagCriticalRad
Definition: aruco.hpp:184
virtual void setThreshold(double threshold)=0
@ FTP
Definition: sinusoidalpattern.hpp:58
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
Ptr< FrameSource > createFrameSource_Empty()
@ DISTANCE_CIE94_GRAPHIC_ARTS
The 1976 definition was extended to address perceptual non-uniformities.
Definition: ccm.hpp:347
MatStep step
Definition: mat.hpp:2575
GpuMat getBuffer(Size size, int type)
Allocates a new GpuMat of given size and type.
Definition: cuda.hpp:495
std::vector< float > getobjectnessValues()
Return the list of the rectangles' objectness value,.
ColorCorrectionModel(const Mat &src, CONST_COLOR constcolor)
Color Correction Model.
virtual void load(const std::string &path) CV_OVERRIDE=0
@ CAP_PROP_XI_HDR_KNEEPOINT_COUNT
The number of kneepoints in the PWLR.
Definition: videoio.hpp:477
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:541
static void help_reset(gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:250
This class represents a mouse event.
Definition: types.hpp:306
Definition: wobble_suppression.hpp:61
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
GMat cmpEQ(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are equal ...
char person
Definition: gr_skig.hpp:98
@ BadModelOrChSeq
Definition: base.hpp:83
virtual void computeImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr, bool useDetectionData) const
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio.hpp:260
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
static Ptr< ScaleLayer > create(const LayerParams ¶ms)
Definition: gcompoundkernel.hpp:89
virtual void setExtended(bool extended)=0
void FT12D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -transfrom.
BackgroundSubtractorParams(BackgroundSubtractorType op, int histLength, double thrshld, bool detect, double lRate)
Definition: video.hpp:139
Definition: tracking_feature.private.hpp:52
__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
int cvTrunc(const cv::softfloat &a)
Truncates number to integer with minimum magnitude.
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
virtual int getNumLevels() const =0
number of levels
@ COLOR_YUV2RGBA_UYVY
Definition: imgproc.hpp:687
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:110
Definition: gcompoundkernel.hpp:54
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
virtual void setDescriptorType(AKAZE::DescriptorType dtype)=0
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:619
virtual double getWeightTrimRate() const =0
Simple TLS data class.
Definition: tls.hpp:62
Definition: vec_traits.hpp:58
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: stabilizer.hpp:83
cv::Rect rect
Detected object ROI (zero area if N/A).
Definition: tracking_by_matching.hpp:34
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:965
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:124
virtual void setNOctaveLayers(int octaveLayers)=0
Definition: warpers.hpp:333
SamplingMethod
Definition: calib3d.hpp:545
virtual void atwrite(InputArray value, const String &atlabel)=0
void storeKind()
Definition: garray.hpp:113
Intr scale(int pyr) const
Definition: intrinsics.hpp:65
virtual void setFixedPointIterations(int val)=0
Number of outer (fixed-point) iterations in the minimization procedure.
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point.
virtual void augAssignMultiply(const MatExpr &expr, Mat &m) const
Definition: optical_flow.hpp:62
static double _mse_to_psnr(double mse, double max_pixel_value)
Definition: qualitypsnr.hpp:101
Ncv32u width() const
Definition: NCV.hpp:824
HistogramNormType
Definition: objdetect.hpp:375
void setNumThreads(int nthreads)
OpenCV will try to set the number of threads for the next parallel region.
std::string name
Definition: slam_kitti.hpp:67
void normalizeUsingWeightMap(InputArray weight, InputOutputArray src)
virtual int getEmax() const =0
@ CALIB_FIX_P1
Definition: omnidir.hpp:61
Definition: type_traits.hpp:65
void solvePnPRefineVVS(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, TermCriteria criteria=TermCriteria(TermCriteria::EPS+TermCriteria::COUNT, 20, FLT_EPSILON), double VVSlambda=1)
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coo...
virtual void save(const String &filename, const String &objname=String()) const
saves HOGDescriptor parameters and coefficients for the linear SVM classifier to a file
virtual String releaseAndGetString()
Closes the file and releases all the memory buffers.
void compute(const std::vector< Mat > &images, Mat &response)
Compute the features in the images collection.
cv::GRunArgs getRunArgs(const std::vector< char > &p)
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:496
MapShift(InputArray shift)
const int * ascii
font data and metrics
Definition: highgui.hpp:704
bool verbose
show the training print-out
Definition: facemarkLBF.hpp:62
retina model parameters structure
Definition: retina.hpp:149
Definition: all_layers.hpp:234
Vec< uchar, 4 > Vec4b
Definition: matx.hpp:411
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.
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:470
int minContourPointsAllowed
Definition: checker_detector.hpp:118
int borderX
Definition: quasi_dense_stereo.hpp:43
@ MAX_ITER
ditto
Definition: types.hpp:861
Definition: instrumentation.hpp:61
int stages_n
number of refinement stages
Definition: facemarkLBF.hpp:70
double getMeanMs() const
Definition: instrumentation.hpp:93
Definition: functional.hpp:623
@ COLOR_BGRA2YUV_IYUV
Definition: imgproc.hpp:736
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
@ TRAIN_ERROR
Definition: ml.hpp:92
int LU(float *A, size_t astep, int m, float *b, size_t bstep, int n)
virtual void setNumDisparities(int numDisparities)=0
GArray< GArray< Point > > findContours(const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset)
Finds contours in a binary image.
const uchar * ptr(int y=0) const
@ COLOR_mRGBA2RGBA
Definition: imgproc.hpp:725
static const plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:81
@ RECTIFY_STEREOGRAPHIC
Definition: omnidir.hpp:72
double m_fps
Definition: container_avi.private.hpp:131
const cv::UMat & matchingMask() const
Definition: stitching.hpp:217
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
Feature f
Definition: linemod.hpp:95
static Ptr< QualitySSIM > create(InputArray ref)
Create an object which calculates quality.
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
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).
const uchar * dataend
Definition: cuda.hpp:597
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:326
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...
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
int psRoiOutChannels
Definition: all_layers.hpp:264
Size_< int64 > Size2l
Definition: types.hpp:344
ParamGrid()
Default constructor.
void apply(cv::Mat in1, cv::Mat in2, cv::Scalar &out, GCompileArgs &&args={})
Execute an binary computation (with compilation on the fly)
int flags
Definition: cuda.hpp:320
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.
__host__ void upload(InputArray arr, Stream &stream)
pefroms upload data to GpuMat (Non-Blocking call)
Mat_(Size _size, const _Tp &value)
constructor that sets each matrix element to specified value
MarkerTypes
Definition: imgproc.hpp:833
LogLevel setLogLevel(LogLevel logLevel)
Mat mapHost(Access access)
Maps OpenGL buffer to host memory.
float getScale() const
Definition: warpers.hpp:129
std::vector< int > startIdxs
Definition: features2d.hpp:1172
static const unsigned char popCountTable[]
Definition: intrin_cpp.hpp:685
virtual ~Callback()
Definition: erfilter.hpp:130
@ ARO_315_0
Definition: fast_hough_transform.hpp:69
Buffer(const cv::GMatDesc &desc)
bool estimatePoseCharucoBoard(InputArray charucoCorners, InputArray charucoIds, const Ptr< CharucoBoard > &board, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false)
Pose estimation for a ChArUco board given some of their corners.
friend Quat< T > log(const Quat< T > &q, QuatAssumeType assumeUnit)
return the value of logarithm 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:207
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
virtual Mat getCatMap() const =0
size_t memPitch() const
maximum pitch in bytes allowed by memory copies
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
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
T * data
Definition: glob.hpp:67
G_TYPED_KERNEL(GParseSSDBL,< GDetections(GMat, GOpaque< Size >, float, int)>, "org.opencv.nn.parsers.parseSSD_BL")
Definition: parsers.hpp:22
virtual void inpaint(int idx, Mat &frame, Mat &mask)=0
virtual Size size(const MatExpr &expr) const
virtual void setK(int _k)=0
Parameter to tune the approximate size of the superpixel used for oversegmentation.
Kalman filter class.
Definition: tracking.hpp:361
#define CV_32F
Definition: interface.h:78
__host__ __device__ Binder1st< Op > bind1st(const Op &op, const typename Op::first_argument_type &arg1)
Definition: functional.hpp:843
const Vec2d & getFov() const
Definition: types.hpp:216
void v_rshr_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:2583
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
Definition: ir_affine.hpp:68
Rect dst_roi_
Definition: blenders.hpp:95
virtual void setUseInitialFlow(bool useInitialFlow)=0
virtual bool getPass2Only() const =0
__device__ __forceinline__ uint vcmpne4(uint a, uint b)
Definition: simd_functions.hpp:823
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
virtual void setRICSLICType(int val)=0
Parameter to choose superpixel algorithm variant to use:
KeyLine()
Definition: descriptor.hpp:168
@ CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Device output data bit depth.
Definition: videoio.hpp:396
void split16u(const ushort *src, ushort **dst, int len, int cn)
CV_EXPORTS_W Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:113
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)
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.
HomographyBasedEstimator(bool is_focals_estimated=false)
Definition: motion_estimators.hpp:103
bool findChessboardCornersSB(InputArray image, Size patternSize, OutputArray corners, int flags, OutputArray meta)
Finds the positions of internal corners of the chessboard using a sector based approach.
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:150
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.
void setNumComponents(int val)
Impl * p
Definition: async_promise.hpp:65
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
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.
bool compileWorkGroupSize(size_t wsz[]) const
MatIterator_< _Tp > iterator
Definition: mat.hpp:2188
TrackerStateEstimatorSVM()
@ THRESH_TRIANGLE
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:327
v_reg< _Tp, n > v_mul_wrap(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Multiply values without saturation.
Definition: intrin_cpp.hpp:822
int refine_intrinsics
Definition: simple_pipeline.hpp:153
static Ptr< MapShift > toShift(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:88
const string sectionNames[]
Definition: track_alov.hpp:68
Base class for convolution (or cross-correlation) operator. :
Definition: cudaarithm.hpp:857
Op::first_argument_type arg1
Definition: functional.hpp:833
cv::GMetaArgs descrs_of(const std::vector< cv::Mat > &vec)
bool createDirectory(const cv::String &path)
void create(int arows, int acols, Format aformat, bool autoRelease=false)
Allocates memory for ogl::Texture2D object.
char label
Definition: or_mnist.hpp:62
NCVStatus nppiStTranspose_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
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
This class represents high-level API for object detection networks.
Definition: dnn.hpp:1283
AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:15
void log32f(const float *src, float *dst, int n)
float EMDL1(InputArray signature1, InputArray signature2)
Computes the "minimal work" distance between two weighted point configurations base on the papers "EM...
Net readNetFromModelOptimizer(const String &xml, const String &bin)
Load a network from Intel's Model Optimizer intermediate representation.
std::deque< TrackedObject > TrackedObjects
Definition: tracking_by_matching.hpp:65
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
int aprilTagDeglitch
Definition: aruco.hpp:187
__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
@ CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:302
PCA(InputArray data, InputArray mean, int flags, int maxComponents=0)
virtual void knnMatchAsync(InputArray queryDescriptors, OutputArray matches, int k, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
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...
@ COLOR_BayerBG2RGB_VNG
Definition: imgproc.hpp:764
int backendId
Backend identifier.
Definition: dnn.hpp:172
@ COLOR_YUV2BGR
Definition: imgproc.hpp:632
Mat sum
Definition: feature.hpp:293
@ CAP_OPENNI2_ASTRA
OpenNI2 (for Orbbec Astra)
Definition: videoio.hpp:115
@ IMWRITE_EXR_TYPE
Definition: imgcodecs.hpp:97
size_t ofs
Definition: persistence.hpp:624
virtual void salt(const cv::String &passphrase)=0
optionally encrypt images with random convolution
Definition: randpattern.hpp:161
virtual bool getExtended() const =0
int width
Definition: or_pascal.hpp:82
cv::Rect calcTrackedObjectPositionToShow(int i, ObjectStatus &status) const
void gatherData(std::vector< void * > &data) const
bool create(const Context &c=Context(), const Device &d=Device())
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:261
static void write(FileStorage &fs, const String &name, const KeyPoint &kpt)
Definition: persistence.hpp:1057
@ CALIB_CB_MARKER
Definition: calib3d.hpp:487
virtual void finalize(InputArrayOfArrays inputs, OutputArrayOfArrays outputs)
Computes and sets internal parameters according to inputs, outputs and blobs.
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
virtual int getThreshold() const =0
DictValue(const String &s)
Constructs string scalar.
Definition: dict.hpp:68
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
virtual float getBias() const =0
ParamTypes
SVM params type
Definition: ml.hpp:669
void setInputShape(const String &inputName, const MatShape &shape)
Specify shape of network input.
Reprojector makeReprojector() const
Definition: intrinsics.hpp:70
Definition: mapprojec.hpp:54
NCVStatus ncvGrowDetectionsVector_device(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale, cudaStream_t cuStream)
virtual void loadAnnotatedOnly(const std::string &path)=0
VideoWriterProperties
VideoWriter generic properties identifier.
Definition: videoio.hpp:193
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:153
unsigned saturate_cast< unsigned >(schar v)
Definition: saturate.hpp:143
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:254
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:91
std::vector< int > MatShape
Definition: dnn.hpp:59
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
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
static const int MAX_PIXEL_VALUE_DEFAULT
Default maximum pixel value.
Definition: qualitypsnr.hpp:30
int getNrFeeds()
Definition: exposure_compensate.hpp:127
virtual void getCovs(std::vector< Mat > &covs) const =0
Returns covariation matrices.
int readPoseCluster(const std::string &FileName)
Definition: interpolation.hpp:135
Definition: warpers.hpp:389
static Ptr< ResizeLayer > create(const LayerParams ¶ms)
virtual void setUseMeanNormalization(bool val)=0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
Mat getPixPerLine(Mat const &input)
void finalize(const std::vector< Mat > &inputs, std::vector< Mat > &outputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
virtual void setNu(double val)=0
bool same
Definition: fr_lfw.hpp:63
virtual Ptr< BackendNode > initHalide(const std::vector< Ptr< BackendWrapper > > &inputs)
Returns Halide backend node.
schar elem_type
Definition: vec_traits.hpp:176
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:119
#define CV_CUDEV_RGB2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:59
@ CAP_PROP_XI_TS_RST_MODE
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:463
Definition: frame_source.hpp:90
std::vector< T > host_type
Definition: gtype_traits.hpp:85
Point pos() const
returns the current iterator position
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask) CV_OVERRIDE
virtual double getLearningRate() const =0
virtual GMetaArg descr_of() const =0
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)
const uchar * sliceStart
Definition: mat.hpp:3065
_OutputArray(const std::vector< cuda::GpuMat > &d_mat)
@ COLOR_COLORCVT_MAX
Definition: imgproc.hpp:791
PropagationParameters Param
Definition: quasi_dense_stereo.hpp:189
@ SF_GRAY
Definition: cudacodec.hpp:80
void setSeamFinder(Ptr< detail::SeamFinder > seam_finder)
Definition: stitching.hpp:245
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
__device__ __forceinline__ PtrTraits< TablePtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: lut.hpp:68
void resizeWindow(const String &winname, int width, int height)
Resizes the window to the specified size.
@ BadCallBack
Definition: base.hpp:91
Definition: warpers.hpp:188
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:305
Vec< double, 6 > Vec6d
Definition: matx.hpp:435
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
@ ARO_0_45
Definition: fast_hough_transform.hpp:66
@ BadDataPtr
Definition: base.hpp:81
Op op
Definition: functional.hpp:853
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
bool gammaCorrection
Flag to specify whether the gamma correction preprocessing is required or not.
Definition: objdetect.hpp:614
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
Interface for implementations of Fast Bilateral Solver.
Definition: edge_filter.hpp:383
bool computeSaliencyImpl(InputArray image, OutputArray objectnessBoundingBox) CV_OVERRIDE
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
@ CPU_RVV
Definition: cvdef.h:329
void drawSearchLines(InputOutputArray img, InputArray locations, const Scalar &color)
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
Vec(_Tp v0)
1-element vector constructor
@ CAP_PROP_ORIENTATION_AUTO
if true - rotates output frames of CvCapture considering video file's metadata (applicable for FFmpeg...
Definition: videoio.hpp:184
@ OPTFLOW_FARNEBACK_GAUSSIAN
Definition: tracking.hpp:58
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:339
std::vector< UMat > images_
Definition: seam_finders.hpp:100
virtual int getMinNeighbors() const =0
@ ST_STANDART
Definition: rlofflow.hpp:24
float hscale
Definition: highgui.hpp:707
float convex_hull_ratio
Definition: erfilter.hpp:90
virtual void setMaxVal(double val)=0
std::vector< std::string > input_names
Definition: onnx.hpp:48
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...
static constexpr const char * id()
Definition: infer.hpp:215
bool padding
Add zero padding in case of concatenation of blobs with different spatial sizes.
Definition: all_layers.hpp:320
__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: depth.hpp:684
static int fourcc(char c1, char c2, char c3, char c4)
Concatenates 4 chars to a fourcc code.
std::string path
The path to the font file (.ttf)
Definition: render_types.hpp:33
Mat AA0
average of gray values from all erorded face region in the dataset
Definition: facemarkAAM.hpp:125
Mode
Definition: stitching.hpp:161
static _Tp saturate_cast(uchar v)
Template function for accurate conversion from one primitive type to another.
Definition: saturate.hpp:80
void assign(const UMat &u) const
@ OCL_VECTOR_OWN
Definition: ocl.hpp:656
Mat & operator=(Mat &&)=default
@ CAP_PROP_GAIN
Gain of the image (only for those cameras that support).
Definition: videoio.hpp:149
@ COLOR_XYZ2RGB
Definition: imgproc.hpp:582
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracking.private.hpp:222
Size getTextSize(const String &text, int fontFace, double fontScale, int thickness, int *baseLine)
Calculates the width and height of a text string.
Rect(const cv::Rect &other)
Definition: types.hpp:47
static Ptr< cuda::CascadeClassifier > create(const FileStorage &file)
typename ProtoToMeta< T >::type ProtoToMetaT
Definition: gtyped.hpp:38
static Ptr< SIFT > create(int nfeatures=0, int nOctaveLayers=3, double contrastThreshold=0.04, double edgeThreshold=10, double sigma=1.6)
static softdouble fromRaw(const uint64_t a)
Construct from raw.
Definition: softfloat.hpp:243
static Ptr< AKAZE > create(AKAZE::DescriptorType descriptor_type=AKAZE::DESCRIPTOR_MLDB, int descriptor_size=0, int descriptor_channels=3, float threshold=0.001f, int nOctaves=4, int nOctaveLayers=4, KAZE::DiffusivityType diffusivity=KAZE::DIFF_PM_G2)
The AKAZE constructor.
@ COLOR_BayerBG2RGBA
Definition: imgproc.hpp:786
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:130
Definition: infer.hpp:225
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
virtual void setRegressionAccuracy(float val)=0
Definition: gr_skig.hpp:95
int maxReadImageArgs() const
FeatureType
Definition: feature.hpp:144
virtual float getSigmaColor() const =0
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
BorderTypes
Definition: base.hpp:268
virtual double getFlowSmoothness() const =0
#define OPENCV_HAL_IMPL_RVV_PACK(_Tpvec, _Tp, _wTpvec, _wTp, width, suffix, rshr, shr)
Definition: intrin_rvv.hpp:2025
void setSharpness(float val)
Definition: blenders.hpp:106
Parameters parameters
Definition: detection_based_tracker.hpp:178
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: onnx.hpp:68
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 *)
std::string image2
Definition: fr_lfw.hpp:62
@ CAP_PROP_XI_CC_MATRIX_22
Color Correction Matrix element [2][2].
Definition: videoio.hpp:424
Size_ & operator=(const Size_ &sz)
static Ptr< MapAffine > toAffine(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:82
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
virtual const void * ptr() const override
Definition: gopaque.hpp:216
@ COLOR_YUV2RGB_Y422
Definition: imgproc.hpp:682
std::vector< VideoCaptureAPIs > getStreamBackends()
Returns list of available backends which works via cv::VideoCapture(filename)
virtual Size getTextSize(const String &text, int fontHeight, int thickness, int *baseLine)=0
Calculates the width and height of a text string.
virtual int getRadius() const =0
@ COLOR_SPACE_Lab_A_10
non-RGB color space
Definition: ccm.hpp:127
#define CV_CUDEV_Lab2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:344
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
float raycastStepFactor
Length of single raycast step Describes the percentage of voxel length that is skipped per march.
Definition: volume.hpp:97
Definition: or_imagenet.hpp:61
float coeffTrackingWindowSize
Definition: detection_based_tracker.hpp:172
Ptr< BackgroundSubtractorGSOC > createBackgroundSubtractorGSOC(int mc=LSBP_CAMERA_MOTION_COMPENSATION_NONE, int nSamples=20, float replaceRate=0.003f, float propagationRate=0.01f, int hitsThreshold=32, float alpha=0.01f, float beta=0.0022f, float blinkingSupressionDecay=0.1f, float blinkingSupressionMultiplier=0.1f, float noiseRemovalThresholdFacBG=0.0004f, float noiseRemovalThresholdFacFG=0.0008f)
Creates an instance of BackgroundSubtractorGSOC algorithm.
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 consecutive 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
virtual void setThreshold(int threshold)=0
typename std::enable_if< detail::valid_infer_types< T >::value &&std::tuple_size< typename Net::InArgs >::value==1u, std::function< typename Net::Result(cv::GOpaque< cv::Rect >, T)> >::type type
Definition: infer.hpp:127
virtual String getDefaultName() const CV_OVERRIDE
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)
void writeStreamHeader(Codecs codec_)
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1797
#define GAPI_DbgAssert(expr)
Definition: assert.hpp:25
std::vector< FeatureHaar > features
Definition: feature.hpp:292
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
@ CAP_INTELPERC_GENERATORS_MASK
Definition: videoio.hpp:552
Definition: gcommon.hpp:36
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:592
@ EVENT_MOUSEHWHEEL
positive and negative values mean right and left scrolling, respectively.
Definition: highgui.hpp:221
virtual void transpose(const MatExpr &expr, MatExpr &res) const
Mat_(const Matx< typename DataType< _Tp >::channel_type, m, n > &mtx, bool copyData=true)
double calibrateCameraRO(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, int iFixedPoint, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray newObjPoints, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray stdDeviationsObjPoints, 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 void setClustersNumber(int val)=0
int deviceVersionMinor() const
@ CAP_WINRT
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:110
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:458
static _OutputArray rawOut(std::vector< _Tp > &vec)
static cv::GArray< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:87
const std::string & getDecodeType() const
Get the decoding method.
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
Impl * getImpl() const
Definition: ocl.hpp:526
static Event wrapEvent(cudaEvent_t event)
void pushFrameOffset(size_t elem)
Definition: container_avi.private.hpp:171
T value_type
Definition: glob.hpp:64
OptRef< cv::detail::OpaqueRef > OptionalOpaqueRef
Definition: gstreaming.hpp:61
Scalar_(const Scalar_ &s)
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)
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:178
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
FileNodeIterator & readRaw(const String &fmt, void *vec, size_t len=(size_t) INT_MAX)
Reads node elements to the buffer with the specified format.
short lane_type
Definition: intrin_rvv.hpp:327
@ ALPHA_OVER_PREMUL
Definition: cudaimgproc.hpp:159
@ COLORMAP_COOL
Definition: imgproc.hpp:4275
@ MORPH_CLOSE
Definition: imgproc.hpp:217
variant() noexcept
Definition: variant.hpp:243
@ CPU_FMA3
Definition: cvdef.h:303
uchar type
Definition: vec_traits.hpp:81
float index_type
Definition: interpolation.hpp:100
const void * obj
Definition: ocl.hpp:415
float num_inflexion_points
Definition: erfilter.hpp:91
void initStream(const String &filename)
@ COLOR_YUV2RGBA_IYUV
Definition: imgproc.hpp:661
void spin()
The window renders and starts the event loop.
void detect(InputArray frame, std::vector< std::vector< Point > > &detections, std::vector< float > &confidences) const
Performs detection.
virtual void resetTracking()
@ DICT_5X5_100
Definition: dictionary.hpp:147
virtual float getShift()=0
std::tuple< GMat, GMat, GMat > GMat3
Definition: imgproc.hpp:52
int to
Definition: util.hpp:78
T & unsafe_get()
Definition: garg.hpp:77
Definition: is_bsds.hpp:61
virtual Size getSize()=0
return the sze of the manage input and output images
OpaqueKind
Definition: gcommon.hpp:43
static Ptr< ParamGrid > create(double minVal=0., double maxVal=0., double logstep=1.)
Creates a ParamGrid Ptr that can be given to the SVM::trainAuto method.
@ FONT_ITALIC
flag for italic font
Definition: imgproc.hpp:826
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 information...
Definition: slam_kitti.hpp:66
double polynomial_k3
Definition: simple_pipeline.hpp:114
float flowErrorThreshold() const
Definition: inpainting.hpp:150
virtual int descriptorType() const
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:553
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:336
virtual double getVarThreshold() const =0
Returns the variance threshold for the pixel-model match.
int preferredVectorWidthLong() const
void setWeight4(float val)
Definition: motion_stabilizing.hpp:140
const TrackedObject & back() const
back returns const reference to last object in track.
Definition: tracking_by_matching.hpp:372
__host__ ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrXPtr(const SrcPtr &src)
Definition: deriv.hpp:266
bool use_segmentation
Definition: tracking.hpp:50
@ COLOR_YUV420sp2RGB
Definition: imgproc.hpp:640
virtual void setFastPyramids(bool fastPyramids)=0
util::any params
Definition: infer.hpp:448
virtual void setSubPixelInterpolationMethod(int value)=0
@ LOG_LEVEL_INFO
Info message.
Definition: logger.defines.hpp:30
SparseMat(const SparseMat &m)
void download(OutputArray dst) const
Performs data download from GpuMat (Blocking call)
void upload(InputArray arr)
Performs data upload to GpuMat (Blocking call)
void setLinear(LINEAR_TYPE linear_type)
set Linear
T maxVal
Definition: functional.hpp:717
~PyRotationWarper()
Definition: warpers.hpp:57
static Ptr< ReLU6Layer > create(const LayerParams ¶ms)
WTrajectory(InputArray path, int display_mode=WTrajectory::PATH, double scale=1.0, const Color &color=Color::white())
Constructs a WTrajectory.
::int32_t int32_t
Definition: cvdef.h:798
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:835
@ COLOR_HSV2BGR
backward conversions to RGB/BGR
Definition: imgproc.hpp:600
Quat< _Tp > power(const Quat< _Tp > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return the value of power function with quaternion .
FileNodeIterator & operator=(const FileNodeIterator &it)
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
static Ptr< SoftmaxLayer > create(const LayerParams ¶ms)
int pyramidLevels
Number of pyramid levels for ICP.
Definition: large_kinfu.hpp:60
@ CALIB_FIX_K1
Definition: omnidir.hpp:59
GMat RGB2HSV(const GMat &src)
Converts an image from RGB color space to HSV. The function converts an input image from RGB color sp...
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:62
virtual void reset() CV_OVERRIDE
_Tp width
the width
Definition: types.hpp:339
void convexHull(InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true)
Finds the convex hull of a point set.
@ COLOR_HLS2RGB_FULL
Definition: imgproc.hpp:618
int hal_ni_sqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:439
double confidence
Detection confidence level (-1 if N/A).
Definition: tracking_by_matching.hpp:35
GOpaque< Vec6f > fitLine3D(const GMat &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.)
Fits a line to a 3D point set.
Cascade classifier class for object detection.
Definition: objdetect.hpp:225
vint32mf2_t(const int *ptr)
Definition: intrin_rvv.hpp:85
float index_type
Definition: interpolation.hpp:158
Support Vector Machines.
Definition: ml.hpp:527
bool empty() const
Returns true if the array has no elements.
const std::vector< Ptr< TrackerSamplerAlgorithm > > & getSamplers() const
Return the collection of the TrackerSamplerAlgorithm.
FileNode operator[](const String &nodename) const
Returns element of a mapping node or a sequence node.
_OutputArray(cudev::GpuMat_< _Tp > &m)
void setWeight3(float val)
Definition: motion_stabilizing.hpp:137
Definition: or_pascal.hpp:79
#define OPENCV_HAL_IMPL_RVV_MUL_EXPAND(_Tpvec, _Tpwvec, _Tpw, suffix, wmul, width)
Definition: intrin_rvv.hpp:2844
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
@ VIDEOWRITER_PROP_NSTRIPES
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:196
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
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
std::tuple< GArray< GMat >, GScalar > GBuildPyrOutput
Definition: video.hpp:47
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)
virtual Mat getTestResponses() const =0
This structure allows to customize the way how Fluid executes parallel regions.
Definition: gfluidkernel.hpp:140
void specifyType()
Definition: gopaque.hpp:101
@ is_reference
Definition: type_traits.hpp:139
size_t globalMemCacheSize() const
void meanStdDev(InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
static T get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:89
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking.private.hpp:129
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
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.
SparseMatConstIterator()
the default constructor
@ nlanes
Definition: intrin_rvv.hpp:296
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. This function returns the rotation and the tra...
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
size_t size
Definition: NCV.hpp:453
Point2f center
returns the rectangle mass center
Definition: types.hpp:530
@ CAP_ANY
Auto detect == 0.
Definition: videoio.hpp:90
std::string name
Definition: ir_robot.hpp:72
@ value
Definition: functional.hpp:884
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:395
static Ptr< TRACK_vot > create()
virtual double getLambda() const =0
Weight parameter for the data term, attachment parameter.
Base class for DFT operator as a cv::Algorithm. :
Definition: cudaarithm.hpp:828
Definition: gplaidmlkernel.hpp:16
void getShift(OutputArray shift) const
Definition: mapshift.hpp:89
virtual void augAssignDivide(const MatExpr &expr, Mat &m) const
Definition: depth.hpp:484
virtual double getScaleStep() const =0
std::function< gapi::fluid::BorderOpt(const GMetaArgs &, const GArgs &)> B
Definition: gfluidkernel.hpp:68
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:170
@ DIST_L12
L1-L2 metric: distance = 2(sqrt(1+x*x/2) - 1))
Definition: imgproc.hpp:304
@ USAC_FM_8PTS
USAC, fundamental matrix 8 points.
Definition: calib3d.hpp:449
void predict(InputArray src, int &label, double &confidence) const
Predicts a label and associated confidence (e.g. distance) for a given input image.
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
virtual void printAttrs() const
Definition: traits.hpp:81
@ COLOR_LBGR2Luv
Definition: imgproc.hpp:622
DeblurerBase()
Definition: deblurring.hpp:62
void write(FileStorage &fs) const
std::vector< Scalar > colors
List of randomly generated colors for bounding boxes display.
Definition: tracking_legacy.hpp:461
Definition: detection_based_tracker.hpp:182
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.
bool operator==(const TrackedObject &first, const TrackedObject &second)
@ COLORMAP_CIVIDIS
Definition: imgproc.hpp:4284
UMat mapGLBuffer(const Buffer &buffer, AccessFlag accessFlags=ACCESS_READ|ACCESS_WRITE)
Maps Buffer object to process on CL side (convert to UMat).
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
std::vector< Target > getAvailableTargets(dnn::Backend be)
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio.hpp:544
unsigned short ushort
Definition: interface.h:52
Impl & getImplRef() const
Definition: dnn.hpp:1176
v_uint64x2(uint64 v0, uint64 v1)
Definition: intrin_rvv.hpp:462
static String dumpCString(const char *argument)
Definition: bindings_utils.hpp:56
virtual void setUniquenessRatio(int uniquenessRatio)=0
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:342
static Ptr< GFTTDetector > create(int maxCorners, double qualityLevel, double minDistance, int blockSize, int gradiantSize, bool useHarrisDetector=false, double k=0.04)
virtual void run(InputArray inputToSegment, const int channelIndex=0)=0
main processing method, get result using methods getSegmentationPicture()
cv::Point center
The center of the circle.
Definition: render_types.hpp:186
v_int16x8(vint16m1_t v)
Definition: intrin_rvv.hpp:331
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
void mapForward(float x, float y, float &u, float &v)
virtual ~TypeHintBase()=default
#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
static Ptr< SLAM_tumindoor > create()
static bool isMaskedOut(InputArrayOfArrays masks, int queryIdx)
cv::Mat to_ocv(Mat const &m)
Definition: convert.hpp:41
TemplatesMap class_templates
Definition: linemod.hpp:402
static Ptr< DTrees > create()
Creates the empty model.
"Dual TV L1" Optical Flow Algorithm.
Definition: optflow.hpp:219
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
int mergeSets(int set1, int set2)
virtual int getNumRejected() const =0
virtual void setLevelsNumber(int val)=0
float textrureThreshold
Definition: quasi_dense_stereo.hpp:48
Class implementing the Gray-code pattern, based on .
Definition: graycodepattern.hpp:69
__host__ Expr< HistogramBody< BIN_COUNT, SrcPtr > > histogram_(const SrcPtr &src)
Definition: reduction.hpp:231
Definition: reduction.hpp:197
std::tuple< R... > OutArgs
Definition: infer.hpp:88
T ValueType
Definition: features2d.hpp:930
void read(const FileNode &node, Mat &mat, const Mat &default_mat=Mat())
QualityBRISQUE(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Internal constructor.
Definition: qualitybrisque.hpp:74
float initInRad
radius for gathering positive instances during init
Definition: tracking.private.hpp:366
Target
The target defines how you intend to use the buffer object.
Definition: opengl.hpp:85
void copyTo(InputArray src, OutputArray dst, InputArray mask)
This is an overloaded member function, provided for convenience (python) Copies the matrix to another...
virtual ~ILog()
Definition: log.hpp:59
@ CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio.hpp:550
@ SCENE_SEPARATE
the window will use a separate scene. The scene will be shared otherwise.
Definition: ovis.hpp:47
void initBaseClassifier()
Ptr< Stitcher > createStitcher(bool try_use_gpu=false)
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
simplified API for language bindings This is an overloaded member function, provided for convenience....
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
static Ptr< RetinaFastToneMapping > create(Size inputSize)
void setNormSigma1(float val)
Point2f getTargetPosition() const
Get the position.
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
cv::Scalar color
The text color.
Definition: render_types.hpp:78
Definition: reduce_to_vec.hpp:212
Mat t
Definition: camera.hpp:70
virtual double getXi() const =0
Model & setInputSize(const Size &size)
Set input size for frame.
@ ENTITY_AABB_WORLD
Definition: ovis.hpp:76
int set_args_(int i, const _Tp0 &a0, const _Tps &... rest_args)
Definition: ocl.hpp:449
@ CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d.hpp:480
double getMaxDepth() const
Definition: depth.hpp:933
@ LSBP_CAMERA_MOTION_COMPENSATION_NONE
Definition: bgsegm.hpp:246
void getMemoryConsumption(const int layerId, const MatShape &netInputShape, size_t &weights, size_t &blobs) const
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:249
bool kernelExecTimeoutEnabled() const
specified whether there is a run time limit on kernels
Size_()
default constructor
MatExpr operator==(const Mat &a, const Mat &b)
Mat(int rows, int cols, int type, const Scalar &s)
virtual void setUp(const Mat &firstFrame)
virtual void checkParams() const CV_OVERRIDE
@ LINEARIZATION_IDENTITY
no change is made
Definition: ccm.hpp:332
Mat stateInit
Initial state, DP x 1, default is zero.
Definition: kalman_filters.hpp:136
std::vector< Feature > features
Definition: feature.hpp:395
static Ptr< AverageHash > create()
GArray< Point2f > goodFeaturesToTrack(const GMat &image, int maxCorners, double qualityLevel, double minDistance, const Mat &mask=Mat(), int blockSize=3, bool useHarrisDetector=false, double k=0.04)
Determines strong corners on an image.
any & operator=(any const &src)
Definition: any.hpp:87
Definition: descriptor.hpp:1154
bool operator<(const Match &rhs) const
Sort matches with high similarity to the front.
Definition: linemod.hpp:268
virtual void setSegEgbThresholdI(float c)=0
: set and get the parameter segEgbThresholdI. This parameter is used in the second stage mentioned ab...
void convertPointsFromHomogeneous(InputArray src, OutputArray dst)
Converts points from homogeneous to Euclidean space.
bool operator!=(const TrackedObject &first, const TrackedObject &second)
Ptr< UnscentedKalmanFilter > createAugmentedUnscentedKalmanFilter(const AugmentedUnscentedKalmanFilterParams ¶ms)
Augmented Unscented Kalman Filter factory method.
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:336
@ BadNumChannel1U
Definition: base.hpp:85
Quat< _Tp > operator-() const
Return opposite quaternion which satisfies .
@ COLORMAP_INFERNO
Definition: imgproc.hpp:4281
Definition: objdetect.hpp:122
virtual void setDoSort(bool doSort)=0
static Ptr< PriorBoxLayer > create(const LayerParams ¶ms)
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
virtual ~DCT2D()
Definition: hal.hpp:224
int frameCount_
Definition: wobble_suppression.hpp:89
float output_sigma_factor
spatial bandwidth (proportional to target)
Definition: tracking.hpp:125
@ COLOR_SPACE_AdobeRGBL
https://en.wikipedia.org/wiki/Adobe_RGB_color_space , linear RGB color space
Definition: ccm.hpp:97
Size getChessboardSize() const
Definition: charuco.hpp:106
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.
@ SORT_EVERY_ROW
each matrix row is sorted independently
Definition: core.hpp:154
Mat_(const Mat_ &m, const Range *ranges)
selects a submatrix, n-dim version
int class_id
Definition: descriptor.hpp:109
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
Border(int _type, cv::Scalar _val)
Definition: gfluidbuffer.hpp:28
@ CAP_PROP_XI_LENS_MODE
Status of lens control interface. This shall be set to XI_ON before any Lens operations.
Definition: videoio.hpp:437
__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
@ COLOR_YUV2RGBA_YV12
Definition: imgproc.hpp:659
SolvePnPMethod
Definition: calib3d.hpp:456
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes)
virtual void compute(const std::vector< cv::Mat > &mats, std::vector< cv::Mat > &descrs)=0
Computes image descriptors in batches.
@ CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio.hpp:528
void modelEstimation(const std::vector< Mat > &responses)
Estimate the most likely target location.
@ TYPE_MARKER
Definition: instrumentation.hpp:48
UMat(const UMat &m)
copy constructor
void convexityDefects(InputArray contour, InputArray convexhull, OutputArray convexityDefects)
Finds the convexity defects of a contour.
v_reg< _Tp, n > v_reverse(const v_reg< _Tp, n > &a)
Vector reverse order.
Definition: intrin_cpp.hpp:1892
virtual void detect(InputArray image, OutputArray edges, Stream &stream=Stream::Null())=0
Finds edges in an image using the algorithm.
int tsdf_max_weight
max number of frames per voxel
Definition: kinfu.hpp:131
Definition: warpers.hpp:368
Provides result of asynchronous operations.
Definition: async_promise.hpp:23
Definition: t_hash_int.hpp:61
Large Scale Dense Depth Fusion implementation.
Definition: large_kinfu.hpp:118
page_seg_mode
Tesseract.PageSegMode Enumeration.
Definition: ocr.hpp:68
String OpenCLVersion() const
bool has_value() const noexcept
Definition: optional.hpp:134
T type
Definition: gstreaming.hpp:26
Definition: feature.hpp:141
MouseButton
Definition: types.hpp:309
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
void setInitialVolumePose(Matx44f homogen_tf)
Set Initial Volume Pose Sets the initial pose of the TSDF volume.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
Vec< _Tp, n > solve(const Vec< _Tp, m > &rhs, int method) const
@ COLOR_Lab2LRGB
Definition: imgproc.hpp:626
virtual ~FileStorage()
the destructor. calls release()
int i
Definition: cvdef.h:377
virtual bool estimate(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< CameraParams > &cameras) CV_OVERRIDE
This method must implement camera parameters estimation logic in order to make the wrapper detail::Es...
lock_guard(Mutex &m)
Definition: lock.private.hpp:20
virtual int getKernelType() const =0
FeatureType
Definition: tracking_feature.private.hpp:38
@ LOG_LEVEL_ERROR
Error message.
Definition: logger.defines.hpp:28
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
virtual int getWindowSize() const =0
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: gcpukernel.hpp:208
double getMaxTranslation() const
Definition: depth.hpp:716
int fiducial_yaw_angle
Definition: fr_adience.hpp:79
HOGDescriptor(Size _winSize, Size _blockSize, Size _blockStride, Size _cellSize, int _nbins, int _derivAperture=1, double _winSigma=-1, HOGDescriptor::HistogramNormType _histogramNormType=HOGDescriptor::L2Hys, double _L2HysThreshold=0.2, bool _gammaCorrection=false, int _nlevels=HOGDescriptor::DEFAULT_NLEVELS, bool _signedGradient=false)
Definition: objdetect.hpp:405
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)
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
@ COLOR_BayerBG2BGR_VNG
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:759
backgroundType background
Definition: gr_skig.hpp:99
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-t...
Definition: rlofflow.hpp:233
@ DNN_BACKEND_HALIDE
Definition: dnn.hpp:71
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 intrinsic matrix.
virtual SegmentationParameters getParameters()=0
return the current parameters setup
GMat BGR2LUV(const GMat &src)
Converts an image from BGR color space to LUV color space.
virtual void setUseVariationalRefinement(bool use_variational_refinement=false)=0
Parameter to choose wether the VariationalRefinement post-processing is employed.
std::function< void(OpaqueRef &)> ConstructOpaque
Definition: gopaque.hpp:56
Definition: instrumentation.hpp:70
@ POLYGON
Definition: opengl.hpp:488
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.
virtual void setTermCriteria(const TermCriteria &val)=0
static Ptr< cuda::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)
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.
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
void setEstimator(Ptr< detail::Estimator > estimator)
Definition: stitching.hpp:231
Mat(int rows, int cols, int type, void *data, size_t step=AUTO_STEP)
virtual void measurementFunction(const Mat &x_k, const Mat &n_k, Mat &z_k)=0
result_type mySum
Definition: vec_distance.hpp:127
Vec(std::initializer_list< _Tp >)
Definition: gkernel.hpp:30
Definition: optional.hpp:31
RgbdNormals(int rows, int cols, int depth, InputArray K, int window_size=5, int method=RgbdNormals::RGBD_NORMALS_METHOD_FALS)
void blendLinear(InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null())
Performs linear blending of two images.
@ COLOR_YUV420p2GRAY
Definition: imgproc.hpp:675
void resize(size_t _size)
resizes the buffer and preserves the content
void setScale(float val) CV_OVERRIDE
Definition: warpers.hpp:176
void create(int rows, int cols, int type, int i=-1, bool allowTransposed=false, _OutputArray::DepthMask fixedDepthMask=static_cast< _OutputArray::DepthMask >(0)) const
@ PSM_OSD_ONLY
Definition: ocr.hpp:69
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
@ COLOR_YUV2BGR_UYVY
Definition: imgproc.hpp:679
cv::gapi::GNetPackage networks(Args &&... args)
Definition: infer.hpp:486
Definition: functional.hpp:614
Definition: deriv.hpp:327
@ CAP_PROP_APERTURE
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:580
@ CAP_PROP_GPHOTO2_RELOAD_CONFIG
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:575
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
virtual double getLambda() const =0
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:1592
@ COLOR_YUV2RGBA_NV21
Definition: imgproc.hpp:645
softfloat(const uint64_t)
virtual void detect(InputArray src, OutputArray circles, Stream &stream=Stream::Null())=0
Finds circles in a grayscale image using the Hough transform.
virtual void setP1(int P1)=0
std::vector< std::string > images
Definition: ir_robot.hpp:67
float fx
Definition: intrinsics.hpp:75
static Ptr< QualityGMSD > create(InputArray ref)
Create an object which calculates image quality.
std::vector< GArg > m_args
Definition: goclkernel.hpp:80
virtual void setCannyLowThresh(int cannyLowThresh)=0
Canny low threshold.
WImage3D(InputArray image, const Size2d &size, const Vec3d ¢er, const Vec3d &normal, const Vec3d &up_vector)
Constructs an WImage3D.
Size frameSize_
Definition: stabilizer.hpp:125
@ COLOR_Lab2LBGR
Definition: imgproc.hpp:625
Definition: sparse_matching_gpc.hpp:192
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
@ COLOR_BayerGR2RGBA
Definition: imgproc.hpp:789
__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
Definition: dynafu.hpp:47
int cols
Definition: mat.hpp:2092
Definition: or_mnist.hpp:61
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
int npos
Definition: feature.hpp:195
int hashtableRemove(hashtable_int *hashtbl, KeyType key)
Point2f t
Definition: facemarkAAM.hpp:89
float sharpness() const
Definition: blenders.hpp:105
@ COLOR_HSV2RGB
Definition: imgproc.hpp:601
TrackerContribSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracking_internals.hpp:701
int DisableCabac
NVVE_DISABLE_CABAC,.
Definition: cudacodec.hpp:103
double maxMarkerPerimeterRate
Definition: aruco.hpp:161
Structure containing information about matches between two images.
Definition: matchers.hpp:100
GRunArgs gin(const Ts &... args)
Definition: garg.hpp:242
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:3125
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
@ NPPST_INVALID_STEP
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
SparseMat_(const SparseMat &m)
the copy constructor. If DataType<_Tp>.type != m.type(), the m elements are converted
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:601
static softfloat inf()
Positive infinity constant.
Definition: softfloat.hpp:206
@ COLOR_SPACE_ProPhotoRGBL
https://en.wikipedia.org/wiki/ProPhoto_RGB_color_space , linear RGB color space
Definition: ccm.hpp:101
static Mat getBitsFromByteList(const Mat &byteList, int markerSize)
Transform list of bytes to matrix of bits.
~Allocator()
Definition: cvstd.hpp:123
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking_internals.hpp:447
@ IMWRITE_PNG_STRATEGY_DEFAULT
Use this value for normal data.
Definition: imgcodecs.hpp:122
void writeClass(const String &class_id, FileStorage &fs) const
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:90
__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.
friend bool operator==(const variant< Us... > &lhs, const variant< Us... > &rhs)
Definition: variant.hpp:411
void cleanup()
Release associated thread data.
Definition: tls.hpp:164
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:129
virtual double getNu() const =0
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitymse.hpp:28
size_t class_idx
Definition: core_detect.hpp:29
@ CLOSE_CAMERA
Definition: cap_winrt.hpp:41
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:164
virtual GMatDesc desc() const =0
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
@ NCVPipeObjDet_UseFairImageScaling
Definition: NCVHaarObjectDetection.hpp:355
GMat BGR2RGB(const GMat &src)
Converts an image from BGR color space to RGB color space.
virtual float getIntensity() const =0
Definition: functional.hpp:63
void inverseWarp(InputArray img1, OutputArray img2) const CV_OVERRIDE
int set(int i, const Image2D &image2D)
Impl * impl
Definition: utility.hpp:931
cv::instr::IMPL m_implType
Definition: instrumentation.hpp:79
std::vector< Template > TemplatePyramid
Definition: linemod.hpp:400
GMat erode(const GMat &src, const Mat &kernel, const 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.
GCPUKernel(const RunF &runF, const SetupF &setupF=nullptr)
detail::ParamDesc desc
Definition: ie.hpp:183
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
virtual Mat estimateStabilizationMotion()=0
void calibrateRobotWorldHandEye(InputArrayOfArrays R_world2cam, InputArrayOfArrays t_world2cam, InputArrayOfArrays R_base2gripper, InputArrayOfArrays t_base2gripper, OutputArray R_base2world, OutputArray t_base2world, OutputArray R_gripper2cam, OutputArray t_gripper2cam, RobotWorldHandEyeCalibrationMethod method=CALIB_ROBOT_WORLD_HAND_EYE_SHAH)
Computes Robot-World/Hand-Eye calibration: and .
friend Quat< T > cosh(const Quat< T > &q)
return cosh value of quaternion q, cosh could be calculated as:
const Ncv32u K_WARP_SIZE
Definition: NCV.hpp:236
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)
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
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
@ COLORCHECKER_DigitalSG
DigitalSG ColorChecker with 140 squares.
Definition: ccm.hpp:91
void FT02D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
_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
std::array< cv::Scalar, std::tuple_size< typename Net::InArgs >::value > NormCoefs
Definition: onnx.hpp:74
Full reference mean square error algorithm https://en.wikipedia.org/wiki/Mean_squared_error.
Definition: qualitymse.hpp:18
bool isTargetFg() const
Get the label. Return true for target foreground, false for background.
int image_width
Definition: simple_pipeline.hpp:108
Point p
Definition: imgproc.hpp:4819
static cv::Scalar & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:174
virtual void setFgsSigma(float val)=0
see ximgproc::EdgeAwareInterpolator().
Definition: warping.hpp:78
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
Affine warper factory class.
Definition: warpers.hpp:160
Abstract base class for stateful silhouette trackers.
Definition: rapid.hpp:128
Definition: face_alignment.hpp:15
virtual Mat estimateMotion() CV_OVERRIDE
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
#define OPENCV_HAL_IMPL_RVV_POPCOUNT_OP(_rTpvec, _Tpvec, _rTp, _Tp, suffix)
Definition: intrin_rvv.hpp:2336
virtual void setNumIters(int numIters)=0
int cornerRefinementMaxIterations
Definition: aruco.hpp:168
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:311
@ QT_FONT_BLACK
Weight of 87.
Definition: highgui.hpp:245
virtual int getSmallerBlockSize() const =0
int getWindowSize() const
Definition: depth.hpp:231
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:225
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:157
@ IMWRITE_TIFF_YDPI
For TIFF, use to specify the Y direction DPI.
Definition: imgcodecs.hpp:102
virtual int getK() const =0
K is a number of nearest-neighbor matches considered, when fitting a locally affine model for a super...
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
Ptr< detail::SeamFinder > seamFinder()
Definition: stitching.hpp:243
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:656
static gapi::fluid::BorderOpt getBorder(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:395
@ ACCESS_MASK
Definition: mat.hpp:65
virtual Mat nextFrame()=0
void setInterpolationFlags(InterpolationFlags interp_flags)
Definition: stitching.hpp:202
void setEstimateTrimRatio(bool val)
Definition: stabilizer.hpp:174
Ptr< cuda::StereoSGM > createStereoSGM(int minDisparity=0, int numDisparities=128, int P1=10, int P2=120, int uniquenessRatio=5, int mode=cv::cuda::StereoSGM::MODE_HH4)
Creates StereoSGM object.
virtual void subtract(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:112
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)
float vertexPenalty
Definition: calib3d.hpp:1640
String getAlgorithm()
Returns the scale factor of the model:
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:590
cv::UMat _mat_type
internal mat type default
Definition: qualitybase.hpp:54
void release()
equivalent to Mat::release()
Definition: tracking_legacy.hpp:504
@ LOG_LEVEL_VERBOSE
Verbose (trace) messages. Requires verbosity level. Disabled in the "Release" build.
Definition: logger.defines.hpp:32
const SparseMat * m
Definition: mat.hpp:3217
softdouble(const double a)
Construct from double.
Definition: softfloat.hpp:257
static String getDefaultObjectName(const String &filename)
Returns the normalized object name for the specified name of a file.
virtual void setInvertOrientation(bool _invertOrientation)=0
@ CAP_PROP_XI_CC_MATRIX_11
Color Correction Matrix element [1][1].
Definition: videoio.hpp:419
This structure represents a mosaicing operation.
Definition: render_types.hpp:240
@ COLOR_LRGB2Luv
Definition: imgproc.hpp:623
void specifyType()
Definition: garray.hpp:108
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:227
@ MODE_SGBM
Definition: stereo.hpp:201
__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
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Computes SSIM.
@ ALPHA_ATOP
Definition: cudaimgproc.hpp:159
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.
_Mutex Mutex
Definition: lock.private.hpp:102
#define OPENCV_HAL_IMPL_RVV_LOGIC_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1233
int maxTexture1DLinear() const
maximum size for 1D textures bound to linear memory
SegmentationModel(const Net &network)
Create model from deep learning network.
SparseMatConstIterator(const SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
Rect_(const Point_< _Tp > &org, const Size_< _Tp > &sz)
const char * memopTypeToStr(int t)
const char * typeToStr(int t)
void polylines(InputOutputArray 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)
int label
Quantization.
Definition: linemod.hpp:30
@ NPPST_MEM_ALLOC_ERR
CUDA memory allocation error.
Definition: NCV.hpp:361
@ DISTANCE_RGB
Euclidean distance of rgb color space.
Definition: ccm.hpp:352
v_uint64x2 v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2403
virtual bool open(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
Initializes or reinitializes video writer.
Definition: gopaque.hpp:65
int maxTexture1DMipmap() const
maximum 1D mipmapped texture size
Maximally stable extremal region extractor.
Definition: features2d.hpp:490
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:167
__device__ __forceinline__ uint vmax4(uint a, uint b)
Definition: simd_functions.hpp:870
@ DFT_ROWS
Definition: base.hpp:236
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:239
NCVMemoryType memType() const
Definition: NCV.hpp:828
void setMaxObjectSize(const cv::Size &max)
Definition: detection_based_tracker.hpp:84
virtual int getMarginType() const =0
Margin type, one of SVMSGD::MarginType.
softfloat()
Default constructor.
Definition: softfloat.hpp:93
void start()
starts counting ticks.
Definition: utility.hpp:304
int nextEdge(int edge) const
Returns next edge around the edge origin.
void add32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
@ RETR_FLOODFILL
Definition: imgproc.hpp:426
SyntheticSequenceGenerator(InputArray background, InputArray object, double amplitude, double wavelength, double wavespeed, double objspeed)
Creates an instance of SyntheticSequenceGenerator.
This 3D Widget defines a sphere. :
Definition: widgets.hpp:274
Definition: large_kinfu.hpp:21
void read(const FileNode &)
@ CAP_PROP_XI_CHIP_TEMP
Camera sensor temperature.
Definition: videoio.hpp:403
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:99
Definition: gfluidbuffer.hpp:93
T * ptr(int y=0)
Definition: rmat.hpp:78
ConfidenceMap currentConfidenceMap
Definition: tracking.private.hpp:333
size_t total() const
Returns the total number of array elements.
virtual int getIterations() const =0
@ EVENT_MBUTTONDBLCLK
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:219
@ COLOR_BGRA2RGBA
Definition: imgproc.hpp:543
virtual void setSolverIterations(int val)=0
Number of linear system solver iterations.
FileNode operator[](const String &nodename) const
Returns the specified element of the top-level mapping.
Quat< T > tanh(const Quat< T > &q)
__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
double threshold
Definition: calib3d.hpp:565
Ptr< IFrameSource > maskSource() const
Definition: stabilizer.hpp:81
@ IMWRITE_JPEG_OPTIMIZE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:89
void setMethod(int val)
Definition: depth.hpp:409
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
Rect_(const Point_< _Tp > &pt1, const Point_< _Tp > &pt2)
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
Definition: warpers.hpp:238
@ CAP_PVAPI_FSTRIGMODE_FIXEDRATE
FixedRate.
Definition: videoio.hpp:314
const Mat * m
Definition: mat.hpp:3062
static cudaStream_t getStream(const Stream &stream)
int cvFloor(const cv::softfloat &a)
Rounds a number down to integer.
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...
#define OPENCV_HAL_IMPL_SHIFT_OP(shift_op)
Helper macro.
Definition: intrin_cpp.hpp:1144
virtual int getBinaryKernelType() const =0
bool create(InputArray pattern, const Size2f boardSize, OutputArray output=noArray())
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:256
int getNrGainsFilteringIterations() const
Definition: exposure_compensate.hpp:186
PredictResult minRes
Definition: predict_collector.hpp:93
void extraction(const std::vector< Mat > &images)
Extract features from the images collection.
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
virtual void setMaxBufferSize(int maxBufferSize)=0
Maximal size of inner buffers.
virtual void setNumDisparities(int numDisparities)=0
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize, int randomSeed=0)
void setCtrSize(int n)
set number of Fourier descriptors used in estimateTransformation
Quat< _Tp > operator+(const Quat< _Tp > &) const
Addition operator of two quaternions p and q. It returns a new quaternion that each value is the sum ...
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w)
TrackedObject & operator[](size_t i)
operator [] return non-const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:366
static Ptr< PD_caltech > create()
virtual Size getWinSize() const =0
Range(int _start, int _end)
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask=noArray())
Computes components of the array using direct -transform.
@ CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio.hpp:254
Implementation of the Global Patch Collider.
virtual NcvBool isInitialized(void) const =0
This type is very similar to InputArray except that it is used for input/output and output function p...
Definition: mat.hpp:291
std::vector< Size > sizes_
Definition: seam_finders.hpp:101
__device__ __forceinline__ float1 atan(const uchar1 &a)
Definition: vec_math.hpp:330
static softdouble eps()
Difference between 1 and next representable value.
Definition: softfloat.hpp:356
virtual void invert(const MatExpr &expr, int method, MatExpr &res) const
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
int numFeatures
Definition: tracking_internals.hpp:856
Definition: gopaque.hpp:127
@ CAP_V4L
V4L/V4L2 capturing support.
Definition: videoio.hpp:92
Homography based rotation estimator.
Definition: motion_estimators.hpp:101
static Ptr< CCheckerDetector > create()
Returns the implementation of the CCheckerDetector.
vuint32mf2_t()
Definition: intrin_rvv.hpp:74
virtual void getCameras(OutputArray Rs, OutputArray Ts)=0
TablePtr tbl
Definition: lut.hpp:66
v_reg< typename V_TypeTraits< _Tp >::w_type, V_TypeTraits< _Tp >::nlanes128/2 > v_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1546
void setMinSize(int val)
Definition: depth.hpp:401
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 */.
std::size_t num_in
Definition: ie.hpp:63
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:765
v_reg< double, 2 > v_cvt_f64_high(const v_reg< int, 4 > &a)
Convert to double high part of vector.
Definition: intrin_cpp.hpp:2120
@ CALIB_FIX_K3
Definition: calib3d.hpp:503
Vec3i maxThreadsDim() const
maximum size of each dimension of a block
virtual int getScalesNumber() const =0
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:401
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:774
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
int index_type
Definition: glob.hpp:65
virtual void setRpropDWMin(double val)=0
virtual void setMaxRadius(int maxRadius)=0
@ FLOODFILL_MASK_ONLY
Definition: imgproc.hpp:383
int id
Definition: or_imagenet.hpp:62
@ CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio.hpp:244
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 CV_PROP
Definition: cvdef.h:450
const Mat getDescriptor(int globalDescIdx) const
Size frameSize
frame size in pixels
Definition: kinfu.hpp:78
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1238
virtual Ptr< RLOFOpticalFlowParameter > getRLOFOpticalFlowParameter() const =0
Configuration of the RLOF alogrithm.
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.
@ FONT_HERSHEY_PLAIN
small size sans-serif font
Definition: imgproc.hpp:819
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
void drawFrameAxes(InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length, int thickness=3)
Draw axes of the world/object coordinate system from pose estimation.
#define CV_Error(code, msg)
Call the error handler.
Definition: base.hpp:320
GMat desync(const GMat &g)
Starts a desynchronized branch in the graph.
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:3244
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
@ value
Definition: type_traits.hpp:91
@ db
Definition: container_avi.private.hpp:136
@ CAP_PROP_BACKEND
Current backend (enum VideoCaptureAPIs). Read-only property.
Definition: videoio.hpp:177
Mat_(int _rows, int _cols)
equivalent to Mat(_rows, _cols, DataType<_Tp>::type)
bool update(InputArray image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets.
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
size_t nodeCount
Definition: mat.hpp:2679
std::pair< cv::Mat, TraitAs > ConstInput
Definition: onnx.hpp:51
TextDetectionModel_DB & setPolygonThreshold(float polygonThreshold)
Definition: functional.hpp:890
Definition: garray.hpp:237
Code
error codes
Definition: base.hpp:68
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
static Ptr< BaseConvolutionLayer > create(const LayerParams ¶ms)
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
double contourArea(InputArray contour, bool oriented=false)
Calculates a contour area.
__host__ __device__ static __forceinline__ char3 all(schar v)
Definition: vec_traits.hpp:170
Definition: inpainting.hpp:103
virtual bool elementWise(const MatExpr &expr) const
Mat finalFrame_
Definition: stabilizer.hpp:133
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.
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
void setKernelSize(int f)
Definition: depth.hpp:1116
@ COLOR_SPACE_Lab_D55_10
non-RGB color space
Definition: ccm.hpp:129
virtual void add(const MatExpr &expr1, const Scalar &s, MatExpr &res) const
virtual void setWinSigma(double win_sigma)=0
Gaussian smoothing window parameter.
int hal_ni_sqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:440
#define CV_MAT_TYPE(flags)
Definition: cvdef.h:465
void setRefinementMask(const Mat &mask)
Definition: motion_estimators.hpp:137
double mu30
Definition: types.hpp:946
bool v_check_any(const v_reg< _Tp, n > &a)
Check if any of packed values is less than zero.
Definition: intrin_cpp.hpp:1318
Definition: bindings_ie.hpp:23
virtual int defaultNorm() const
@ nlanes
Definition: intrin_rvv.hpp:486
const _OutputArray & OutputArray
Definition: mat.hpp:439
GpuMat row(int y) const
returns a new GpuMat header for the specified row
GMat min(const GMat &src1, const GMat &src2)
Calculates per-element minimum of two matrices.
int featureSetNumFeatures
Definition: tracking_legacy.hpp:158
@ COLOR_SPACE_sRGBL
https://en.wikipedia.org/wiki/SRGB , linear RGB color space
Definition: ccm.hpp:95
float index_type
Definition: warping.hpp:64
std::tuple< GMat, GMat > polarToCart(const GMat &magnitude, const GMat &angle, bool angleInDegrees=false)
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
void setMaxRotation(double val)
Definition: depth.hpp:851
Mat cam_params_
Definition: motion_estimators.hpp:212
Definition: all_layers.hpp:533
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)
@ CPU_AVX_5124FMAPS
Definition: cvdef.h:320
TrackerStateEstimatorAdaBoosting(int numClassifer, int initIterations, int nFeatures, Size patchSize, const Rect &ROI)
Constructor.
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
void getLayersShapes(const std::vector< MatShape > &netInputShapes, std::vector< int > &layersIds, std::vector< std::vector< MatShape > > &inLayersShapes, std::vector< std::vector< MatShape > > &outLayersShapes) const
Returns input and output shapes for all layers in loaded model; preliminary inferencing isn't necessa...
virtual bool isTrackValid(size_t track_id) const =0
isTrackValid Checks whether track is valid (duration > threshold).
int getNumFeatures() const
Definition: feature.hpp:172
poseType
Definition: gr_skig.hpp:75
virtual bool getUseSpatialPropagation() const =0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
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.
HersheyFonts
Definition: imgproc.hpp:817
static DST saturate(SRC x)
Definition: saturate.hpp:26
void write(FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
bool canMapHostMemory() const
device can map host memory with cudaHostAlloc/cudaHostGetDevicePointer
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: ie.hpp:78
virtual ~VideoReader()
Definition: cudacodec.hpp:299
bool check() const
Definition: sparse_matching_gpc.hpp:138
TextDetectionModel_DB(const Net &network)
Create text detection algorithm from deep learning network.
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:241
float voxelSize
Size of voxel in meters.
Definition: kinfu.hpp:110
IOStream & put_v(IOStream &, const V &, std::size_t)
Definition: s11n.hpp:225
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)
float initWideAngleProjMap(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, enum UndistortTypes projType=PROJ_SPHERICAL_EQRECT, double alpha=0)
initializes maps for remap for wide-angle
friend value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
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
@ DICT_4X4_100
Definition: dictionary.hpp:143
void glob(String pattern, std::vector< String > &result, bool recursive=false)
static Ptr< TrackerStateEstimator > create(const String &trackeStateEstimatorType)
Create TrackerStateEstimator by tracker state estimator type.
virtual void setBlockSize(int blockSize)=0
virtual void load(const std::string &path) CV_OVERRIDE=0
int imgIdx
train image index
Definition: types.hpp:817
v_uint32x4 v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2399
Sum< U > other
Definition: reduce_to_vec.hpp:71
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:544
virtual void setEpsilon(double val)=0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
float horizontalCellsGain
Definition: retina.hpp:162
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs, GCompileArgs &&args)
Definition: gtyped.hpp:217
virtual void setRadius(int val)
Definition: deblurring.hpp:66
@ FILLED
Definition: imgproc.hpp:808
_OutputArray(const std::vector< std::vector< _Tp > > &vec)
_Arg2 second_argument_type
Definition: functional.hpp:71
Definition: mapaffine.hpp:53
@ MIXED_CLONE
Definition: photo.hpp:719
@ QT_FONT_LIGHT
Weight of 25.
Definition: highgui.hpp:241
Codecs
Definition: container_avi.private.hpp:73
virtual void dsinsert(InputArray Array, const String &dslabel, const int *dims_offset, const int *dims_counts) const =0
Insert or overwrite a Mat object into specified dataset and auto expand dataset size if unlimited pro...
virtual void setMinRegionSizeI(int n)=0
: set and get the parameter minRegionSizeI. This parameter is used in the second stage mentioned abov...
const Parameters & getParameters() const
void create(int rows, int cols, int type)
allocates new matrix data unless the matrix already has specified size and type.
@ CALIB_CB_SYMMETRIC_GRID
Definition: calib3d.hpp:490
@ SR_CROSS
Definition: rlofflow.hpp:19
float samplerTrackInRadius
radius for gathering positive instances during tracking
Definition: tracking.hpp:764
schar val[4]
Definition: intrin_rvv.hpp:142
int xmax
Definition: or_pascal.hpp:64
static cv::GScalar yield(cv::GCall &call, int i)
Definition: gkernel.hpp:83
Param
Definition: core.hpp:3186
@ CALIB_ROBOT_WORLD_HAND_EYE_SHAH
Solving the robot-world/hand-eye calibration problem using the kronecker product .
Definition: calib3d.hpp:541
std::vector< String > classIds() const
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:149
virtual Mat performSegmentCpu(InputArray src, bool ifDraw=true)=0
do segmentation with cpu This method is only implemented for reference. It is highly NOT recommanded ...
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:383
Quat< _Tp > cosh() const
return cosh value of this quaternion, cosh could be calculated as:
int height
Definition: tr_svt.hpp:63
void cleanup()
Release associated thread data.
Definition: tls.hpp:71
TrackerAdaBoostingTargetState(const Point2f &position, int width, int height, bool foreground, const Mat &responses)
Constructor.
ChannelsCompensator(int nr_feeds=1)
Definition: exposure_compensate.hpp:148
virtual Ptr< detail::RotationWarper > create(float scale) const =0
void copyFrom(InputArray arr, cuda::Stream &stream, Target target=ARRAY_BUFFER, bool autoRelease=false)
__host__ void create(Size asize)
Definition: intrin_rvv.hpp:92
Synthetic frame sequence generator for testing background subtraction algorithms.
Definition: bgsegm.hpp:330
int fh
The height of text.
Definition: render_types.hpp:115
static int total(const MatShape &shape, int start=-1, int end=-1)
Definition: shape_utils.hpp:161
void write(FileStorage &fs, const String &name, int value)
#define CVVISUAL_THREAD_LOCAL
Definition: debug_mode.hpp:7
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:299
GScalar normL2(const GMat &src)
Calculates the absolute L2 norm of a matrix.
Vec< float, 6 > Vec6f
Definition: matx.hpp:430
int adaptiveThreshWinSizeMax
Definition: checker_detector.hpp:107
NCVMatrixReuse(const NCVMatrix< T > &mat, NcvRect32u roi)
Definition: NCV.hpp:961
virtual std::size_t size() const =0
int cornerRefinementMethod
Definition: aruco.hpp:166
void drawCorrespondencies(InputOutputArray bundle, InputArray cols, InputArray colors=noArray())
TrackedObject & back()
back returns non-const reference to last object in track.
Definition: tracking_by_matching.hpp:381
virtual void nextFrame(OutputArray frame)=0
Definition: gopaque.hpp:116
Definition: warpers.hpp:303
virtual ~TrackerContribSamplerAlgorithm()
Destructor.
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
int getReductionRatio()
Get current reduction ratio (used in Gaussian pyramids)
Definition: gkernel.hpp:44
std::string decode(InputArray img, InputArray points, OutputArray straight_qrcode=noArray())
Decodes QR code in image once it's found by the detect() method.
const Priv & priv() const
static cv::Scalar get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:172
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:89
SLICType
Definition: slic.hpp:64
virtual int getIterations() const =0
int maxComputeUnits() const
int thick
The thickness of lines that make up the rectangle. Negative values, like FILLED, mean that the functi...
Definition: render_types.hpp:150
virtual bool getHarrisDetector() const =0
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:303
Matx< float, 6, 1 > Matx61f
Definition: matx.hpp:236
void morphologyEx(InputArray rlSrc, OutputArray rlDest, int op, InputArray rlKernel, bool bBoundaryOnForErosion=true, Point anchor=Point(0, 0))
Applies a morphological operation to a run-length encoded binary image.
Definition: functional.hpp:521
Mat cls
Definition: feature.hpp:199
PyParams(const std::string &tag, const std::string &model, const std::string &device)
AccessFlag
Definition: mat.hpp:64
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
MatSize size
Definition: mat.hpp:2574
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
Definition: sparse_matching_gpc.hpp:158
cv::gapi::GKernelPackage kernels()
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray xi, InputArray R, InputArray P, const cv::Size &size, int m1type, OutputArray map1, OutputArray map2, int flags)
Computes undistortion and rectification maps for omnidirectional camera image transform by a rotation...
GpuMat colRange(Range r) const
static Ptr< legacy::TrackerTLD > create(const TrackerTLD::Params ¶meters)
Constructor.
size_t countFrameSize() const
Definition: container_avi.private.hpp:175
v_uint8x16(vuint8m1_t v)
Definition: intrin_rvv.hpp:233
DetectionModel & setNmsAcrossClasses(bool value)
nmsAcrossClasses defaults to false, such that when non max suppression is used during the detect() fu...
mat_type gradient_map_squared
Definition: qualitygmsd.hpp:62
double getTimeSec() const
returns passed time in seconds.
Definition: utility.hpp:339
virtual void setTrainTestSplitRatio(double ratio, bool shuffle=true)=0
Splits the training data into the training and test parts.
@ MORPH_TOPHAT
Definition: imgproc.hpp:221
Definition: infer.hpp:292
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
void setSigmaDepth(float f)
Definition: depth.hpp:1100
virtual void setHitThreshold(double hit_threshold)=0
virtual void setClusterMinMag(float value)=0
Sets the cluster min magnitude.
void skipJunk(RiffList &list)
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:917
int64 i
Definition: cvdef.h:385
@ CMP_GE
src1 is greater than or equal to src2.
Definition: base.hpp:213
void FT12D_components(InputArray matrix, InputArray kernel, OutputArray components)
Computes components of the array using direct -transform.
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
virtual Ptr< BackendNode > initVkCom(const std::vector< Ptr< BackendWrapper > > &inputs)
Definition: intrin_rvv.hpp:129
void setK(const cv::Mat &val)
Definition: depth.hpp:160
std::vector< PredictResult > data
Definition: predict_collector.hpp:94
virtual int addObject(const cv::Rect &location)
@ DFT_INVERSE
Definition: base.hpp:228
int axis
Definition: all_layers.hpp:367
virtual String name() const CV_OVERRIDE
Viz3d & operator=(const Viz3d &)
@ DCT_ROWS
Definition: base.hpp:263
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:215
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1480
UMat(const UMat &m, const std::vector< Range > &ranges)
MatSize size
Definition: mat.hpp:2114
static bool waitAny(const std::vector< VideoCapture > &streams, std::vector< int > &readyIndex, int64 timeoutNs=0)
Wait for ready frames from VideoCapture.
int curStabilizedPos_
Definition: stabilizer.hpp:128
double mat2[3]
Definition: msm_epfl.hpp:63
@ COLOR_YUV2RGB_YV12
Definition: imgproc.hpp:650
@ BORDER_REFLECT_101
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:273
uchar val[16]
Definition: intrin_rvv.hpp:257
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracking.private.hpp:99
TermCriteria termCriteria()
Definition: motion_estimators.hpp:146
void setLogTagLevel(const char *tag, cv::utils::logging::LogLevel level)
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
@ SF_NV12
Definition: cudacodec.hpp:77
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Scalar_ & operator=(Scalar_ &&s) CV_NOEXCEPT
Definition: facemarkLBF.hpp:52
Definition: constant.hpp:58
virtual void stateConversionFunction(const Mat &x_k, const Mat &u_k, const Mat &v_k, Mat &x_kplus1)=0
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:134
This class declares example interface for system state used in simulated annealing optimization algor...
Definition: ml.hpp:1916
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 float getColorAdaptation() const =0
#define CV_NOEXCEPT
Definition: cvdef.h:752
virtual ~ITrackerByMatching()
Destructor for the tracker.
Definition: tracking_by_matching.hpp:424
virtual void setNumIterations(int iterations)=0
v_uint32x4(vuint32m1_t v)
Definition: intrin_rvv.hpp:363
Class encapsulating matching parameters.
Definition: sparse_matching_gpc.hpp:144
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4266
v_reg< _Tp, n > v_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Magnitude.
Definition: intrin_cpp.hpp:908
cv::gapi::GKernelPackage kernels()
__device__ __forceinline__ uint saturate_cast< uint >(schar v)
Definition: saturate_cast.hpp:244
_Tp area() const
the area (width*height)
@ FULL_UV
Definition: core.hpp:2653
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
Mat(Mat const &src, const Rect &roi)
Definition: mat.hpp:119
virtual float getBeta() const =0
Returns the nms threshold for object proposals.
double adaptiveThreshConstant
Definition: aruco.hpp:159
static std::true_type test(check< C, decltype(>ypeTraits< C >::wrap_value)> *)
virtual double getBackgroundPrior() const =0
int checkVector(int elemChannels, int depth=-1, bool requireContinuous=true) const
@ ComputeModeExclusive
Definition: cuda.hpp:908
Definition: gplaidmlkernel.hpp:102
int radius_
Definition: stabilizer.hpp:120
int x
x offset
Definition: linemod.hpp:28
std::vector< PascalObj > objects
Definition: or_pascal.hpp:86
Definition: intrin_rvv.hpp:358
virtual void setUsePostProcessing(bool _use_post_proc)=0
Sets whether the fastGlobalSmootherFilter() post-processing is employed. It is turned on by default.
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
int kmeansAttempts
Definition: calib3d.hpp:1635
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:164
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:143
@ ARO_CTR_HOR
Definition: fast_hough_transform.hpp:73
_Tp value_type
Definition: mat.hpp:2186
mat_type sigma_2
Definition: qualityssim.hpp:64
__host__ void gridCountNonZero_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:250
bool isContinuous() const
Net readNetFromTensorflow(const String &model, const String &config=String())
Reads a network model stored in TensorFlow framework's format.
virtual void setTrainMethod(int val)=0
virtual void setTruncatePrunedTree(bool val)=0
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.
virtual void setStabilizedFrames(const std::vector< Mat > &val) CV_OVERRIDE
static cv::GMatP get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:80
DataType< _Tp >::channel_type channel_type
Definition: mat.hpp:2187
#define OPENCV_HAL_IMPL_C_PACK(_Tpvec, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2465
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
virtual int getPolyN() const =0
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracking_internals.hpp:514
virtual ~Volume()
Definition: volume.hpp:29
virtual void setNoiseSigma(double noiseSigma)=0
@ DNN_BACKEND_INFERENCE_ENGINE
Definition: dnn.hpp:72
MatExpr mul(InputArray m, double scale=1) const
Performs an element-wise multiplication or division of the two matrices.
@ SFM_REFINE_FOCAL_LENGTH
Definition: simple_pipeline.hpp:124
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
SrcPtr src
Definition: deriv.hpp:193
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:248
virtual Size getGridStep() const =0
Size of the grid to spawn the motion vectors.
@ STORE_ALIGNED_NOCACHE
Definition: intrin.hpp:97
Mat(const std::vector< int > &_dims, int _type, void *_data)
Definition: mat.hpp:111
__device__ __forceinline__ uint vavg4(uint a, uint b)
Definition: simd_functions.hpp:574
virtual float getInputMin() const =0
Input image range minimum value.
void setModel(const String &algo, int scale)
Set desired model.
#define CV_INTRIN_DEF_TYPE_TRAITS(type, int_type_, uint_type_, abs_type_, w_type_, q_type_, sum_type_, nlanes128_)
Definition: intrin.hpp:107
std::vector< int > component() const
Definition: stitching.hpp:288
int rows
Definition: deriv.hpp:371
@ HEVC
Definition: cudacodec.hpp:255
virtual bool allocate(GpuMat *mat, int rows, int cols, size_t elemSize)=0
@ BadAlign
incorrect input align
Definition: base.hpp:90
Data structure for salient point detectors.
Definition: types.hpp:712
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
@ CAP_PROP_XI_CC_MATRIX_12
Color Correction Matrix element [1][2].
Definition: videoio.hpp:420
int length() const
Definition: gfluidbuffer.hpp:133
@ LOG_LEVEL_DEBUG
Debug message. Disabled in the "Release" build.
Definition: logger.defines.hpp:31
friend Quat< T > crossProduct(const Quat< T > &p, const Quat< T > &q)
return the crossProduct between and .
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)
#define CV_FINAL
Definition: cvdef.h:743
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:1002
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:148
virtual void setP2(int P2)=0
float lineLength
Definition: descriptor.hpp:138
virtual bool process(InputArray image, const TYPECHART chartType, const std::vector< Rect > ®ionsOfInterest, const int nc=1, bool useNet=false, const Ptr< DetectorParameters > ¶ms=DetectorParameters::create())=0
Find the ColorCharts in the given image.
Net readNetFromTorch(const String &model, bool isBinary=true, bool evaluate=true)
Reads a network model stored in Torch7 framework's format.
virtual ~BackendWrapper()
Virtual destructor to make polymorphism.
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:409
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
__device__ __host__ void getRect(Ncv32u *rectX, Ncv32u *rectY, Ncv32u *rectWidth, Ncv32u *rectHeight)
Definition: NCVHaarObjectDetection.hpp:101
GMatDesc desc() const
Definition: rmat.hpp:121
Predicate pred
Definition: functional.hpp:812
virtual int maxLevel() const
Definition: optical_flow.hpp:88
void setBorderMode(int val)
Definition: inpainting.hpp:155
float b
Definition: warpers.hpp:390
PlaneWarper(float scale=1.f)
Construct an instance of the plane warper class.
Definition: warpers.hpp:206
FileStorage()
The constructors.
virtual float getOutputMin() const =0
Output image range minimum value.
virtual TYPECHART getTarget()=0
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:659
int borderMode_
Definition: stabilizer.hpp:123
@ StsNotImplemented
the requested function/feature is not implemented
Definition: base.hpp:113
int timestamp
Definition: multicalib.hpp:103
@ COLOR_YCrCb2RGB
Definition: imgproc.hpp:587
static const char * tag()
Definition: gfluidkernel.hpp:157
@ LINEARIZATION_COLORPOLYFIT
polynomial fitting channels respectively; Need assign a value to deg simultaneously
Definition: ccm.hpp:334
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...
float vertexGain
Definition: calib3d.hpp:1639
bool isInt() const
returns true if the node is an integer
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
virtual int getMaxArea() const =0
MatExpr operator()(const Range &rowRange, const Range &colRange) const
PositionsVector lastPositions
Definition: detection_based_tracker.hpp:185
@ COLOR_YUV2RGB_IYUV
Definition: imgproc.hpp:652
Computes distance between images using MatchTemplate function from OpenCV library and its cross-corre...
Definition: tracking_by_matching.hpp:222
static std::vector< float > getDefaultPeopleDetector()
Returns coefficients of the classifier trained for people detection (for 64x128 windows).
virtual Rect getROI1() const =0
static Ptr< Modality > create(const FileNode &fn)
Load a modality from file.
@ ADAPTIVE_THRESH_MEAN_C
Definition: imgproc.hpp:335
Rotation estimator base class.
Definition: motion_estimators.hpp:66
__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:89
Definition: global_motion.hpp:210
void create(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
Allocates memory for ogl::Buffer object.
@ NCV_DIMENSIONS_INVALID
Definition: NCV.hpp:326
MercatorWarper(float scale)
Definition: warpers.hpp:483
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
__host__ NCVStatus create(Ncv32u offsetHaarClassifierNode)
Definition: NCVHaarObjectDetection.hpp:188
Definition: NCVHaarObjectDetection.hpp:118
vint32m1_t vwcvt_x_x_v_i32m1(vint16mf2_t v)
Definition: intrin_rvv.hpp:193
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.
Kind kind
Definition: ie.hpp:67
schar val[8]
Definition: intrin_rvv.hpp:37
GProtoArgs packArgs(Ts... args)
Definition: gproto.hpp:49
static U & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:185
void swap(Mat &a, Mat &b)
Swaps two matrices.
virtual void setROI2(Rect roi2)=0
virtual double getMinScale() const =0
Point3_ & operator=(const Point3_ &pt)
int findSetByElem(int elem)
void copyFrom(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
Copies from host/device memory to OpenGL buffer.
RenderModes
render mode
Definition: opengl.hpp:478
@ SLIC
Definition: slic.hpp:64
@ IMREAD_GRAYSCALE
If set, always convert image to the single channel grayscale image (codec internal conversion).
Definition: imgcodecs.hpp:71
cv::gapi::GKernelPackage kernels()
::cvflann::IndexParams getParameters()
Definition: flann.hpp:326
@ CAP_PROP_XI_IMAGE_DATA_FORMAT
Output data format.
Definition: videoio.hpp:379
#define MIN(a, b)
Definition: cvdef.h:481
std::string getCPUFeaturesLine()
Returns list of CPU features enabled during compilation.
float index_type
Definition: interpolation.hpp:66
@ CAP_PROP_XI_AEAG_ROI_HEIGHT
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:385
static constexpr bool value
Definition: gfluidkernel.hpp:335
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:162
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2382
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
static Ptr< Plot2d > create(InputArray data)
Creates Plot2d object.
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:79
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)
@ SYMMETRIC_GRID
Definition: calib3d.hpp:1649
const float voxelSize
Definition: volume.hpp:40
WaveCorrectKind autoDetectWaveCorrectKind(const std::vector< Mat > &rmats)
Tries to detect the wave correction kind depending on whether a panorama spans horizontally or vertic...
Rect getSampleROI() const
Get the sampling ROI.
void setMethod(int val)
Definition: depth.hpp:251
const Mat & getCls() const
Definition: tracking_feature.private.hpp:73
Definition: gcpukernel.hpp:92
Definition: softfloat.hpp:227
Size_(const Point_< _Tp > &pt)
TrackerSamplerCS(const TrackerSamplerCS::Params ¶meters=TrackerSamplerCS::Params())
Constructor.
@ AUTO_STEP
Definition: mat.hpp:2079
TrackedObject()
Default constructor.
Definition: tracking_by_matching.hpp:43
Ptr< FrameSource > createFrameSource_Video_CUDA(const String &fileName)
Mat texture
Definition: types.hpp:137
This 3D Widget defines a poly line. :
Definition: widgets.hpp:391
Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fouri...
Definition: sinusoidalpattern.hpp:69
void setMaxDepth(double val)
Definition: depth.hpp:803
virtual void setMaxObjectSize(Size maxObjectSize)=0
_Tp y
y coordinate of the top-left corner
Definition: types.hpp:454
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:227
virtual void setScaleFactor(double scale0)=0
Coefficient of the detection window increase.
long long Ncv64s
Definition: NCV.hpp:119
virtual double getBackgroundRatio() const =0
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
int rows
Definition: extrapolation.hpp:100
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:164
@ RETINA_COLOR_RANDOM
each pixel position is either R, G or B in a random choice
Definition: retina.hpp:84
static uchar abs(uchar a)
Definition: cvstd.hpp:66
virtual void setMaxNumObjects(int maxNumObjects)=0
void * getDistribution(int target)
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.
std::string fileName
Definition: hpe_humaneva.hpp:67
bool parseIndex(unsigned int index_size, frame_list &in_frame_list)
Methods
Training methods.
Definition: ml.hpp:1679
Buffer()
The constructors.
pointer allocate(size_type count, const void *=0)
Definition: cvstd.hpp:132
void setBorderMode(int val)
Definition: stabilizer.hpp:95
SparseMatIterator()
the default constructor
@ CAP_FFMPEG
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:118
@ SFM_IO_THEIASFM
Definition: io.hpp:62
float getNormSigma0() const
VectorRef(std::vector< T > &&vec)
Definition: garray.hpp:253
int iterdepth
Definition: mat.hpp:3418
@ CAP_PROP_XI_LUT_VALUE
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:461
@ LADYBUG
Definition: slam_tumindoor.hpp:64
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1249
virtual int getWTA_K() const =0
@ ERFILTER_NM_RGBLGrad
Definition: erfilter.hpp:244
@ COLOR_YUV2BGRA_IYUV
Definition: imgproc.hpp:662
K API
Definition: gcompoundkernel.hpp:117
bool isReal() const
returns true iff v1 == v2 == v3 == 0
std::vector< groundTruth > groundTruths
Definition: gr_chalearn.hpp:79
__host__ GpuMat_ colRange(int startcol, int endcol) const
v_int64x2 v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2404
Definition: deblurring.hpp:97
virtual const Params & getParams() const =0
Get current parameters.
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:247
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:147
const char * nameFont
Name of the font.
Definition: highgui.hpp:701
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
const std::vector< float > * blurrinessRates_
Definition: deblurring.hpp:87
Definition: motion_stabilizing.hpp:98
int shift
The number of fractional bits in the point coordinate.
Definition: render_types.hpp:324
cv::util::any params() const
Definition: onnx.hpp:91
@ CPU_MMX
Definition: cvdef.h:292
@ CALIB_CB_CLUSTERING
Definition: calib3d.hpp:492
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2544
@ 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:467
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes) CV_OVERRIDE
@ IMWRITE_PAM_TUPLETYPE
For PAM, sets the TUPLETYPE field to the corresponding string value that is defined for the format.
Definition: imgcodecs.hpp:99
GFrame(const GNode &n, std::size_t out)
void updateContinuityFlag()
internal use method: updates the continuity flag
static int type()
Definition: flann.hpp:76
static void read(const FileNode &node, Range &value, const Range &default_value)
Definition: persistence.hpp:792
int initMaxNegNum
Definition: tracking_internals.hpp:659
Definition: gtype_traits.hpp:106
GMat sqrt(const GMat &src)
Calculates a square root of array elements.
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:176
@ COLOR_YUV2RGB_YVYU
Definition: imgproc.hpp:698
Base abstract class for the long-term Multi Object Trackers:
Definition: tracking_legacy.hpp:421
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:123
@ USAC_FAST
USAC, fast settings.
Definition: calib3d.hpp:450
@ TM_CCOEFF
Definition: imgproc.hpp:3686
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)
int maxTextureCubemap() const
maximum Cubemap texture dimensions
@ CAP_PROP_XI_CC_MATRIX_21
Color Correction Matrix element [2][1].
Definition: videoio.hpp:423
int maxWorkItemDims() const
float cy
Definition: intrinsics.hpp:75
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap)
static method for computing quality
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking.hpp:751
void equalizeHist(InputArray src, OutputArray dst)
Equalizes the histogram of a grayscale image.
std::map< String, std::vector< TemplatePyramid > > TemplatesMap
Definition: linemod.hpp:401
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:760
uint64 val[1]
Definition: intrin_rvv.hpp:103
Definition: intrin_rvv.hpp:82
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.
void getByIndex(int index, bool space_delete, Param type, void *dst) const
float calcNormFactor(const Mat &sum, const Mat &sqSum)
std::function< void(GCPUContext &)> RunF
Definition: gcpukernel.hpp:139
int preferredVectorWidthFloat() const
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:476
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
@ COLOR_Luv2LBGR
Definition: imgproc.hpp:627
virtual double getK() const =0
virtual void updateEntityPose(const String &name, InputArray tvec=noArray(), InputArray rot=noArray())=0
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:68
CascadeClassifier(const String &filename)
Loads a classifier from a file.
@ COLOR_YUV2BGRA_NV21
Definition: imgproc.hpp:646
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
v_reg< int, 4 > v_floor(const v_reg< float, 4 > &a)
Floor elements.
Definition: intrin_cpp.hpp:609
@ SFM_IO_OPENSFM
Definition: io.hpp:60
CCM_TYPE
Enum of the possible types of ccm.
Definition: ccm.hpp:60
@ CALIB_FIX_SKEW
Definition: omnidir.hpp:58
A container class for heterogeneous kernel implementation collections and graph transformations.
Definition: gkernel.hpp:460
virtual ~TrackerCSRT() CV_OVERRIDE
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
cv::Scalar compute(InputArray img) CV_OVERRIDE
Computes BRISQUE quality score for input image.
static Ptr< PHash > create()
Rect dst_roi_
Definition: timelapsers.hpp:76
int thick
The thickness of line.
Definition: render_types.hpp:228
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:357
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:703
_Result result_type
Definition: functional.hpp:65
virtual void setSorIterations(int val)=0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
@ NO
Definition: blenders.hpp:68
uint64 u
Definition: cvdef.h:386
virtual void setMinX(double _plotMinX)=0
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:62
virtual void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection without a multi-scale window.
static void callFunctor(cv::GCPUContext &ctx, Impl &impl)
Definition: gcpukernel.hpp:411
static Ptr< MVNLayer > create(const LayerParams ¶ms)
__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_DC1394_OFF
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:215
virtual void setBias(float bias)=0
@ NCVPipeObjDet_FindLargestObject
Definition: NCVHaarObjectDetection.hpp:356
virtual int getNumFrames() const =0
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const CV_OVERRIDE=0
Returns posterior probabilities for the provided samples.
void forward(std::vector< std::vector< Mat > > &outputBlobs, const std::vector< String > &outBlobNames)
Runs forward pass to compute outputs of layers listed in outBlobNames.
bool hasWeights
Definition: all_layers.hpp:526
const DictValue * ptr(const String &key) const
void eigenNonSymmetric(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors)
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
int * p
Definition: mat.hpp:584
@ NORM_HAMMING2
Definition: base.hpp:204
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
virtual size_t getClassCount() const =0
Return a count of loaded models (classes).
@ H264_SVC
Definition: cudacodec.hpp:253
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)
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
GpuMat(int rows, int cols, int type, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
constructs GpuMat of the specified size and type
CascadeClassifier face_cascade
Definition: facemark_train.hpp:50
@ 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...
Vec< double, 2 > Vec2d
Definition: matx.hpp:432
std::string nameDepth
Definition: gr_chalearn.hpp:77
virtual const void * ptr() const =0
virtual float getSigma()=0
NodeDataTls()
Definition: instrumentation.hpp:62
virtual void resetPeakUsage()=0
void accumulateWeighted(InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray())
Updates a running average.
@ OpenCLDoubleNotSupported
Definition: base.hpp:121
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
SrcPtr src
Definition: reduction.hpp:110
virtual double getBackpropWeightScale() const =0
int lt
The line type. See LineTypes.
Definition: render_types.hpp:80
@ COLORMAP_HSV
Definition: imgproc.hpp:4276
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.
@ CAP_PROP_XI_MANUAL_WB
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:356
static cv::GOpaque< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:70
static Ptr< ORB > create(int nfeatures=500, float scaleFactor=1.2f, int nlevels=8, int edgeThreshold=31, int firstLevel=0, int WTA_K=2, ORB::ScoreType scoreType=ORB::HARRIS_SCORE, int patchSize=31, int fastThreshold=20)
The ORB constructor.
LDA(int num_components=0)
constructor Initializes a LDA with num_components (default 0).
virtual void loadModel(String model)=0
A function to load the trained model before the fitting process.
virtual double getAngleEpsilon() const =0
Quat< _Tp > sin() const
return sin value of this quaternion, sin could be calculated as:
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
int _num_components
Definition: core.hpp:2620
int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracking.hpp:133
virtual void setMinDist(double minDist)=0
Minimum distance between the centers of the detected objects.
void normalize()
Definition: mapprojec.hpp:95
virtual int getNumRotations() const =0
UMat dst_
Definition: timelapsers.hpp:75
static Ptr< BRISK > create(int thresh, int octaves, 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, detection threshold and octaves.
@ CAP_PVAPI_PIXELFORMAT_RGBA32
Rgba32.
Definition: videoio.hpp:332
@ COLOR_YUV2BGRA_UYVY
Definition: imgproc.hpp:688
virtual int getNumIters() const =0
number of BP iterations on each level
Definition: warpers.hpp:638
Mat col(int x) const
Creates a matrix header for the specified matrix column.
OCRBeamSearchDecoder class provides an interface for OCR using Beam Search algorithm.
Definition: ocr.hpp:394
virtual bool open(int index, int apiPreference=CAP_ANY)
Opens a camera for video capturing.
Definition: cvstd.hpp:120
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:476
size_t length
Definition: tracking_by_matching.hpp:395
virtual void setK(double k)=0
Definition: detection_based_tracker.hpp:58
@ 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:123
int ymin
Definition: or_pascal.hpp:63
Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters.
Definition: retina.hpp:151
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_MulOp)
CChecker()
Definition: checker_model.hpp:67
GMat addC(const GMat &src1, const GScalar &c, int ddepth=-1)
Calculates the per-element sum of matrix and given scalar.
double arcLength(InputArray curve, bool closed)
Calculates a contour perimeter or a curve length.
@ CAP_PROP_IRIS
Definition: videoio.hpp:171
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
@ CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d.hpp:481
Mat_(int _ndims, const int *_sizes)
n-dim array constructor
virtual int getTextureThreshold() const =0
Definition: mappergradeuclid.hpp:53
Rect & operator&=(Rect &lhs, const Rect &rhs)
Definition: types.hpp:74
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:231
@ CAP_PROP_XI_CC_MATRIX_23
Color Correction Matrix element [2][3].
Definition: videoio.hpp:425
void setWindowProperty(const String &winname, int prop_id, double prop_value)
Changes parameters of a window dynamically.
std::string name
Definition: slam_tumindoor.hpp:69
Definition: warpers.hpp:629
virtual void training(void *parameters=0)=0
Trains a Facemark algorithm using the given dataset. Before the training process, training samples sh...
@ LINEAR
linear (triangular) shape
Definition: types.hpp:55
void getMemoryConsumption(const std::vector< MatShape > &netInputShapes, size_t &weights, size_t &blobs) const
Computes bytes number which are required to store all weights and intermediate blobs for model.
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:245
int asyncEngineCount() const
number of asynchronous engines
float startPointY
Definition: descriptor.hpp:127
static Ptr< QualityBRISQUE > create(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Create an object which calculates quality.
virtual void enforceLabelConnectivity(int min_element_size=25)=0
Enforce label connectivity.
Definition: variant.hpp:65
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())
@ COLOR_RGBA2BGR555
Definition: imgproc.hpp:572
Ncv32s y
y-coordinate of upper left corner.
Definition: NCV.hpp:151
value_t * any_cast(any *operand)
Definition: any.hpp:114
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
Rect & operator=(const cv::Rect &other)
Definition: types.hpp:48
float truncateThreshold
Threshold for depth truncation in meters All depth values beyond this threshold will be set to zero.
Definition: large_kinfu.hpp:80
Definition: functional.hpp:875
virtual void activateMovingContoursProcessing(const bool activate)=0
Activate/desactivate the Magnocellular pathway processing (motion information extraction),...
@ CAP_PROP_GPHOTO2_COLLECT_MSGS
Collect messages with details.
Definition: videoio.hpp:577
Definition: saliencyBaseClasses.hpp:63
Definition: objdetect.hpp:175
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:117
bool empty() const
Definition: ocl.hpp:291
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)
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0) CV_OVERRIDE
Estimates global motion between two 2D point clouds.
@ VIDEOWRITER_PROP_QUALITY
Current quality (0..100%) of the encoded videostream. Can be adjusted dynamically in some codecs.
Definition: videoio.hpp:194
static Quat< _Tp > createFromAngleAxis(const _Tp angle, const Vec< _Tp, 3 > &axis)
from an angle, axis. Axis will be normalized in this function. And it generates
static void write(FileStorage &fs, const String &name, const Size_< _Tp > &sz)
Definition: persistence.hpp:1009
static void write(FileStorage &fs, const Point_< _Tp > &pt)
Definition: persistence.hpp:921
std::vector< size_t > adjust_pads
Definition: all_layers.hpp:214
void read(const FileNode &fn)
virtual double getTheta() const =0
ICPOdometry(const Mat &cameraMatrix, float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), int transformType=Odometry::RIGID_BODY_MOTION)
void mapForward(float x, float y, float &u, float &v)
int maxCount
the maximum number of iterations/elements
Definition: types.hpp:882
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.
Image hash based on block mean.
Definition: block_mean_hash.hpp:27
GMat medianBlur(const GMat &src, int ksize)
Blurs an image using the median filter.
Rect resultRoiIntersection(const std::vector< Point > &corners, const std::vector< Size > &sizes)
void qmultiply(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element quaternion product of two arrays.
virtual ~TrackerStateEstimator()
Definition: scalar.hpp:21
virtual void print(const char *,...) CV_OVERRIDE
Definition: log.hpp:66
@ CAP_PROP_XI_EXP_PRIORITY
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:359
virtual void setTheta(float theta)=0
int xmin
Definition: core_detect.hpp:27
int64 saturate_cast< int64 >(uint64 v)
Definition: saturate.hpp:157
float normSigma1
Definition: rlofflow.hpp:98
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:193
int allocatorFlags_
Definition: mat.hpp:565
int n
Definition: facemarkAAM.hpp:69
virtual double getAngleStep() const =0
Definition: all_layers.hpp:594
cv::String decodeCurved(InputArray img, InputArray points, OutputArray straight_qrcode=noArray())
Decodes QR code on a curved surface in image once it's found by the detect() method.
virtual void setP2(int P2)=0
Definition: shape_utils.hpp:58
void integral(InputArray src, OutputArray sum, int sdepth=-1)
virtual void kpread(vector< KeyPoint > &keypoints, const 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.
Definition: gr_chalearn.hpp:71
float r_kinv[9]
Definition: warpers.hpp:150
@ FONT_HERSHEY_TRIPLEX
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: imgproc.hpp:822
std::vector< UMat > masks_
Definition: seam_finders.hpp:103
Matx< double, 6, 1 > Matx61d
Definition: matx.hpp:237
static void read(const FileNode &node, _Tp &value, const _Tp &default_value=static_cast< _Tp >(0))
Definition: persistence.hpp:1174
Definition: intrinsics.hpp:40
GMatDesc(int d, const std::vector< int > &dd)
Definition: gmat.hpp:88
@ COLOR_BGR2BGRA
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:528
Definition: functional.hpp:831
@ CALIB_HAND_EYE_ANDREFF
On-line Hand-Eye Calibration .
Definition: calib3d.hpp:535
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: goclkernel.hpp:199
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
virtual ~IDetector()
Definition: detection_based_tracker.hpp:112
void detect(const Mat &image, std::vector< KeyLine > &keypoints, int scale, int numOctaves, const Mat &mask=Mat())
Detect lines inside an image.
GComputationT(const Gen &generator)
Definition: gtyped.hpp:210
size_t totalConstMem() const
constant memory available on device in bytes
@ HOUGH_PROBABILISTIC
Definition: imgproc.hpp:475
Target
Enum of target devices for computations.
Definition: dnn.hpp:88
void updatePose(Matx33d &NewR, Vec3d &NewT)
Updates the pose with the new one.
void detect(const Mat &image, std::vector< KeyLine > &keypoints, const Mat &mask=Mat())
Requires line detection.
RMat make_rmat(Ts &&... args)
Definition: rmat.hpp:148
virtual ~Dataset()
Definition: dataset.hpp:568
std::vector< FeatureHaar > features
Definition: tracking_feature.private.hpp:158
virtual void setWeightTrimRate(double val)=0
std::map< String, DictValue >::const_iterator end() const
Vec< double, 3 > Vec3d
Definition: matx.hpp:433
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type > value_type
Definition: zip.hpp:79
static void help_init(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:244
void enableFusion(bool fusion)
Enables or disables layer fusion in the network.
int edgeOrg(int edge, Point2f *orgpt=0) const
Returns the edge origin.
uint64 lane_type
Definition: intrin_rvv.hpp:453
virtual Mat estimateMotion()=0
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:235
void setFDSize(int n)
set number of Fourier descriptors when estimateTransformation used vector<Point>
static std::pair< cv::Scalar, mat_type > compute(const _mat_data &lhs, const _mat_data &rhs)
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3406
std::string detectAndDecodeCurved(InputArray img, OutputArray points=noArray(), OutputArray straight_qrcode=noArray())
Both detects and decodes QR code on a curved surface.
Camera intrinsics.
Definition: intrinsics.hpp:20
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:819
const uchar * dataend
Definition: cuda.hpp:337
virtual void setFunction(const Ptr< Function > &f)=0
Setter for the optimized function.
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor and passes dimensions as-is.
Detector(const std::vector< Ptr< Modality > > &modalities, const std::vector< int > &T_pyramid)
Constructor.
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:1076
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:419
Class for extracting blobs from an image. :
Definition: features2d.hpp:714
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:199
Ptr< std::deque< int > > crossings
horizontal crossings
Definition: erfilter.hpp:85
@ MATERIAL_DIFFUSE
Definition: ovis.hpp:64
bool canDescribe(const cv::Mat &mat) const
int set(int i, const KernelArg &arg)
@ QT_RADIOBOX
Radiobox button.
Definition: highgui.hpp:259
void assign(const std::vector< UMat > &v) const
virtual void setStepDecreasingPower(float stepDecreasingPower)=0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
GProtoOutputArgs GOut(Ts &&... ts)
Definition: gproto.hpp:101
@ 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:270
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.
static void print(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:198
Impl * p
Definition: ocl.hpp:711
short get0() const
Definition: intrin_rvv.hpp:349
std::tuple< cv::GMatDesc, cv::GMatDesc > GMatDesc2
Definition: render.hpp:74
std::tuple< GMat, GMat > GMat2
Definition: core.hpp:33
virtual float getMinScore() const =0
Returns the min score of boxes to detect.
__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.
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:235
std::vector< float > compute(const std::vector< cv::Mat > &descrs1, const std::vector< cv::Mat > &descrs2) override
Computes distances between two descriptors in batches.
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)
virtual void setEntityLookAt(const String &origin, const String &target, InputArray offset=noArray())=0
float thresholdStep
Definition: features2d.hpp:719
const _Tp & operator()(int row, int col) const
element access
void initUndistortRectifyMap(InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, Size size, int m1type, OutputArray map1, OutputArray map2)
Computes the undistortion and rectification transformation map.
void radialVarianceHash(cv::InputArray inputArr, cv::OutputArray outputArr, double sigma=1, int numOfAngleLine=180)
Computes radial variance hash of the input image.
static constexpr const std::size_t value
Definition: variant.hpp:44
static KernelArg Constant(const Mat &m)
@ value
Definition: functional.hpp:897
cameraParam camera
Definition: msm_epfl.hpp:74
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.
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...
virtual void setPolySigma(double polySigma)=0
void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:165
static Mat getSubVector(const Mat &vec, const Mat &idx)
Extract from 1D vector elements specified by passed indexes.
@ CAP_PROP_XI_GPO_SELECTOR
Selects general purpose output.
Definition: videoio.hpp:352
vint16mf2_t(const short *ptr)
Definition: intrin_rvv.hpp:63
LocalOptimMethod
Definition: calib3d.hpp:547
virtual float getFGSSigma()=0
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
bool addTrackerSamplerAlgorithm(String trackerSamplerAlgorithmType)
Add TrackerContribSamplerAlgorithm in the collection. Return true if sampler is added,...
@ CAP_PROP_DC1394_MAX
Definition: videoio.hpp:219
virtual double eval(const ERStat &stat)=0
The classifier must return probability measure for the region.
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
virtual void setL2Gradient(bool L2gradient)=0
Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates ...
Definition: motion_estimators.hpp:314
__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).
std::string device_id
Definition: ie.hpp:52
double division_k2
Definition: simple_pipeline.hpp:118
int minNumberOfSamples
Minimum number of samples in the node to stop partitioning.
Definition: sparse_matching_gpc.hpp:126
void absdiff(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
virtual void setPolySigma(double val)=0
virtual int getNMixtures() const =0
@ fist
Definition: gr_skig.hpp:76
virtual int getSorIterations() const =0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
bool empty() const
Definition: ocl.hpp:609
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:286
friend Quat< T > tanh(const Quat< T > &q)
return tanh value of quaternion q, tanh could be calculated as:
__host__ __device__ NcvPoint2D32s()
Definition: NCV.hpp:195
virtual Mat getSamples() const =0
void setInpainter(Ptr< InpainterBase > val)
Definition: stabilizer.hpp:98
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:242
__device__ __forceinline__ float operator()(T val, float power) const
Definition: functional.hpp:648
static float missingValue()
Definition: ml.hpp:148
Image2D(const UMat &src, bool norm=false, bool alias=false)
static Yes check(unary_function< T, D >)
Ncv32u nStep
pitch
Definition: NPP_staging.hpp:117
RotatedRect fitEllipseAMS(InputArray points)
Fits an ellipse around a set of 2D points.
MotionModel motionModel() const
Definition: motion_stabilizing.hpp:123
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:3377
float edgeGain
Definition: calib3d.hpp:1642
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
int inputNameToIndex(String inputName) CV_OVERRIDE
Returns index of input blob into the input array.
@ SAMPLING_NAPSAC
Definition: calib3d.hpp:545
#define CV_EXPORTS_TEMPLATE
Definition: cvdef.h:413
void setMaxTranslation(double val)
Definition: depth.hpp:985
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.
R extract_mat(InputArray in, const int type=-1)
Definition: quality_utils.hpp:22
virtual void setCannyThreshold(int cannyThreshold)=0
uint64_t timestamp
Timestamp in milliseconds.
Definition: tracking_by_matching.hpp:38
virtual void write(FileStorage &) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
void setGlobalMotionRansacThreshold(float val)
used to iterate through sequences and mappings.
Definition: persistence.hpp:634
__device__ static __forceinline__ void blockYota(OutIt beg, OutIt end, T value)
Definition: block.hpp:85
QualityMSE(QualityBase::_mat_type ref)
Constructor.
Definition: qualitymse.hpp:57
cv::instr::TYPE m_instrType
Definition: instrumentation.hpp:78
int maxLevel
Definition: rlofflow.hpp:117
@ INTERP_GEO
Definition: rlofflow.hpp:32
Definition: pd_caltech.hpp:77
InpainterBase()
Definition: inpainting.hpp:64
Ncv8u y
Definition: NCV.hpp:140
@ COLOR_SPACE_Lab_D65_10
non-RGB color space
Definition: ccm.hpp:123
UMat getUMat(AccessFlag accessFlags, UMatUsageFlags usageFlags=USAGE_DEFAULT) const
retrieve UMat from Mat
virtual void setGridLinesNumber(int gridLinesNumber)=0
VectorRefT(std::vector< T > &&vec)
Definition: garray.hpp:159
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
Definition: reduce_to_vec.hpp:86
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
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,...
static String dumpBool(bool argument)
Definition: bindings_utils.hpp:24
Point_< _Tp > br() const
the bottom-right corner
void swap(GpuMat &mat)
swaps with other smart pointer
Hamming HammingLUT
Definition: base.hpp:393
Mat getGaussianKernel(int ksize, double sigma, int ktype=CV_64F)
Returns Gaussian filter coefficients.
B walkBreadthFirst(int from, B body) const
Definition: warpers.hpp:502
@ COLOR_Luv2RGB
Definition: imgproc.hpp:606
Size winSize
Definition: feature.hpp:197
virtual void write(cv::FileStorage &fs) const CV_OVERRIDE=0
write xml/yml formated parameters information
virtual String getDefaultName() const CV_OVERRIDE
Definition: functional.hpp:114
virtual bool isOpened() const
Returns true if video capturing has been initialized already.
int rows
Definition: interpolation.hpp:273
@ PSM_AUTO
Definition: ocr.hpp:72
void projectionFromKRt(InputArray K, InputArray R, InputArray t, OutputArray P)
Get projection matrix P from K, R and t.
#define CV_WRAP
Definition: cvdef.h:452
#define CV_PROP_RW
Definition: cvdef.h:451
__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
UMat row(int y) const
returns a new matrix header for the specified row
void anisotropicDiffusion(InputArray src, OutputArray dst, float alpha, float K, int niters)
Performs anisotropic diffusion on an image.
virtual void setPatchStride(int val)=0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
void replaceWeakClassifier(int index)
Ptr< Dictionary > getPredefinedDictionary(PREDEFINED_DICTIONARY_NAME name)
Returns one of the predefined dictionaries defined in PREDEFINED_DICTIONARY_NAME.
@ NEG
Definition: pd_inria.hpp:63
Definition: goclkernel.hpp:232
std::is_same< T, typename MetaType< T >::type > is_nongapi_type
Definition: gkernel.hpp:116
int maxClockFrequency() const
@ block_size_x
Definition: reduce.hpp:296
Candidate feature with a score.
Definition: linemod.hpp:86
Size2f size
returns width and height of the rectangle
Definition: types.hpp:532
virtual void setMaxY(double _plotMaxY)=0
std::string tag
Definition: infer.hpp:446
@ SOLVEPNP_SQPNP
SQPnP: A Consistently Fast and Globally OptimalSolution to the Perspective-n-Point Problem .
Definition: calib3d.hpp:474
virtual Mat getChartsRGB()=0
Mat transitionMatrix
state transition matrix (A)
Definition: video.hpp:34
BackendWrapper(int targetId, const cv::Mat &m)
Wrap cv::Mat for specific backend and target.
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, double &residual, Matx44d &pose)
Perform registration.
virtual void atwrite(const double value, const String &atlabel)=0
void computeNormals(const Mesh &mesh, OutputArray normals)
virtual Mat getTrainSampleIdx() const =0
virtual void setRadius(int val)=0
Buffer(int arows, int acols, int atype, unsigned int abufId, bool autoRelease=false)
@ CAP_PROP_XI_KNEEPOINT1
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:480
~lock_guard()
Definition: lock.private.hpp:22
__device__ __forceinline__ uint vcmpgt4(uint a, uint b)
Definition: simd_functions.hpp:782
#define OPENCV_HAL_IMPL_RVV_PACK_U(_Tpvec, _Tp, _wTpvec, _wTp, width, suffix, rshr, cast)
Definition: intrin_rvv.hpp:2069
_Tp z
z coordinate of the 3D point
Definition: types.hpp:267
@ COLORMAP_PINK
Definition: imgproc.hpp:4277
GComputationT(const Gen &generator)
Definition: gtyped.hpp:129
Definition: logtag.hpp:16
@ CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio.hpp:541
Definition: all_layers.hpp:285
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:76
Definition: gkernel.hpp:194
virtual TermCriteria getTermCriteria() const =0
Getter for the previously set terminal criteria for this algorithm.
GMat Canny(const GMat &image, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny 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.
virtual int getIterations() const =0
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.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapPtr >::index_type y, typename PtrTraits< MapPtr >::index_type x) const
Definition: remap.hpp:68
std::vector< size_t > hashtab
Definition: mat.hpp:2682
__device__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:172
void calcFlowMask(const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask)
MatExpr operator-(const Mat &a, const Mat &b)
v_reg< float, n > v_not_nan(const v_reg< float, n > &a)
Definition: intrin_cpp.hpp:778
double panoConfidenceThresh() const
Definition: stitching.hpp:195
@ COLOR_BGR2HLS
convert RGB/BGR to HLS (hue lightness saturation), color conversions
Definition: imgproc.hpp:597
virtual ~QualityBase()=default
Destructor.
Definition: gframe.hpp:32
@ TRIANGLE_STRIP
Definition: opengl.hpp:484
@ USAGE_DEFAULT
Definition: mat.hpp:451
void setMode(int mode)
Create BlockMeanHash object.
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
applies a luminance correction (initially High Dynamic Range (HDR) tone mapping)
GMat Sobel(const GMat &src, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
float padding
Definition: tracking.hpp:60
SupportRegionType
Definition: rlofflow.hpp:17
std::vector< double > p[4]
Definition: slam_kitti.hpp:70
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:114
Definition: container_avi.private.hpp:79
virtual void detect(InputArray img, std::vector< Point > &foundLocations, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &searchLocations=std::vector< Point >()) const
Performs object detection without a multi-scale window.
This class can be used for imposing a learned prior on the resulting optical flow....
Definition: pcaflow.hpp:75
virtual int64 getFLOPS(const std::vector< MatShape > &inputs, const std::vector< MatShape > &outputs) const
Definition: dnn.hpp:369
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
static constexpr const bool is_same
Definition: variant.hpp:28
virtual void setExposureWeight(float exposure_weight)=0
@ COLOR_RGBA2YUV_I420
Definition: imgproc.hpp:733
void setCurrentConfidenceMap(ConfidenceMap &confidenceMap)
Set the current confidenceMap.
@ SHOW_TRACKBAR
Definition: cap_winrt.hpp:43
Model(const Net &network)
Create model from deep learning network.
Size pooledSize
Definition: all_layers.hpp:261
int newPoint(Point2f pt, bool isvirtual, int firstEdge=0)
Definition: gfluidkernel.hpp:324
Definition: gfluidkernel.hpp:212
virtual void load(const std::string &path) CV_OVERRIDE=0
static void call_impl(const cv::GArgs &in_args, const std::vector< gapi::fluid::Buffer * > &out_bufs, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gfluidkernel.hpp:364
size_t size
Definition: t_hash_int.hpp:69
bool isContinuous() const
std::reference_wrapper< cv::optional< T > > m_opt_ref
Definition: gstreaming.hpp:41
static KernelArg Constant(const _Tp *arr, size_t n)
Definition: ocl.hpp:410
static Ptr< OR_imagenet > create()
Definition: deriv.hpp:115
static String getPrefix(const String &buildflags)
size_t maxWorkGroupSize() const
double getTimeMicro() const
returns passed time in microseconds.
Definition: utility.hpp:327
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:238
@ COLOR_BGR2YUV_I420
Definition: imgproc.hpp:729
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
const GOrigin & priv() const
float getPolygonThreshold() const
static String dumpDouble(double argument)
Definition: bindings_utils.hpp:50
Ptr ptr()
Definition: source.hpp:43
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:801
FeatureHaar(Size patchSize)
cv::Point3d getCenter(cv::Mat cloud)
Get the center of points on surface in .ply model.
virtual void setPolySigma(double polySigma)=0
void v_lut_deinterleave(const float *tab, const v_reg< int, n > &idx, v_reg< float, n > &x, v_reg< float, n > &y)
Definition: intrin_cpp.hpp:2254
@ QT_STYLE_NORMAL
Normal font.
Definition: highgui.hpp:250
static std::string toString(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:187
Mat K_
Definition: depth.hpp:178
virtual float getDp() const =0
@ Monochrome
Definition: cudacodec.hpp:272
@ CONTOURS_MATCH_I2
Definition: imgproc.hpp:454
virtual void train(const std::string &pos_samples, const std::string &neg_imgs)=0
Train WaldBoost detector.
bool try_pull(cv::GRunArgsP &&outs)
Try to get the next processed frame from the pipeline.
double errorCorrectionRate
Definition: aruco.hpp:175
float getInitMean() const
virtual void setAnnealInitialT(double val)=0
InterpolationFlags interpolationFlags() const
Definition: stitching.hpp:201
virtual ~MaskGenerator()
Definition: objdetect.hpp:210
void mulSpectrums(InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false)
Performs the per-element multiplication of two Fourier spectrums.
virtual double getScaleFactor() const =0
void getInterset(InputArray idx1, InputArray idx2, OutputArray inter1, OutputArray inter2, OutputArray inter_ori)
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:407
void setSaturatedThreshold(const double &lower, const double &upper)
set SaturatedThreshold. The colors in the closed interval [lower, upper] are reserved to participate ...
Definition: interpolation.hpp:214
void read(const FileNode &)
virtual void setVarMax(double varMax)=0
Status
Definition: stitching.hpp:153
v_float32x4(float v0, float v1, float v2, float v3)
Definition: intrin_rvv.hpp:431
const float voxelSizeInv
Definition: volume.hpp:41
std::vector< VideoCaptureAPIs > getBackends()
Returns list of all available backends.
T down_cast(Source operand)
Definition: any.hpp:29
static Mat clone_op(Mat m)
Definition: features2d.hpp:1186
v_float64x2(vfloat64m1_t v)
Definition: intrin_rvv.hpp:522
static Ptr< SplitLayer > create(const LayerParams ¶ms)
@ USAC_DEFAULT
USAC algorithm, default settings.
Definition: calib3d.hpp:447
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
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
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)
std::size_t index() const noexcept
Definition: variant.hpp:336
cv::Scalar color
The rectangle color or brightness (grayscale image)
Definition: render_types.hpp:149
GScalar normInf(const GMat &src)
Calculates the absolute infinite norm of a matrix.
HandEyeCalibrationMethod
Definition: calib3d.hpp:531
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.
__host__ void gridCalcSum(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:305
int select_keyframes
Definition: simple_pipeline.hpp:154
int label
Definition: tr_chars.hpp:63
Mat_(const Mat_ &m, const Range &rowRange, const Range &colRange=Range::all())
selects a submatrix
GCompiled compile(GMetaArgs &&in_metas, GCompileArgs &&args={})
Compile the computation for specific input format(s).
GMat mulC(const GMat &src, double multiplier, int ddepth=-1)
Multiplies matrix by scalar.
static Ptr< NormalBayesClassifier > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized NormalBayesClassifier from a file.
SparseMat_(int dims, const int *_sizes)
the full constructor equivalent to SparseMat(dims, _sizes, DataType<_Tp>::type)
Rect selectROI(const String &windowName, InputArray img, bool showCrosshair=true, bool fromCenter=false)
Allows users to select a ROI on the given image.
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
float b
Definition: warpers.hpp:432
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
@ whitePaper
Definition: gr_skig.hpp:90
bool can_describe(const GMetaArg &meta, const GRunArg &arg)
virtual void augAssignAdd(const MatExpr &expr, Mat &m) const
Flags
Definition: ml.hpp:322
unsigned findLeafForPatch(const GPCPatchDescriptor &descr) const
#define CV_CUDEV_YCrCb2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:155
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:187
@ QT_NEW_BUTTONBAR
Button should create a new buttonbar.
Definition: highgui.hpp:260
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:217
~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:401
bool operator!=(const GBackend &lhs, const GBackend &rhs)
Definition: gkernel.hpp:393
static Ptr< Layer > create(const LayerParams ¶ms)
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:206
virtual void setCameraIntrinsics(InputArray K, const Size &imsize, float zNear=-1, float zFar=-1)=0
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< UMat > &masks)
static U * wrap_out(U &u)
Definition: gtype_traits.hpp:174
size_t minRepeatability
Definition: features2d.hpp:722
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
Definition: intrin_rvv.hpp:60
int getFormat() const
Returns the current format.
Mode
file storage mode
Definition: persistence.hpp:308
virtual float getScale() const
Definition: warpers.hpp:135
void write(FileStorage &) const
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:504
virtual ~VideoWriter()
Default destructor.
@ CAP_PROP_XI_LUT_INDEX
Control the index (offset) of the coefficient to access in the LUT.
Definition: videoio.hpp:460
UMatData * u
Definition: mat.hpp:2569
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....
virtual float operator()(int featureIdx, int sampleIdx)=0
DEPTH_CLEANER_METHOD
Definition: depth.hpp:194
@ CAP_PROP_FOURCC
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:140
virtual String name() const =0
@ DNN_BACKEND_OPENCV
Definition: dnn.hpp:74
size_t min_track_duration
Min track duration in milliseconds.
Definition: tracking_by_matching.hpp:267
@ ARO_90_135
Definition: fast_hough_transform.hpp:68
virtual bool getNextFrame(Mat &frame)=0
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
void storeKind()
Definition: gopaque.hpp:106
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
Quat< T > cosh(const Quat< T > &q)
double Rz
Definition: gr_chalearn.hpp:67
int lastFrame
Definition: gr_chalearn.hpp:62
TrackerContribFeatureHAAR(const TrackerContribFeatureHAAR::Params ¶meters=TrackerContribFeatureHAAR::Params())
Constructor.
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
float strong_affinity_thr
of lost track.
Definition: tracking_by_matching.hpp:296
const cv::Mat & getConfImageDisplay() const
Definition: onlineBoosting.hpp:241
int maxIterations
Definition: calib3d.hpp:560
PtrTraits< SrcPtr >::index_type index_type
Definition: lut.hpp:63
~TrackerStateEstimatorSVM()
virtual void setMinDist(float minDist)=0
CornerRefineMethod
Definition: aruco.hpp:81
GraphCutSeamFinder(int cost_type=COST_COLOR_GRAD, float terminal_cost=10000.f, float bad_region_penalty=1000.f)
virtual void getEntityPose(const String &name, OutputArray R=noArray(), OutputArray tvec=noArray(), bool invert=false)=0
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking.private.hpp:350
Arrays()
Default constructor.
virtual void setScalleFactor(int factor)=0
cv::Rect rect
Coordinates of the rectangle.
Definition: render_types.hpp:148
int total_num_matches_
Definition: motion_estimators.hpp:197
@ CAP_PROP_XI_FRAMERATE
Define framerate in Hz.
Definition: videoio.hpp:453
Definition: is_bsds.hpp:66
virtual void mov(RefHolder &h)=0
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:250
int getVersionMajor()
Returns major library version.
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
Mat R
Definition: camera.hpp:69
void censusTransform(const Mat &image1, const Mat &image2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
@ COLORMAP_VIRIDIS
Definition: imgproc.hpp:4283
void * cudaPtr() const
return Pointer to CUDA stream
virtual void setSigmaColor(float sigma_color)=0
virtual TermCriteria getTermCriteria() const =0
@ TYPE_CPU
Definition: ocl.hpp:84
virtual void setUseSpatialPropagation(bool val)=0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
bool const_param_type
Definition: core.hpp:3195
Definition: all_layers.hpp:296
Definition: functional.hpp:105
@ CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio.hpp:527
T * ptr(int y, int x)
Definition: rmat.hpp:84
virtual void write(FileStorage &) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
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
Buffer(const cv::Mat &data, bool is_input)
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 generateFeatures() CV_OVERRIDE
__host__ ~Texture()
Definition: texture.hpp:241
Implementation of the different yet better algorithm which is called GSOC, as it was implemented duri...
Definition: bgsegm.hpp:255
Definition: copy_through_move.hpp:18
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.
float histogram_lr
Definition: tracking.hpp:66
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:234
@ NCV_ALLOCATOR_DEALLOC_ORDER
Definition: NCV.hpp:336
int trackMaxNegNum
Definition: tracking.private.hpp:371
~BufferArea()
Class destructor.
virtual ~StabilizerBase()
Definition: stabilizer.hpp:69
@ VP9
Definition: cudacodec.hpp:257
void save(String filename)
Definition: flann.hpp:320
HistCompMethods
Definition: imgproc.hpp:496
std::vector< word > words
Definition: tr_icdar.hpp:71
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)
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
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:120
size_t total() const
Returns the total number of array elements.
Definition: mat.hpp:311
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
String getStringValue(int idx=-1) const
Predicate pred
Definition: functional.hpp:793
std::string imageName
Definition: sr_bsds.hpp:25
float sigma
gaussian kernel bandwidth
Definition: tracking.hpp:122
Camera(const Matx33d &K, const Size &window_size)
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:2357
GPCPatchDescriptor pos
Definition: sparse_matching_gpc.hpp:80
Class used for calculating a sparse optical flow.
Definition: cudaoptflow.hpp:204
virtual void setup(String segmentationParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:169
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1441
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:125
__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
void remove(const GBackend &backend)
Remove all kernels associated with the given backend from the package.
void writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
virtual void setMaxDiscTerm(double max_disc_term)=0
@ CAP_PVAPI_DECIMATION_2OUTOF8
2 out of 8 decimation
Definition: videoio.hpp:321
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:289
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:197
bool write(String &buf) const
GpuMat(int rows, int cols, int type, Scalar s, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
constructs GpuMat and fills it with the specified value _s
GOpaque< Size > size(const GMat &src)
Gets dimensions from Mat.
GMat RGB2Lab(const GMat &src)
Converts an image from RGB color space to Lab color space.
@ CAP_QT
QuickTime (obsolete, removed)
Definition: videoio.hpp:99
double m30
Definition: types.hpp:941
#define OPENCV_HAL_IMPL_RVV_MUL_SAT(_Tpvec, _wTpvec)
Definition: intrin_rvv.hpp:2876
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:350
void setTrimRatio(float val)
Definition: stabilizer.hpp:89
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
1x8, 2x4, 4x2 or 8x1 matrix
int pciDeviceID() const
PCI device ID of the device.
Definition: functional.hpp:153
static Ptr< EigenFaceRecognizer > create(int num_components=0, double threshold=DBL_MAX)
Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernel...
Definition: glob.hpp:86
Mutex * mutex_
Definition: lock.private.hpp:61
float calc(const std::vector< Mat > &_hists, const Mat &_normSum, size_t y, int featComponent) const
Definition: feature.hpp:344
@ DICT_6X6_1000
Definition: dictionary.hpp:153
Definition: all_layers.hpp:439
bool m_alwaysExpand
Definition: instrumentation.hpp:83
DescriptorType
Definition: features2d.hpp:827
MatExpr operator!=(const Mat &a, const Mat &b)
virtual Mat getWeights()=0
cv::gapi::GKernelPackage kernels()
_OutputArray(std::vector< UMat > &vec)
virtual void setEPICSigma(float val)=0
see ximgproc::EdgeAwareInterpolator() sigma value.
Definition: functional.hpp:647
void CGImageToMat(const CGImageRef image, cv::Mat &m, bool alphaExist=false)
Mat mergedDescriptors
Definition: features2d.hpp:1171
uint64 state
Definition: core.hpp:2926
cv::Ptr< Map > inverseMap() const CV_OVERRIDE
void unloadProg(Program &prog)
Definition: all_layers.hpp:305
Size blockStride
Block stride. It must be a multiple of cell size. Default value is Size(8,8).
Definition: objdetect.hpp:593
virtual void calcError(Mat &err)=0
Calculates error vector.
int64_t saturate_cast< int64_t >(softfloat a)
Definition: softfloat.hpp:424
double width
Definition: facemarkLBF.hpp:108
Line(const cv::Point &pt1_, const cv::Point &pt2_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Line constructor.
Definition: render_types.hpp:212
Moments()
the default constructor
void setUseOpenCL(bool flag)
virtual const Affine3f getPose() const =0
@ NumCodecs
Definition: cudacodec.hpp:259
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
bool isMap() const
returns true if the node is a mapping
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: kinfu.hpp:99
@ BLOCK_MEAN_HASH_MODE_1
use block blocks(step sizes/2), generate 31*31/8 + 1 uchar hash value
Definition: block_mean_hash.hpp:19
float hole_area_ratio
2nd stage features
Definition: erfilter.hpp:89
@ RECTIFY_LONGLATI
Definition: omnidir.hpp:71
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
struct CvVideoWriter CvVideoWriter
Definition: videoio.hpp:69
Definition: functional.hpp:427
T get(const String &key) const
static Ptr< OdometryFrame > create(const Mat &image=Mat(), const Mat &depth=Mat(), const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
int samplerTrackMaxPosNum
Definition: tracking.hpp:765
friend struct Impl
Definition: async.hpp:96
Definition: infer.hpp:144
TickMeter()
the default constructor
Definition: utility.hpp:298
const cv::Mat & inMat(int input)
GaussianMotionFilter(int radius=15, float stdev=-1.f)
Definition: motion_stabilizing.hpp:115
the TLD (Tracking, learning and detection) tracker
Definition: tracking_legacy.hpp:233
void grabCut(InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
Runs the GrabCut algorithm.
LogLevel
Supported logging levels and their semantic.
Definition: logger.defines.hpp:25
DepthMask
Definition: mat.hpp:294
virtual void setUpInitialCameraParams(const std::vector< CameraParams > &cameras)=0
Sets initial camera parameter to refine.
static void read(const FileNode &node, std::vector< DMatch > &vec, const std::vector< DMatch > &default_value)
Definition: persistence.hpp:1203
int index_type
Definition: deriv.hpp:284
bool open(const String &filename, int apiPreference, int fourcc, double fps, const Size &frameSize, const std::vector< int > ¶ms)
__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
virtual void load(const std::string &path) CV_OVERRIDE=0
Definition: all_layers.hpp:543
static Ptr< TextDetectorCNN > create(const String &modelArchFilename, const String &modelWeightsFilename, std::vector< Size > detectionSizes)
Creates an instance of the TextDetectorCNN class using the provided parameters.
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:105
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"))
Mat(const std::initializer_list< int > sizes, const std::initializer_list< _Tp > list)
@ PATH
Definition: widgets.hpp:607
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:57
NeighborSearchMethod neighborsSearch
Definition: calib3d.hpp:561
virtual void init(const CvFeatureParams &fp)
std::vector< Scalar > gains() const
Definition: exposure_compensate.hpp:159
float psr_threshold
we lost the target, if the psr is lower than this.
Definition: tracking.hpp:74
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
bool isDirectory(const cv::String &path)
GComputation(GMat in1, GMat in2, GScalar out)
Defines a binary (two inputs – one output) computation.
const std::vector< Mat > & getTrainDescriptors() const
Returns a constant link to the train descriptor collection trainDescCollection .
GpuMat colRange(int startcol, int endcol) const
... for the specified column span
virtual void setMaxArea(float maxArea)=0
std::lock_guard< cv::Mutex > AutoLock
Definition: utility.hpp:707
@ HOUGH_GRADIENT_ALT
variation of HOUGH_GRADIENT to get better accuracy
Definition: imgproc.hpp:480
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
@ COLOR_BayerGB2RGB_MHT
Definition: cudaimgproc.hpp:101
Definition: wobble_suppression.hpp:96
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:369
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
float contextEnergy_temporalConstant
context neighborhood energy filtering parameters : the aim is to get information about the energy on ...
Definition: transientareassegmentationmodule.hpp:104
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:575
virtual int getMaxLevel() const =0
@ CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio.hpp:246
virtual double getDegree() const =0
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
@ value
Definition: type_traits.hpp:80
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
int minContourLengthAllowed
Definition: checker_detector.hpp:119
MotionSaliencyBinWangApr2014()
virtual void checkParams() const CV_OVERRIDE
Definition: tr_chars.hpp:61
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
virtual void setMaxLineGap(int maxLineGap)=0
double alpha
Definition: tracking_internals.hpp:779
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)
Convert OpenCL buffer to UMat.
@ CPU_AVX_512BITALG
Definition: cvdef.h:317
__host__ NCVStatus create(NcvBool bTilted, NcvBool bLeftLeaf, NcvBool bRightLeaf, Ncv32u numFeatures, Ncv32u offsetFeatures)
Definition: NCVHaarObjectDetection.hpp:132
a Class to measure passing time.
Definition: utility.hpp:295
@ NORM_HAMMING
Definition: base.hpp:199
static constexpr const char * id()
Definition: infer.hpp:237
double distance_step
Definition: ppf_match_3d.hpp:148
virtual void setWinSize(Size winSize)=0
@ rows
Definition: matx.hpp:103
@ ERFILTER_NM_IHSGrad
Definition: erfilter.hpp:245
Ptr< SparseOpticalFlow > createOptFlow_SparseRLOF()
Additional interface to the Sparse RLOF algorithm - optflow::calcOpticalFlowSparseRLOF()
@ COLOR_BGR5552BGRA
Definition: imgproc.hpp:573
int recoverPose(InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, InputOutputArray mask=noArray())
Recovers the relative camera rotation and the translation from an estimated essential matrix and the ...
virtual bool scanAttr(const std::string prmName, const std::string val)
Definition: warpers.hpp:51
Accumulator< T >::Type ResultType
Definition: features2d.hpp:931
static Ptr< BinaryDescriptor > createBinaryDescriptor(Params parameters)
size_t surfaceAlignment() const
alignment requirements for surfaces
virtual ~IDescriptorDistance()
Definition: tracking_by_matching.hpp:179
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCSC.
virtual void setUpright(bool upright)=0
virtual double calc(const double *x) const =0
TextRecognitionModel & setVocabulary(const std::vector< std::string > &vocabulary)
Set the vocabulary for recognition.
virtual void processImage(InputArray src, OutputArray dst)=0
Segment an image and store output in dst.
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 int getSolverIterations() const =0
number of linear system solver iterations
Definition: all_layers.hpp:326
virtual void detect(const Mat &img, std::vector< Rect > &bboxes, std::vector< double > &confidences)=0
Detect objects on image using WaldBoost detector.
float minThreshold
Definition: features2d.hpp:720
void invSqrt32f(const float *src, float *dst, int len)
~MultiTracker() CV_OVERRIDE
Destructor.
int64 val[1]
Definition: intrin_rvv.hpp:112
@ COLOR_YUV2BGRA_YUY2
Definition: imgproc.hpp:706
virtual const char * what() const noexcept override
Definition: variant.hpp:50
size_t size_type
Definition: cvstd.hpp:118
virtual void setDescriptorFast(const Descriptor &val)=0
Fast descriptor setter.
cv::Mat descriptor_fast
Fast descriptor.
Definition: tracking_by_matching.hpp:390
Definition: depth.hpp:462
virtual bool update(InputArray image, Rect &boundingBox)=0
Update the tracker, find the new most likely bounding box for the target.
virtual void render(OutputArray image, const Matx44f &cameraPose=Matx44f::eye()) const =0
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:220
cv::util::any params() const
@ DIST_WELSCH
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:306
virtual void setMinProbabilityDiff(float minProbabilityDiff)=0
MatConstIterator(const MatConstIterator &it)
copy constructor
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
NCVStatus nppsStCompact_32u(Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1086
virtual ~CvHOGEvaluator()
Definition: feature.hpp:304
void printShortCudaDeviceInfo(int device)
@ CAP_PROP_SATURATION
Saturation of the image (only for cameras).
Definition: videoio.hpp:147
GArray(const std::vector< HT > &v)
Definition: garray.hpp:344
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
VolumeType type
Type of Volume Values can be TSDF (single volume) or HASHTSDF (hashtable of volume units)
Definition: volume.hpp:57
operator std::string() const
returns the node content as text string
Definition: persistence.hpp:581
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
void clear()
Definition: NCV.hpp:751
Buffer(const cv::GMatDesc &desc, int max_line_consumption, int border_size, int skew, int wlpi, BorderOpt border)
void decomposeEssentialMat(InputArray E, OutputArray R1, OutputArray R2, OutputArray t)
Decompose an essential matrix to possible rotations and translation.
void drawDetectedMarkers(InputOutputArray image, InputArrayOfArrays corners, InputArray ids=noArray(), Scalar borderColor=Scalar(0, 255, 0))
Draw detected markers in image.
Multi Object Tracker for TLD.
Definition: tracking_legacy.hpp:480
double principal_point_y
Definition: simple_pipeline.hpp:111
Definition: deriv.hpp:162
@ HISTCMP_HELLINGER
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:513
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:243
GMatDesc m_desc
Definition: gfluidbuffer.hpp:46
static Ptr< CCheckerDraw > create(Ptr< CChecker > pChecker, cv::Scalar color=CV_RGB(0, 250, 0), int thickness=2)
Create a new CCheckerDraw object.
static Color chartreuse()
#define CV_EXPORTS_W
Definition: cvdef.h:444
virtual int getScalleFactor() const =0
float ePointInOctaveX
Definition: descriptor.hpp:134
virtual int getNTrainSamples() const =0
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:823
Quat< _Tp > log(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return the value of logarithm function.
void intersection_over_union(std::vector< std::vector< double > > *boxes, std::vector< double > *base_box, std::vector< double > *iou)
Computes intersection over union of bounding boxes.
@ TYPE_FUN
Definition: instrumentation.hpp:50
SparseMatIterator_(SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::gapi::GKernelPackage kernels()
virtual void load(const std::string &path) CV_OVERRIDE=0
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)=0
Estimates seams.
vint64mf2_t()
Definition: intrin_rvv.hpp:113
Definition: intrin_rvv.hpp:294
MatExpr operator+(const Mat &a, const Mat &b)
Exposure compensator which tries to remove exposure related artifacts by adjusting image block intens...
Definition: exposure_compensate.hpp:208
static void init_scratch(const GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:382
virtual void setNumLevels(int nlevels)=0
Maximum number of detection window increases.
uint64 get0() const
Definition: intrin_rvv.hpp:475
@ SF_YV12
Definition: cudacodec.hpp:76
const Affine3f pose
Definition: volume.hpp:42
Affine3(const Mat &data, const Vec3 &t=Vec3::all(0))
uchar * ptr(int y=0)
returns pointer to y-th row
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:936
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
8-element vector constructor
bool isCanceled() const
Returns true if cancellation was requested for this context.
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.
@ IMWRITE_PNG_STRATEGY_FIXED
Using this value prevents the use of dynamic Huffman codes, allowing for a simpler decoder for specia...
Definition: imgcodecs.hpp:126
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
static Ptr< Retina > create(Size inputSize)
void mov(RefHolder &h)
Definition: gstreaming.hpp:55
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
Rect warpRoi(Size src_size, InputArray K, InputArray R, InputArray T)
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)
std::shared_ptr< _Tp > Ptr
Definition: cvstd_wrapper.hpp:23
@ COLOR_YUV2BGR_NV12
Definition: imgproc.hpp:637
float minArea
Definition: features2d.hpp:729
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:374
Ncv32f * pSrcFrame0
frame 0
Definition: NPP_staging.hpp:119
std::function< void(gapi::fluid::Buffer &)> RS
Definition: gfluidkernel.hpp:62
virtual float getForwardBackward() const =0
Threshold for the forward backward confidence check.
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
virtual void setMinDisparity(int minDisparity)=0
const char * id() const
Definition: gkernel.hpp:419
bool hasBackend(VideoCaptureAPIs api)
Returns true if backend is available.
double elem[12]
Definition: slam_kitti.hpp:62
virtual int getNumberOfSuperpixels()=0
Calculates the superpixel segmentation on a given image stored in SuperpixelSEEDS object.
void detectMarkers(InputArray image, const Ptr< Dictionary > &dictionary, OutputArrayOfArrays corners, OutputArray ids, const Ptr< DetectorParameters > ¶meters=DetectorParameters::create(), OutputArrayOfArrays rejectedImgPoints=noArray(), InputArray cameraMatrix=noArray(), InputArray distCoeff=noArray())
Basic marker detection.
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...
@ NO
Definition: exposure_compensate.hpp:66
IIStream & get_v(IIStream &, V &, std::size_t, std::size_t)
Definition: s11n.hpp:235
virtual float getClusterMinMag() const =0
Returns the cluster min magnitude.
@ CAP_PROP_XI_SENSOR_MODE
Current sensor mode. Allows to select sensor mode by one integer. Setting of this parameter affects: ...
Definition: videoio.hpp:475
virtual void setTransformType(int val)=0
int num_params_per_cam_
Definition: motion_estimators.hpp:199
@ NEIGH_FLANN_RADIUS
Definition: calib3d.hpp:550
void setViewerPose(const Affine3d &pose)
Sets pose of the viewer.
float depthFactor
pre-scale per 1 meter for input values
Definition: kinfu.hpp:92
@ MaskIsTiled
Definition: base.hpp:95
static Ptr< ExposureCompensator > createDefault(int type)
float shape_affinity_w
Shape affinity weight.
Definition: tracking_by_matching.hpp:281
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.
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
int varIdx
Index of variable on which the split is created.
Definition: ml.hpp:1179
A class filters a vector of keypoints.
Definition: features2d.hpp:107
vector< Point2f > gtbb
Definition: track_alov.hpp:65
Base class for Contrast Limited Adaptive Histogram Equalization. :
Definition: cudaimgproc.hpp:226
int chan() const
Definition: rmat.hpp:75
int axis
Definition: all_layers.hpp:280
void setEpsY(double epsY)
sets the epsilon used during the vertical scan of QR code stop marker detection.
BBox(double x, double y, double w, double h)
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3303
@ CPU_POPCNT
Definition: cvdef.h:299
int num_ref_points
Definition: ppf_match_3d.hpp:151
virtual void getDepth(OutputArray depth)=0
virtual void dscreate(const int n_dims, const int *sizes, const int type, const String &dslabel) const =0
void createKernel(InputArray A, InputArray B, OutputArray kernel, const int chn)
Creates kernel from basic functions.
int m_lineNum
Definition: instrumentation.hpp:81
Definition: gplaidmlkernel.hpp:36
Definition: type_traits.hpp:118
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:59
@ CAP_PROP_XI_TRG_DELAY
Specifies the delay in microseconds (us) to apply after the trigger reception before activating it.
Definition: videoio.hpp:462
GKernelImpl impl() const override
Definition: gcpukernel.hpp:502
softdouble(const uint32_t)
Construct from integer.
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:586
void addText(const Mat &img, const String &text, Point org, const QtFont &font)
Draws a text on the image.
ThinningTypes
Definition: ximgproc.hpp:110
cv::GRunArgsP bind(cv::GRunArgs &results)
Base class for circles detector algorithm. :
Definition: cudaimgproc.hpp:446
std::vector< double > times
Definition: slam_kitti.hpp:70
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:173
static Ptr< CharucoBoard > create(int squaresX, int squaresY, float squareLength, float markerLength, const Ptr< Dictionary > &dictionary)
Create a CharucoBoard object.
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
Definition: photo.hpp:337
@ BadCOI
input COI is not supported
Definition: base.hpp:93
@ FONT_HERSHEY_COMPLEX_SMALL
smaller version of FONT_HERSHEY_COMPLEX
Definition: imgproc.hpp:823
UMat colRange(int startcol, int endcol) const
... for the specified column span
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
virtual int getNumWarps() const =0
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
static Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:63
virtual void clearBuffers()=0
Clears all retina buffers.
cuda::GpuMat & getGpuMatRef() const
Definition: gr_chalearn.hpp:61
static bool isFormatSupported(int depth, int cn, bool norm)
virtual int getNVars() const =0
std::function< void(GOCLContext &)> F
Definition: goclkernel.hpp:91
@ nlanes
Definition: intrin_rvv.hpp:360
String dumpInputArrayOfArrays(InputArrayOfArrays argument)
int getBlockSize() const
Definition: depth.hpp:389
static Ptr< IR_robot > create()
cv::Ptr< SeparateDetectionWork > separateDetectionWork
Definition: detection_based_tracker.hpp:161
typename std::enable_if< B, T >::type enable_if_t
Definition: type_traits.hpp:19
static float DEFAULT_MAX_POINTS_PART()
Definition: depth.hpp:550
void blend(InputOutputArray dst, InputOutputArray dst_mask) CV_OVERRIDE
Blends and returns the final pano.
NCVMemoryType
Definition: NCV.hpp:428
static MatExpr eye(int rows, int cols)
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 KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:391
void putStreamByte(int val)
Definition: mappergradproj.hpp:53
virtual void getQualityMap(OutputArray dst) const
Returns output quality map that was generated during computation, if supported by the algorithm
Definition: qualitybase.hpp:38
BackgroundSubtractorType operation
Type of the Background Subtractor operation.
Definition: video.hpp:103
softdouble & operator=(const softdouble &c)
Assign constructor.
Definition: softfloat.hpp:234
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifier(const String &filename, int classifier)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
std::tuple< GMat, GMat, GMat, GMat > GMat4
Definition: core.hpp:35
double getMinDepth() const
Definition: depth.hpp:925
void spinOnce(int time=1, bool force_redraw=false)
Starts the event loop for a given time.
int addSyntheticTemplate(const std::vector< Template > &templates, const String &class_id)
Add a new object template computed by external means.
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:181
uint32_t uint
Definition: interface.h:42
size_t sz
size of the real buffer
Definition: utility.hpp:148
Template class for 2D rectangles.
Definition: types.hpp:421
virtual void collectGarbage()=0
std::function< R(Args...)> API
Definition: infer.hpp:105
std::function< GComputation()> Generator
Definition: gcomputation.hpp:122
virtual std::vector< Ptr< CChecker > > getListColorChecker()=0
Get the list of all detected colorcheckers.
virtual int getMsgType() const =0
type for messages (CV_16SC1 or CV_32FC1)
@ NCV_NOT_IMPLEMENTED
Definition: NCV.hpp:350
virtual FormatInfo format() const =0
Returns information about video file format.
Point3_< float > Point3f
Definition: types.hpp:271
signed char Ncv8s
Definition: NCV.hpp:131
Ncv32u height
Rectangle height.
Definition: NCV.hpp:184
size_t nplanes
the number of hyper-planes that the iterator steps through
Definition: mat.hpp:3414
@ EVENT_FLAG_SHIFTKEY
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:230
bool empty() const
Definition: motion_stabilizing.hpp:74
void flags2idxStereo(int flags, std::vector< int > &idx, int n)
unsigned int texId() const
get OpenGL opject id
virtual void modelUpdateImpl()=0
CommandLineParser(int argc, const char *const argv[], const String &keys)
Constructor.
This structure represents the basic parameters for the experimental PlaidML backend.
Definition: plaidml.hpp:29
__host__ LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > lutPtr(const SrcPtr &src, const TablePtr &tbl)
Definition: lut.hpp:87
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params ¶meters=SimpleBlobDetector::Params())
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:68
bool empty() const
empty returns if track does not contain objects.
Definition: tracking_by_matching.hpp:344
Texture2D(int arows, int acols, Format aformat, bool autoRelease=false)
@ COLOR_YUV2RGBA_YUY2
Definition: imgproc.hpp:705
bool filterByColor
Definition: features2d.hpp:725
QtFontStyles
Qt font style.
Definition: highgui.hpp:249
@ COVAR_COLS
Definition: core.hpp:203
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:3774
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.
void read(const FileNode &node, DMatch &value, const DMatch &default_value)
GpuMat col(int x) const
returns a new GpuMat header for the specified column
Ncv32u width
Rectangle width.
Definition: NCV.hpp:164
std::string detectAndDecode(InputArray img, OutputArray points=noArray(), OutputArray straight_qrcode=noArray())
Both detects and decodes QR code.
Feature()
Definition: linemod.hpp:32
uchar * original_data
Definition: goclkernel.hpp:134
softfloat(const float a)
Construct from float.
Definition: softfloat.hpp:120
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:80
double getMaxDistDiff() const
Definition: depth.hpp:1080
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:278
@ CAP_PROP_XI_DEFAULT_CC_MATRIX
Set default Color Correction Matrix.
Definition: videoio.hpp:430
@ 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:78
MaterialProperty
Definition: ovis.hpp:59
void readTrajectory(OutputArray traj, const String &files_format="pose%05d.xml", int start=0, int end=INT_MAX, const String &tag="pose")
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
@ CAP_PROP_VIEWFINDER
Enter liveview mode.
Definition: videoio.hpp:582
@ CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio.hpp:530
View & operator=(const View &)=delete
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2409
__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
TextDetectionModel_EAST & setNMSThreshold(float nmsThreshold)
Set the detection NMS filter threshold.
void inpaint(InputArray src, InputArray inpaintMask, OutputArray dst, double inpaintRadius, int flags)
Restores the selected region in an image using the region neighborhood.
int hal_ni_filterFree(cvhalFilter2D *context)
hal_filterFree
Definition: hal_replacement.hpp:128
@ HISTCMP_CHISQR_ALT
Definition: imgproc.hpp:517
std::vector< T * > & detachData()
Get and detach data from all threads.
Definition: tls.hpp:130
_OutputArray(const cudev::GpuMat_< _Tp > &m)
void FT12D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
Vec< double, 4 > Vec4d
Definition: matx.hpp:434
NAryMatIterator()
the default constructor
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:132
Ptr< DescriptorExtractor > getDescriptorExtractor()
virtual void setEntityProperty(const String &name, int prop, const Scalar &value)=0
virtual ~CvParams()
Definition: tracking_feature.private.hpp:29
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
Definition: cudalegacy.hpp:200
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
virtual double getOOBError() const =0
unsigned char uchar
Definition: interface.h:51
void debug(std::ostream &os) const
static Ptr< _Tp > makePtr(const A1 &... a1)
Definition: cvstd_wrapper.hpp:26
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
void * _getImpl() const CV_NOEXCEPT
Definition: async.hpp:97
This class is presented high-level API for neural networks.
Definition: dnn.hpp:1081
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:197
virtual ~TrackerTargetState()
Definition: tracking.private.hpp:174
Matx< float_type, 4, 4 > Mat4
Definition: affine.hpp:131
void initStream(Ptr< VideoInputStream > m_file_stream_)
int shift
The number of fractional bits in the point coordinates.
Definition: render_types.hpp:230
void island(const std::string &name, GProtoInputArgs &&ins, GProtoOutputArgs &&outs)
Define an tagged island (subgraph) within a computation.
This class implements name-value dictionary, values are instances of DictValue.
Definition: dict.hpp:115
v_reg< int, 4 > v_round(const v_reg< float, 4 > &a)
Round elements.
Definition: intrin_cpp.hpp:604
static void setDefaultAllocator(MatAllocator *allocator)
Definition: gfluidkernel.hpp:257
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
@ NPPST_MEM_RESIDENCE_ERROR
Memory residence error detected (check if pointers should be device or pinned)
Definition: NCV.hpp:369
@ CALIB_FIX_XI
Definition: omnidir.hpp:63
static Ptr< legacy::TrackerMIL > create()
double Ncv64f
Definition: NCV.hpp:134
Parameters of phaseUnwrapping constructor.
Definition: histogramphaseunwrapping.hpp:79
__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
@ COLOR_BGR2HSV_FULL
Definition: imgproc.hpp:610
any(any &src)
Definition: any.hpp:80
Definition: dataset.hpp:561
detail::GArrayU yieldArray(int output=0)
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:142
@ SEQ
sequence
Definition: persistence.hpp:493
virtual void release()
Closes video file or capturing device.
GPCDescType
Descriptor types for the Global Patch Collider.
Definition: sparse_matching_gpc.hpp:91
virtual int getFastThreshold() const =0
GMat divRC(const GScalar ÷nt, const GMat &src, double scale, int ddepth=-1)
Divides scalar by matrix.
@ CAP_PROP_CONVERT_RGB
Definition: videoio.hpp:151
virtual bool allocate(UMatData *data, AccessFlag accessflags, UMatUsageFlags usageFlags) const =0
void getLinTr(OutputArray linTr) const
Definition: mapaffine.hpp:88
void cleanupDetachedData()
Release associated thread data returned by detachData() call.
Definition: tls.hpp:155
virtual void run(InputArray image, std::vector< ERStat > ®ions)=0
The key method of ERFilter algorithm.
static Ptr< SinusoidalPattern > create(Ptr< SinusoidalPattern::Params > parameters=makePtr< SinusoidalPattern::Params >())
Constructor.
String extensions() const
static void eigen2cv(const Eigen::Tensor< _Tp, 3, _layout > &src, OutputArray dst)
Converts an Eigen::Tensor to a cv::Mat.
Definition: eigen.hpp:100
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
QualityBRISQUE(const cv::String &model_file_path, const cv::String &range_file_path)
Internal constructor.
virtual void setHistory(int nframes)=0
float a
Definition: warpers.hpp:390
__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
Definition: extrapolation.hpp:61
float kaiser_alpha
Definition: tracking.hpp:53
static std::vector< U > & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:181
Definition: functional.hpp:183
float stdevThresh() const
Definition: inpainting.hpp:133
cv::Size size() const
Definition: rmat.hpp:69
Definition: gtype_traits.hpp:208
virtual void setComplexityReductionThreshold(double ct)=0
Sets the complexity reduction threshold.
void setTexCoordArray(InputArray texCoord)
Sets an array of vertex texture coordinates.
@ DNN_TARGET_CUDA_FP16
Definition: dnn.hpp:96
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
virtual void setEdgeMergeThr(float value)=0
Sets the edge merge threshold.
virtual void setShowGrid(bool needShowGrid)=0
void exp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an exponent of each matrix element.
int getMethod() const
Definition: depth.hpp:164
Rect warpRoi(Size src_size, InputArray K, InputArray R) CV_OVERRIDE
static Mat getByteListFromBits(const Mat &bits)
Transform matrix of bits to list of bytes in the 4 rotations.
bool tccDriver() const
true if device is a Tesla device using TCC driver, false otherwise
int area_width
Definition: interpolation.hpp:240
virtual double getVarThresholdGen() const =0
Returns the variance threshold for the pixel-model match used for new mixture component generation.
const std::vector< std::string > & getVocabulary() const
Get the vocabulary for recognition.
void relativeCameraMotion(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray R, OutputArray t)
Computes the relative camera motion between two cameras.
int gestureID
Definition: gr_chalearn.hpp:62
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:184
@ YUV422
Definition: cudacodec.hpp:274
bool isReal() const
returns true if the node is a floating-point number
@ CALIB_ROBOT_WORLD_HAND_EYE_LI
Simultaneous robot-world and hand-eye calibration using dual-quaternions and kronecker product .
Definition: calib3d.hpp:542
virtual float getSaturation() const =0
virtual void setPlotTextColor(Scalar _plotTextColor)=0
void mapForward(float x, float y, float &u, float &v)
float minValue
Definition: all_layers.hpp:441
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
M outMeta
Definition: gkernel.hpp:49
virtual void applyHalideScheduler(Ptr< BackendNode > &node, const std::vector< Mat * > &inputs, const std::vector< Mat > &outputs, int targetId) const
Automatic Halide scheduling based on layer hyper-parameters.
size_t texturePitchAlignment() const
pitch alignment requirement for texture references bound to pitched memory
float getNormSigma1() const
Definition: gr_chalearn.hpp:84
@ COLOR_BayerGR2BGR
Definition: imgproc.hpp:746
int lkPyrLvl
Definition: quasi_dense_stereo.hpp:55
TraitAs
Definition: onnx.hpp:27
_Tp dot(Quat< _Tp > q) const
return the dot between quaternion and this quaternion.
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)
virtual void setOutputMin(float val)=0
Output image range minimum value.
std::string imageName
Definition: sr_general100.hpp:25
@ CV_MEAN_VARIATION
Definition: descriptor.hpp:15
@ DICT_APRILTAG_25h9
5x5 bits, minimum hamming distance between any two codes = 9, 35 codes
Definition: dictionary.hpp:160
const uchar ** pointer
Definition: mat.hpp:3016
GMat sub(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element difference between two matrices.
Definition: functional.hpp:631
WCloud(InputArray cloud, const Color &color, InputArray normals)
Constructs a WCloud.
@ MPEG2
Definition: cudacodec.hpp:248
@ NPPST_INVALID_SCALE
Invalid scale parameter passed.
Definition: NCV.hpp:367
Ptr< cuda::StereoBM > createStereoBM(int numDisparities=64, int blockSize=19)
Creates StereoBM object.
void filter_top_n(std::vector< std::vector< double > > *probs, std::vector< std::vector< double > > *boxes, std::vector< std::vector< double > > &top_n_boxes, std::vector< size_t > &top_n_idxs, std::vector< double > &top_n_probs)
Filter top n predictions.
__host__ __device__ NcvRect8u(Ncv8u x_, Ncv8u y_, Ncv8u width_, Ncv8u height_)
Definition: NCV.hpp:144
std::string tag
Definition: gcommon.hpp:160
virtual int getLayout() const =0
Definition: functional.hpp:609
size_t size() const
size returns number of detected objects in a track.
Definition: tracking_by_matching.hpp:350
void prep()
Definition: cap.hpp:62
__host__ GpuMat_(const Expr< Body > &expr)
expression templates
virtual void kpwrite(const vector< KeyPoint > keypoints, const 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.
@ COLOR_YUV2BGR_YUYV
Definition: imgproc.hpp:701
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:220
std::vector< String > getUnconnectedOutLayersNames() const
Returns names of layers with unconnected outputs.
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:224
static Ptr< TrackerContribFeature > create(const String &trackerFeatureType)
Create TrackerContribFeature by tracker feature type.
virtual double getSigmaColor()=0
SigmaColor is a parameter defining how sensitive the filtering process is to source image edges....
static void registerLayer(const String &type, Constructor constructor)
Registers the layer class with typename type and specified constructor. Thread-safe.
size_t maxMemAllocSize() const
VecCommaInitializer< _Tp, m > & operator,(T2 val)
virtual void write(FileStorage &fs) const =0
Base storage class for GPU memory with reference counting.
Definition: cuda.hpp:106
virtual void setDefaultLearningRate(double lr)=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.
static double trace(const Matx< _Tp, m, n > &a)
@ CALIB_USE_LU
use LU instead of SVD decomposition for solving. much faster but potentially less precise
Definition: calib3d.hpp:519
static OpenCLExecutionContext create(const std::string &platformName, void *platformID, void *context, void *deviceID)
Creates OpenCL execution context OpenCV will check if available OpenCL platform has platformName name...
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.
virtual void compute(InputArray img, OutputArray descriptors, Stream &stream=Stream::Null())=0
Returns block descriptors computed for the whole image.
Ptr< MergeMertens > createMergeMertens(float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f)
Creates MergeMertens object.
@ LOG_LEVEL_FATAL
Fatal (critical) error (unrecoverable internal error)
Definition: logger.defines.hpp:27
void read(const FileNode &node, float &value, float default_value)
Mat A
gray values from all face region in the dataset, projected in PCA space
Definition: facemarkAAM.hpp:119
std::vector< GShape > GShapes
Definition: gkernel.hpp:35
the sparse matrix header
Definition: mat.hpp:2672
@ LINEARIZATION_GRAYPOLYFIT
grayscale polynomial fitting; Need assign a value to deg and dst_whites simultaneously
Definition: ccm.hpp:336
virtual void setDistanceFast(const Distance &val)=0
Fast distance setter.
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.
void waitEvent(const Event &event)
Makes a compute stream wait on an event.
void setSigmaSpatial(float f)
Definition: depth.hpp:1108
static Ptr< MSM_epfl > create()
void assign_row(void *ptr, int cols, Scalar const &s)
Definition: mat.hpp:26
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
bool isIntegral
Definition: tracking_feature.private.hpp:147
StrongClassifierDirectSelection(int numBaseClf, int numWeakClf, Size patchSz, const Rect &sampleROI, bool useFeatureEx=false, int iterationInit=0)
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3)
Constructor.
Definition: intrin_cpp.hpp:294
Definition: wobble_suppression.hpp:102
GAPI_WRAP GInferOutputs()=default
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:943
LINEAR_TYPE
Linearization transformation type.
Definition: ccm.hpp:330
@ IMWRITE_JPEG_CHROMA_QUALITY
Separate chroma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:92
static Ptr< AR_sports > create()
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: tracking.hpp:399
bool get(OutputArray dst, double timeoutNs) const
Definition: async.hpp:63
bool horizontal
Definition: sinusoidalpattern.hpp:91
virtual void release() CV_OVERRIDE
@ GEMM_1_T
transposes src1
Definition: base.hpp:220
@ CAP_PROP_OPENNI_REGISTRATION
Definition: videoio.hpp:240
Mat measurementMatrix
measurement matrix (H)
Definition: video.hpp:36
Structure to hold the details pertaining to a single bounding box.
Definition: core_detect.hpp:26
Quat(_Tp w, _Tp x, _Tp y, _Tp z)
from four numbers.
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
void magnitude32f(const float *x, const float *y, float *dst, int n)
void histEven(InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Calculates a histogram with evenly distributed bins.
static cv::UMat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:109
Rect_< float > Rect2f
Definition: types.hpp:460
Viz3d(const String &window_name=String())
The constructors.
void setDepth(int val)
Definition: depth.hpp:243
virtual void setBackground(const Scalar &color)=0
This is an overloaded member function, provided for convenience. It differs from the above function o...
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:228
float samplerSearchWinSize
size of search window
Definition: tracking.hpp:763
static void dumpOpenCLInformation()
Definition: opencl_info.hpp:69
void setUseGlobalMotionPrior(bool val)
T work_type
Definition: reduce_to_vec.hpp:127
Definition: all_layers.hpp:211
bool parseAvi(Codecs codec_)
Definition: container_avi.private.hpp:88
virtual void detect(InputArray _image, OutputArray _lines, OutputArray width=noArray(), OutputArray prec=noArray(), OutputArray nfa=noArray())=0
Finds lines in the input image.
Matx< _Tp, m1, n1 > get_minor(int base_row, int base_col) const
extract part of the matrix
std::vector< Mat > hist
Definition: feature.hpp:333
int size
Definition: all_layers.hpp:238
virtual void setContrast(float contrast)=0
size_t blockIdx
Definition: persistence.hpp:623
vuint8mf2_t()
Definition: intrin_rvv.hpp:26
BlockMeanHash()
Definition: block_mean_hash.hpp:36
@ CMP_LT
src1 is less than src2.
Definition: base.hpp:214
void convertTo(OutputArray dst, int rtype) const
converts GpuMat to another datatype (Blocking call)
const double & operator[](int i) const
Definition: scalar.hpp:30
@ CAP_PROP_ISO_SPEED
Definition: videoio.hpp:166
float eps
max outliers ratio
Definition: motion_core.hpp:77
virtual void setBackground(InputArray image)=0
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
std::vector< size_t > stepsT
Definition: rmat.hpp:57
void bind(Target target) const
Binds OpenGL buffer to the specified buffer binding point.
bool first_pulled
Definition: cap.hpp:59
virtual void setLevels(int levels)=0
Feature table levels.
@ COLOR_BayerGB2RGB_EA
Definition: imgproc.hpp:776
Constructs a WMesh.
Definition: widgets.hpp:789
@ INTERSECT_NONE
No intersection.
Definition: imgproc.hpp:799
@ CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Queue of field/frame buffers.
Definition: videoio.hpp:469
static OpenCLExecutionContext & getCurrentRef()
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap)
static method for computing quality
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:335
@ HARRIS_SCORE
Definition: features2d.hpp:407
MatIterator_(const MatIterator_ &it)
copy constructor
Mat frameMask_
Definition: stabilizer.hpp:126
@ CC_STAT_WIDTH
The horizontal size of the bounding box.
Definition: imgproc.hpp:397
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
WPolyLine(InputArray points, const Color &color=Color::white())
Constructs a WPolyLine.
int frame_idx
Frame index where object was detected (-1 if N/A).
Definition: tracking_by_matching.hpp:36
static Ptr< QualityBRISQUE > create(const cv::String &model_file_path, const cv::String &range_file_path)
Create an object which calculates quality.
OpaqueRefT(T &&obj)
Definition: gopaque.hpp:150
void write(FileStorage &fs, const String &name, float value)
Definition: infer.hpp:264
static U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:289
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:399
TextDetectionModel_EAST(const std::string &model, const std::string &config="")
Create text detection model from network represented in one of the supported formats....
Definition: dnn.hpp:1501
_OutputArray(std::vector< bool > &vec)=delete
Derivatives of this class wraps cv::Mat for different backends and targets.
Definition: dnn.hpp:135
@ WND_PROP_ASPECT_RATIO
window's aspect ration (can be set to WINDOW_FREERATIO or WINDOW_KEEPRATIO).
Definition: highgui.hpp:202
@ PSP
Definition: sinusoidalpattern.hpp:59
Definition: all_layers.hpp:278
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:768
void glob_relative(const cv::String &directory, const cv::String &pattern, std::vector< cv::String > &result, bool recursive=false, bool includeDirectories=false)
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.
unsigned val[4]
Definition: intrin_rvv.hpp:386
T ValueType
Definition: features2d.hpp:898
static Quat< _Tp > nlerp(const Quat< _Tp > &q0, const Quat &q1, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
To calculate the interpolation from to by Normalized Linear Interpolation(Nlerp)....
void resetDevice()
Explicitly destroys and cleans up all resources associated with the current device in the current pro...
virtual double getEpsilon() const =0
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:464
Class for ContourFitting algorithms. ContourFitting match two contours and minimizing distance.
Definition: fourier_descriptors.hpp:21
static Ptr< VolumeParams > coarseParams(VolumeType _volumeType)
Coarse set of parameters that provides relatively higher performance at the cost of reconstrution qua...
bool compress_feature
activate the pca method to compress the features
Definition: tracking.hpp:130
size_t maxParameterSize() const
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:326
#define OPENCV_HAL_IMPL_RVV_SCAN_FORWOARD_OP(_Tpvec, _Tp, suffix)
Definition: intrin_rvv.hpp:2393
int radiusSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, DistanceType radius, const ::cvflann::SearchParams ¶ms)
Performs a radius nearest neighbor search for a given query point using the index.
SVD()
the default constructor
virtual bool update(InputArray depth)=0
virtual Mat getTestSamples() const =0
Returns matrix of test samples.
virtual const char * what() const noexcept override
Definition: any.hpp:45
Definition: inpainting.hpp:128
std::string nameColor
Definition: gr_chalearn.hpp:77
void calc(InputArray I0, InputArray I1, InputOutputArray flow) CV_OVERRIDE
Calculates an optical flow.
@ OCR_CNN_CLASSIFIER
Definition: ocr.hpp:181
__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
void cvtColorTwoPlane(InputArray src1, InputArray src2, OutputArray dst, int code)
Converts an image from one color space to another where the source image is stored in two planes.
Scalar color
Color of the font. Scalar(blue_component, green_component, red_component[, alpha_component])
Definition: highgui.hpp:702
Definition: intrin.hpp:104
Allocator()
Definition: cvstd.hpp:122
virtual void setBackgroundRatio(double backgroundRatio)=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:557
@ IMWRITE_JPEG_RST_INTERVAL
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:90
static void calcLocalSVDValues(OutputArray localSVDValues, const Mat &frame)
virtual void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)=0
cv::Point org
The bottom-left corner of the image.
Definition: render_types.hpp:288
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
cv::Rect location
Definition: detection_based_tracker.hpp:148
virtual Mat performSegmentGpu(InputArray src, bool ifDraw=true)=0
do segmentation gpu
Scalar_(Scalar_ &&s) CV_NOEXCEPT
GMat absDiffC(const GMat &src, const GScalar &c)
Calculates absolute value of matrix elements.
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
size_t rawSize() const
returns raw size of the FileNode in bytes
virtual ~IImageDescriptor()
Definition: tracking_by_matching.hpp:99
SrcPtr src
Definition: lut.hpp:65
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:882
virtual int getIterations() const =0
NCVStatus nppsStCompact_32s_host(Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
#define CV_64F
Definition: interface.h:79
@ CPU_AVX_5124VNNIW
Definition: cvdef.h:319
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2375
std::string tag
Definition: gkernel.hpp:48
const _Tp & value() const
template method returning the current matrix element
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
virtual void shiftMat(InputArray src, OutputArray dst, const Point shift)=0
Helper function, that shift Mat filling new regions with zeros.
friend GKernelPackage combine(const GKernelPackage &lhs, const GKernelPackage &rhs)
Create a new package based on lhs and rhs.
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:1831
MapYPtr mapy
Definition: remap.hpp:82
virtual void setTermCriteria(TermCriteria val)=0
int height
Definition: linemod.hpp:44
virtual void setNumIters(int iters)=0
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)=0
@ COLORSPACE_YUV444P
Definition: container_avi.private.hpp:135
void oilPainting(InputArray src, OutputArray dst, int size, int dynRatio, int code)
oilPainting See the book for details.
@ CAP_PVAPI_PIXELFORMAT_RGB24
Rgb24.
Definition: videoio.hpp:330
int id
Definition: detection_based_tracker.hpp:189
virtual double getRpropDWMin() const =0
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:230
void connect(int outLayerId, int outNum, int inpLayerId, int inpNum)
Connects #outNum output of the first layer to #inNum input of the second layer.
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 void setScoreType(ORB::ScoreType scoreType)=0
virtual void detectEdges(cv::InputArray _src, cv::OutputArray _dst) const =0
The function detects edges in src and draw them to dst.
virtual double getDecisionThreshold() const =0
Mat readTensorFromONNX(const String &path)
Creates blob from .pb file.
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.
virtual void setDescriptorFormat(HOGDescriptor::DescriptorStorageFormat descr_format)=0
cv::VideoCapture cap
Definition: cap.hpp:57
#define CV_EXPORTS_W_MAP
Definition: cvdef.h:447
int writePose(const std::string &FileName)
static Ptr< Plot2d > create(InputArray dataX, InputArray dataY)
Creates Plot2d object.
void release()
decreases reference counter, deallocate the data when reference counter reaches 0
virtual void setWarpingsNumber(int val)=0
@ NCV_NPP_ERROR
Definition: NCV.hpp:320
virtual double getRpropDWPlus() const =0
Type
Definition: types.hpp:859
__host__ __forceinline__ void checkCudaError(cudaError_t err, const char *file, const int line, const char *func)
Definition: common.hpp:70
virtual void getNormals(InputArray points, OutputArray normals) const =0
Calculates normals for given points.
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 init(size_t size) CV_OVERRIDE
overloaded interface method
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:196
Definition: facerec.hpp:21
@ IMWRITE_PNG_STRATEGY_RLE
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:125
#define OPENCV_HAL_IMPL_RVV_UNPACKS(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:2109
void setBackgroundMeshLab()
virtual NCVStatus dealloc(NCVMemSegment &seg)=0
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...
void setInitialMethod(INITIAL_METHOD_TYPE initial_method_type)
set InitialMethod
This structure forces Fluid backend to generate multiple parallel output regions in the graph....
Definition: gfluidkernel.hpp:121
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3300
virtual void selection(Mat &response, int npoints)=0
Identify most effective features.
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
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:401
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:450
std::tuple< GMat, GMat > cartToPolar(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
@ BORDER_WRAP
cdefgh|abcdefgh|abcdefg
Definition: base.hpp:272
virtual String name() const CV_OVERRIDE
@ SFM_IO_VISUALSFM
Definition: io.hpp:59
DemosaicTypes
Definition: cudaimgproc.hpp:93
virtual float getMaxAspectRatio() const =0
Returns the max aspect ratio of boxes.
WText3D(const String &text, const Point3d &position, double text_scale=1., bool face_camera=true, const Color &color=Color::white())
Constructs a WText3D.
std::vector< std::string > in_names
Definition: infer.hpp:173
~TLSData()
Definition: tls.hpp:65
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
const Size & getWindowSize() const
Definition: types.hpp:213
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
This aggregate type represents all types which G-API can handle (via variant).
Definition: garg.hpp:196
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.
const cv::UMat & inMat(int input)
Definition: matchers.hpp:200
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: ie.hpp:107
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)
virtual bool isMaskSupported() const =0
Returns true if the descriptor matcher supports masking permissible matches.
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities,...
Definition: exposure_compensate.hpp:112
virtual void detect(InputArray 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
Performs object detection without a multi-scale window.
static KernelArg PtrReadOnly(const UMat &m)
Definition: ocl.hpp:393
@ BadStep
image step is wrong, this may happen for a non-continuous matrix.
Definition: base.hpp:82
Types
Type of covariation matrices.
Definition: ml.hpp:840
void writeLogMessage(LogLevel logLevel, const char *message)
void merge32s(const int **src, int *dst, int len, int cn)
virtual void setNumLevels(int levels)=0
void writeClasses(const String &format="templates_%s.yml.gz") const
#define OPENCV_HAL_IMPL_RVV_ABS(_Tprvec, _Tpvec, suffix)
Definition: intrin_rvv.hpp:1704
@ GLOBAL_ATOMICS
Definition: cuda.hpp:786
Definition: detection_based_tracker.hpp:69
~View()
Definition: rmat.hpp:67
@ BLOCK_MEAN_HASH_MODE_0
use fewer block and generate 16*16/8 uchar hash value
Definition: block_mean_hash.hpp:18
virtual void setMaxFlow(float maxFlow=250.f)=0
MaxFlow is a threshold to validate the predictions using a certain piece-wise affine model....
float thresh
max error to classify as inlier
Definition: motion_core.hpp:76
bool nonmaxSuppression
Definition: agast.txt:7533
Definition: deriv.hpp:102
MatConstIterator(const Mat *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
@ COLOR_Lab2BGR
Definition: imgproc.hpp:603
virtual void calc(InputArray inputImage, InputArray referenceImage, InputOutputArray flow, Stream &stream=Stream::Null(), InputArray hint=cv::noArray(), OutputArray cost=cv::noArray())=0
Calculates Optical Flow using NVIDIA Optical Flow SDK.
GMat bilateralFilter(const GMat &src, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
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:395
int channels
Definition: mask.hpp:74
virtual double getPyrScale() const =0
static OpenCLExecutionContext create(const Context &context, const Device &device, const ocl::Queue &queue)
Creates OpenCL execution context.
std::tuple< GArray< Rect >, GArray< int > > parseYolo(const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold=0.5f, const float nmsThreshold=0.5f, const std::vector< float > &anchors=nn::parsers::GParseYolo::defaultAnchors())
Parses output of Yolo network.
Params(const std::string &model)
Definition: onnx.hpp:82
Matx(const Matx< _Tp, m, l > &a, const Matx< _Tp, l, n > &b, Matx_MatMulOp)
int nativeVectorWidthFloat() const
@ DECOMP_LU
Definition: base.hpp:135
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
Definition: gtype_traits.hpp:166
ExtObject(int _id, cv::Rect _location, ObjectStatus _status)
Definition: detection_based_tracker.hpp:150
@ COLOR_YUV420sp2BGRA
Definition: imgproc.hpp:648
@ EVENT_RBUTTONDOWN
indicates that the right mouse button is pressed.
Definition: highgui.hpp:212
virtual float getFGSSigma() const =0
Sets the respective fastGlobalSmootherFilter() parameter.
void setColorSpace(COLOR_SPACE cs)
set ColorSpace
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:197
virtual int getCannyHighThresh() const =0
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
RobotWorldHandEyeCalibrationMethod
Definition: calib3d.hpp:540
@ COLOR_YUV2BGRA_Y422
Definition: imgproc.hpp:692
T & get()
Definition: gcommon.hpp:173
virtual bool read(const FileNode &node) CV_OVERRIDE
virtual void setWeakCount(int val)=0
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:787
float free_coef
not documented
Definition: objdetect.hpp:623
MatExpr max(double s, const Mat &a)
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
int modifiers
Definition: types.hpp:300
void feed(const std::vector< Point > &, const std::vector< UMat > &, const std::vector< std::pair< UMat, uchar > > &) CV_OVERRIDE
Definition: exposure_compensate.hpp:101
cv::Scalar color
The line color.
Definition: render_types.hpp:227
void read(const FileNode &node, int &value, int default_value)
size_t default_step(int type, int cols)
Definition: mat.hpp:38
@ CALIB_HAND_EYE_DANIILIDIS
Hand-Eye Calibration Using Dual Quaternions .
Definition: calib3d.hpp:536
std::tuple< cv::GArray< R >... > ResultL
Definition: infer.hpp:93
WTrajectoryFrustums(InputArray path, const Matx33d &K, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
v_reg< _Tp, n > operator!=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Not equal comparison.
Definition: intrin_cpp.hpp:775
virtual void setSolverIterations(int solver_iterations)=0
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:180
std::vector< Mat > finalize(const std::vector< Mat > &inputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
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.
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
#define OPENCV_HAL_IMPL_RVV_SELF_REINTERPRET(_Tpvec, suffix)
Definition: intrin_rvv.hpp:592
The TrackerParams struct stores parameters of TrackerByMatching.
Definition: tracking_by_matching.hpp:266
void approxPolyDP(InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
K API
Definition: gcpukernel.hpp:462
static void write(FileStorage &fs, const String &name, const DMatch &m)
Definition: persistence.hpp:1070
RetrievalModes
mode of the contour retrieval algorithm
Definition: imgproc.hpp:413
@ GC_PR_FGD
a possible foreground pixel
Definition: imgproc.hpp:348
String vendorName() const
std::vector< Mat > frames_
Definition: stabilizer.hpp:134
void fundamentalFromProjections(InputArray P1, InputArray P2, OutputArray F)
Get Fundamental matrix from Projection matrices.
__host__ __device__ Ncv32f getThreshold(void)
Definition: NCVHaarObjectDetection.hpp:251
@ RETINA_COLOR_DIAGONAL
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
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
Definition: tr_chars.hpp:67
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:147
__host__ NCVStatus setFeatureDesc(HaarFeatureDescriptor32 f)
Definition: NCVHaarObjectDetection.hpp:222
uchar val[8]
Definition: intrin_rvv.hpp:25
@ CPU_SSE4_2
Definition: cvdef.h:298
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:708
Config(Mat rot=Mat::eye(2, 2, CV_32F), Point2f trans=Point2f(0.0f, 0.0f), float scaling=1.0f, int scale_id=0)
static CV_WRAP bool imwritemulti(const String &filename, InputArrayOfArrays img, const std::vector< int > ¶ms=std::vector< int >())
Definition: imgcodecs.hpp:236
@ COLOR_YUV2RGB_YUY2
Definition: imgproc.hpp:696
Definition: intrin_rvv.hpp:228
int samplerTrackMaxNegNum
Definition: tracking.hpp:766
virtual ~CCheckerDraw()
Definition: checker_model.hpp:116
SrcPtr src
Definition: reduction.hpp:154
GMat divC(const GMat &src, const GScalar &divisor, double scale, int ddepth=-1)
Divides matrix by scalar.
uint64_t uint64
Definition: interface.h:62
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:712
GridType gridType
Definition: calib3d.hpp:1651
Definition: type_traits.hpp:156
Impl * getImpl() const
Definition: ocl.hpp:290
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:1630
virtual double getVarMin() const =0
T get(const String &key, const T &defaultValue) const
If the key in the dictionary then returns its value, else returns defaultValue.
virtual void setPyrScale(double pyrScale)=0
Buffer(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
int width
Definition: types.hpp:113
@ CAP_PROP_XI_AEAG_ROI_OFFSET_X
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:382
v_uint8x16 v_rshr_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:2523
Rect_< double > Rect2d
Definition: types.hpp:461
int solveP3P(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags)
Finds an object pose from 3 3D-2D point correspondences.
static std::false_type test(...)
uchar * reference
Definition: mat.hpp:3017
double confThresh() const
Definition: motion_estimators.hpp:143
__host__ void gridReduceToColumn(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:220
Node(OBJECT &payload)
Definition: utility.hpp:1050
@ IMWRITE_PNG_BILEVEL
Binary level PNG, 0 or 1, default is 0.
Definition: imgcodecs.hpp:95
std::vector< U > type
Definition: gtyped.hpp:28
EstimatedGaussDistribution(float P_mean, float R_mean, float P_sigma, float R_sigma)
float rapid(InputArray img, int num, int len, InputArray pts3d, InputArray tris, InputArray K, InputOutputArray rvec, InputOutputArray tvec, double *rmsd=0)
Disparity map filter based on Weighted Least Squares filter (in form of Fast Global Smoother that is ...
Definition: disparity_filter.hpp:83
Definition: cudalegacy.hpp:155
virtual void setBoostType(int val)=0
__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
Definition: fr_adience.hpp:68
cv::Scalar value
Definition: gfluidbuffer.hpp:31
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:249
@ VP8
Definition: cudacodec.hpp:256
uint32x4_t cv_vrndq_u32_f32(float32x4_t v)
Definition: neon_utils.hpp:76
virtual int getNMixtures() const =0
float getRecall(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
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:1359
__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
@ LOG_LEVEL_SILENT
for using in setLogVevel() call
Definition: logger.defines.hpp:26
__device__ __forceinline__ uint vsetlt2(uint a, uint b)
Definition: simd_functions.hpp:396
virtual cv::Mat drawActiveTracks(const cv::Mat &frame)=0
Draws active tracks on a given frame.
std::vector< cv::GMatDesc > out_metas
Definition: onnx.hpp:57
ScoreMethod score
Definition: calib3d.hpp:564
int narrays
the number of arrays
Definition: mat.hpp:3412
@ SORT_ASCENDING
Definition: core.hpp:158
virtual double getThreshold() const CV_OVERRIDE=0
int findNearest(Point2f pt, Point2f *nearestPt=0)
Finds the subdivision vertex closest to the given point.
@ CAP_PROP_XI_DOWNSAMPLING
Change image resolution by binning or skipping.
Definition: videoio.hpp:343
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())
int scene_sample_step
Definition: ppf_match_3d.hpp:158
__host__ Expr< FindMinValExprBody< SrcPtr > > minVal_(const SrcPtr &src)
Definition: reduction.hpp:99
cv::String tld_getNextDatasetFrame()
static void compute(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
decomposes matrix and stores the results to user-provided matrices
int hal_ni_scharr(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int src_depth, int dst_depth, int cn, int margin_left, int margin_top, int margin_right, int margin_bottom, int dx, int dy, double scale, double delta, int border_type)
Computes Scharr filter.
Definition: hal_replacement.hpp:737
virtual TermCriteria getTermCriteria() const =0
void getMemoryConsumption(const MatShape &netInputShape, size_t &weights, size_t &blobs) const
virtual int period() const
Definition: wobble_suppression.hpp:105
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: rmat.hpp:139
Definition: tr_svt.hpp:74
@ DEFAULT_NLEVELS
Default nlevels value.
Definition: objdetect.hpp:377
friend const T * get_if(const variant< Us... > *v) noexcept
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: depth.hpp:261
static DictValue arrayString(TypeIter begin, int size)
Constructs array of strings.
virtual bool getMemoryShapes(const std::vector< MatShape > &inputs, const int requiredOutputs, std::vector< MatShape > &outputs, std::vector< MatShape > &internals) const
@ FEATURE_SET_COMPUTE_20
Definition: cuda.hpp:779
void drawFeatures(InputOutputArray img, const std::vector< Template > &templates, const Point2i &tl, int size=10)
Debug function to draw linemod features.
Definition: NCVHaarObjectDetection.hpp:219
static Ptr< ReorgLayer > create(const LayerParams ¶ms)
virtual float getRho() const =0
#define _v512_set_epu8(a63, a62, a61, a60, a59, a58, a57, a56, a55, a54, a53, a52, a51, a50, a49, a48, a47, a46, a45, a44, a43, a42, a41, a40, a39, a38, a37, a36, a35, a34, a33, a32, a31, a30, a29, a28, a27, a26, a25, a24, a23, a22, a21, a20, a19, a18, a17, a16, a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:30
float calcBlurriness(const Mat &frame)
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 .
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:148
float ePointInOctaveY
Definition: descriptor.hpp:135
bool pull(cv::GOptRunArgsP &&outs)
Get some next available data from the pipeline.
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:231
Marr-Hildreth Operator Based Hash, slowest but more discriminative.
Definition: marr_hildreth_hash.hpp:21
cv::GKernel::M Meta
Definition: gcpukernel.hpp:495
@ COLOR_SPACE_AppleRGB
https://en.wikipedia.org/wiki/RGB_color_space , RGB color space
Definition: ccm.hpp:104
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
@ MM_AFFINE
Definition: motion_core.hpp:66
Definition: depth.hpp:888
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:855
#define _v512_set_epi8(a63, a62, a61, a60, a59, a58, a57, a56, a55, a54, a53, a52, a51, a50, a49, a48, a47, a46, a45, a44, a43, a42, a41, a40, a39, a38, a37, a36, a35, a34, a33, a32, a31, a30, a29, a28, a27, a26, a25, a24, a23, a22, a21, a20, a19, a18, a17, a16, a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:42
virtual Size getInputSize()=0
Retreive retina input buffer size.
std::unordered_map< std::string, ConstInput > const_inputs
Definition: onnx.hpp:52
Abstract base class for trainable facemark models.
Definition: facemark_train.hpp:263
Planar board with grid arrangement of markers More common type of board. All markers are placed in th...
Definition: aruco.hpp:303
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.
BufferPool(Stream &stream)
Gets the BufferPool for the given stream.
void calcHist(InputArray src, OutputArray hist, Stream &stream=Stream::Null())
Calculates histogram for one channel 8-bit image.
Quat< _Tp > & operator-=(const Quat< _Tp > &)
Subtraction assignment operator of two quaternions p and q. It subtracts right operand from the left ...
virtual ~INCVMemAllocator()=0
Definition: NCV.hpp:477
cv::GOpaqueDesc descr_of() const
Definition: gopaque.hpp:287
static Matx< _Tp1, m, n > & operator+=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1194
virtual void loadFontData(String fontFileName, int id)=0
Load font data.
void setAngleThreshold(float f)
Definition: depth.hpp:1092
#define CV_CUDEV_EXPR_UNARY_FUNC(name)
Definition: unary_func.hpp:60
MoreAccurateMotionWobbleSuppressorBase()
Definition: wobble_suppression.hpp:108
int m_iterationInit
Definition: onlineBoosting.hpp:150
virtual void setRadius(int val)
Definition: inpainting.hpp:70
float cubeRoot(float val)
Computes the cube root of an argument.
Affine3(const Vec3 &rvec, const Vec3 &t=Vec3::all(0))
static Ptr< cuda::ORB > create(int nfeatures=500, float scaleFactor=1.2f, int nlevels=8, int edgeThreshold=31, int firstLevel=0, int WTA_K=2, int scoreType=cv::ORB::HARRIS_SCORE, int patchSize=31, int fastThreshold=20, bool blurForDescriptor=false)
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:348
@ COLOR_GRAY2RGBA
Definition: imgproc.hpp:551
cv ::Scalar type
Definition: garray.hpp:325
virtual bool isEmpty() const =0
const Mat & getDescriptors() const
@ NEIGH_GRID
Definition: calib3d.hpp:550
int Ncv32s
Definition: NCV.hpp:127
TextDetectionModel_DB & setBinaryThreshold(float binaryThreshold)
vuint16mf2_t vwcvtu_x_x_v_u16mf2(vuint8mf4_t src)
Definition: intrin_rvv.hpp:206
double getAvgTimeMilli() const
returns average time in milliseconds
Definition: utility.hpp:368
@ OpenGlNotSupported
no OpenGL support
Definition: base.hpp:118
WTrajectoryFrustums(InputArray path, const Vec2d &fov, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
void resetCamera()
Resets camera.
GAPI_WRAP GComputation(GMat in, GScalar out)
Defines an unary (one input – one output) computation.
bool unifiedAddressing() const
device shares a unified address space with the host
Vec3f lightPose
light pose for rendering in meters
Definition: large_kinfu.hpp:68
Vec(const Vec< _Tp, cn > &v)
static Ptr< DenseRLOFOpticalFlow > create(Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=1.f, Size gridStep=Size(6, 6), InterpolationType interp_type=InterpolationType::INTERP_EPIC, int epicK=128, float epicSigma=0.05f, float epicLambda=999.0f, int ricSPSize=15, int ricSLICType=100, bool use_post_proc=true, float fgsLambda=500.0f, float fgsSigma=1.5f, bool use_variational_refinement=false)
Creates instance of optflow::DenseRLOFOpticalFlow.
virtual std::size_t size() const override
Definition: garray.hpp:226
#define CV_USRTYPE1
Definition: interface.h:67
cv::Ptr< IStreamSource > make_capture_src(const std::string &path)
Definition: cap.hpp:117
int getWindowSize()
Definition: ocr.hpp:420
Definition: garray.hpp:326
Text(const std::string &text_, const cv::Point &org_, int ff_, double fs_, const cv::Scalar &color_, int thick_=1, int lt_=8, bool bottom_left_origin_=false)
Text constructor.
Definition: render_types.hpp:58
virtual void setIterations(int val)=0
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2178
Definition: tracking_legacy.hpp:152
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)
virtual void prepare(Rect dst_roi)
Definition: facemarkLBF.hpp:96
bool isOpenedStream() const
void fillConvexPoly(InputOutputArray img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
cv::Mat getIterationCounts() const
Definition: depth.hpp:815
virtual void setPatchSize(int val)=0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
@ HISTCMP_BHATTACHARYYA
Definition: imgproc.hpp:512
float correlationThreshold
Definition: quasi_dense_stereo.hpp:47
unsigned int seed
seed for shuffling the training data
Definition: facemarkLBF.hpp:82
void skipJunk(RiffChunk &chunk)
void checkParams(const cv::gapi::KalmanParams &kfParams, const cv::GMatDesc &measurement, const cv::GMatDesc &control={})
void setMaskGenerator(const Ptr< BaseCascadeClassifier::MaskGenerator > &maskGenerator)
QualityBase::_mat_type _ref
Reference image, converted to internal mat type.
Definition: qualitymse.hpp:51
static const cv::Scalar get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:181
cv::String setInferenceEngineBackendType(const cv::String &newBackendType)
Specify Inference Engine internal backend API.
GShape
Definition: gcommon.hpp:92
virtual uint64_t getNumberOfAllocations() const =0
void detect(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, const std::vector< Mat > &masks=std::vector< Mat >()) const
Mat temp5
Definition: tracking.hpp:409
all_satisfy< accepted_infer_types, Ts... > valid_infer_types
Definition: infer.hpp:41
float weight3() const
Definition: motion_stabilizing.hpp:138
MatConstIterator_(const Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
GMat NV12toGray(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to gray-scaled. The function converts an input imag...
FileNode(FileStorage::Impl *fs, size_t blockIdx, size_t ofs)
static Ptr< SVMSGD > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized SVMSGD from a file.
#define OPENCV_HAL_IMPL_RVV_CHECK_ALLANY(_Tpvec, suffix, shift, width)
Definition: intrin_rvv.hpp:1623
GMat bitwise_or(const GMat &src1, const GMat &src2)
computes bitwise disjunction of the two matrixes (src1 | src2) Calculates the per-element bit-wise lo...
static bool isCollection(int flags)
@ ComputeModeDefault
Definition: cuda.hpp:907
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:1871
GMat bitwise_and(const GMat &src1, const GMat &src2)
computes bitwise conjunction of the two matrixes (src1 & src2) Calculates the per-element bit-wise lo...
Allocator(Allocator< U > const &)
Definition: cvstd.hpp:126
std::string model_path
Definition: onnx.hpp:40
__host__ __device__ static __forceinline__ char4 make(const schar *v)
Definition: vec_traits.hpp:180
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
Size getWindowSize() const
Returns the current size of the window.
String className
Definition: tracking_internals.hpp:300
void write(FileStorage &fs) const
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=OCR_LEVEL_WORD) CV_OVERRIDE=0
double getMaxDepthDiff() const
Definition: depth.hpp:676
Program(const ProgramSource &src, const String &buildflags, String &errmsg)
virtual void unwrapPhaseMap(InputArray wrappedPhaseMap, OutputArray unwrappedPhaseMap, cv::Size camSize, InputArray shadowMask=noArray())=0
Unwrap the wrapped phase map to remove phase ambiguities.
void setBlockSize(Size size)
Definition: exposure_compensate.hpp:183
cv::Size minObjSize
Definition: detection_based_tracker.hpp:115
void updateWidgetPose(const String &id, const Affine3d &pose)
Updates pose of a widget in the window by pre-multiplying its current pose.
G_TYPED_KERNEL(GBuildOptFlowPyramid,< GBuildPyrOutput(GMat, Size, GScalar, bool, int, int, bool)>, "org.opencv.video.buildOpticalFlowPyramid")
Definition: video.hpp:53
softfloat(const softfloat &c)
Copy constructor.
Definition: softfloat.hpp:95
Definition: reduction.hpp:175
vfloat64mf2_t(const double *ptr)
Definition: intrin_rvv.hpp:123
NCVStatus nppsStCompactGetSize_32f(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
shared_lock_guard(Mutex &m)
Definition: lock.private.hpp:49
uint KeyType
Definition: t_hash_int.hpp:58
Ptr2DSz ptr_type
Definition: traits.hpp:59
int getStepSize()
Definition: ocr.hpp:421
@ CAP_PROP_XI_LENS_FOCUS_MOVE
Moves lens focus motor by steps set in XI_PRM_LENS_FOCUS_MOVEMENT_VALUE.
Definition: videoio.hpp:440
void swap(variant &rhs) noexcept
Definition: variant.hpp:342
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)
int hal_ni_sobel(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int src_depth, int dst_depth, int cn, int margin_left, int margin_top, int margin_right, int margin_bottom, int dx, int dy, int ksize, double scale, double delta, int border_type)
Computes Sobel derivatives.
Definition: hal_replacement.hpp:718
virtual void set(const cv::util::any &a) override
Definition: gopaque.hpp:218
@ REDUCE_SUM
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:227
@ CALIB_FIX_K5
Definition: calib3d.hpp:505
virtual FormatInfo format() const =0
Returns information about video file format.
Rect_()
default constructor
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2943
A class to group async requests to cancel them in a single shot.
Definition: gasync_context.hpp:28
void min64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
ContourFitting(int ctr=1024, int fd=16)
Fit two closed curves using fourier descriptors. More details in and .
Definition: fourier_descriptors.hpp:38
double getMaxPointsPart() const
Definition: depth.hpp:949
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:130
Kind m_kind
Definition: gfluidkernel.hpp:85
void backSubst(InputArray rhs, OutputArray dst) const
performs a singular value back substitution.
WCloud(InputArray cloud, const Color &color=Color::white())
Constructs a WCloud.
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:159
virtual double getMinAngle() const =0
@ IMREAD_IGNORE_ORIENTATION
If set, do not rotate the image according to EXIF's orientation flag.
Definition: imgcodecs.hpp:82
@ MORPH_CROSS
Definition: imgproc.hpp:232
void addLight(const Vec3d &position, const Vec3d &focalPoint=Vec3d(0, 0, 0), const Color &color=Color::white(), const Color &diffuseColor=Color::white(), const Color &ambientColor=Color::black(), const Color &specularColor=Color::white())
Add a light in the scene.
void setTargetPosition(const Point2f &position)
Set the position.
Definition: gkernel.hpp:72
virtual int getQuantizationLevels() const =0
Returns the parameter used for quantization of color-space.
This class is a typed wrapper over a regular GComputation.
Definition: gtyped.hpp:85
static Ptr< Params > defaultParams()
Default parameters A set of parameters which provides better model quality, can be very slow.
void addSamplesDataSearchSubDirectory(const cv::String &subdir)
Append samples search data sub directory.
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:194
@ SCENE_OFFSCREEN
Render off-screen without a window. Allows separate AA setting. Requires manual update via WindowScen...
Definition: ovis.hpp:55
virtual int getNumIterations() const =0
std::string m_tag
Definition: ie.hpp:184
size_t ofs
Definition: persistence.hpp:689
Vec< _Tp, 4 > toVec() const
transform the this quaternion to a Vec<T, 4>.
_Tp width
width of the rectangle
Definition: types.hpp:455
@ COLOR_RGB2Luv
Definition: imgproc.hpp:596
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)
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.
void points(Point2f pts[]) const
void resetTexCoordArray()
Resets vertex texture coordinates.
std::vector< Feature > features
Definition: linemod.hpp:46
Mat blobFromImages(InputArrayOfArrays images, double scalefactor=1.0, Size size=Size(), const Scalar &mean=Scalar(), bool swapRB=false, bool crop=false, int ddepth=CV_32F)
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center,...
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
virtual float getVariationalRefinementDelta() const =0
Weight of the color constancy term.
__host__ size_t elemSize1() const
@ COLOR_RGB2BGRA
Definition: imgproc.hpp:535
FileNodeIterator(const FileNodeIterator &it)
TrackerContribFeature based on LBP.
Definition: tracking_internals.hpp:913
int initMaxNegNum
Definition: tracking.private.hpp:369
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:981
DftFlags
Definition: base.hpp:225
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
Definition: NCV.hpp:344
@ MARKER_TILTED_CROSS
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:835
std::vector< String > keys() const
Returns keys of a mapping node.
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
void(* MouseCallback)(int event, int x, int y, int flags, void *userdata)
Callback function for mouse events. see cv::setMouseCallback.
Definition: highgui.hpp:272
Definition: intrinsics.hpp:16
_Tp area() const
area (width*height) of the rectangle
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
Variational optical flow refinement.
Definition: tracking.hpp:524
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
@ COLOR_YUV2GRAY_NV12
Definition: imgproc.hpp:670
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:921
int cornerRefinementWinSize
Definition: aruco.hpp:167
int hal_ni_log64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:457
@ is_vec
Definition: type_traits.hpp:147
std::vector< Mat > member_type
Definition: core.hpp:3236
int selectBestClassifier(std::vector< bool > &errorMask, float importance, std::vector< float > &errors)
__host__ size_t elemSize() const
overridden forms of GpuMat::elemSize() etc.
backgroundType
Definition: gr_skig.hpp:88
static Ptr< KAZE > create(bool extended=false, bool upright=false, float threshold=0.001f, int nOctaves=4, int nOctaveLayers=4, KAZE::DiffusivityType diffusivity=KAZE::DIFF_PM_G2)
The KAZE constructor.
int rows
Definition: mask.hpp:85
virtual void read(const cv::FileNode &fn) CV_OVERRIDE
Read parameters from a FileNode object and store them.
virtual void run(InputArray inputImage)=0
Method which allows retina to be applied on an input image,.
double dot(const Mat &m) const
@ StsFilterStructContentErr
incorrect filter structure content
Definition: base.hpp:98
virtual void computeGradient(InputArray img, InputOutputArray grad, InputOutputArray angleOfs, Size paddingTL=Size(), Size paddingBR=Size()) const
Computes gradients and quantized gradient orientations.
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray H) CV_OVERRIDE
Projects the image point backward.
int m_numWeakClassifier
Definition: onlineBoosting.hpp:145
int freePoint
Definition: imgproc.hpp:1242
std::vector< T > & outVecR(int output)
Definition: goclkernel.hpp:67
void validate_input_args(const GRunArgs &args)
bool valid() const CV_NOEXCEPT
void inverseWarp(InputArray img1, OutputArray img2) const CV_OVERRIDE
void merge64s(const int64 **src, int64 *dst, int len, int cn)
virtual int getLevels() const =0
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:692
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
virtual int getMaxLevel() const =0
GCaptureSource(int id)
Definition: cap.hpp:50
bool logSoftMax
Definition: all_layers.hpp:272
void setDeblurer(Ptr< DeblurerBase > val)
Definition: stabilizer.hpp:86
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.
View(const GMatDesc &desc, uchar *data, const stepsT &steps={}, DestroyCallback &&cb=nullptr)
Params(const std::string &tag, const std::string &model, const std::string &device)
Definition: ie.hpp:160
Definition: warpers.hpp:361
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
GCompileArg(T &&t)
Definition: gcommon.hpp:164
bool computeMaxIdx
Definition: all_layers.hpp:253
v_reg< int, 4 > v_ceil(const v_reg< float, 4 > &a)
Ceil elements.
Definition: intrin_cpp.hpp:614
@ StsUnmatchedSizes
sizes of input/output structures do not match
Definition: base.hpp:109
double getMaxDepthDiff() const
Definition: depth.hpp:941
double confidence
Confidence two images are from the same panorama.
Definition: matchers.hpp:111
Mat readTorchBlob(const String &filename, bool isBinary=true)
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
Mat forward(const String &outputName=String())
Runs forward pass to compute output of layer with name outputName.
virtual void setC(double val)=0
GAPI_WRAP cv::GMat at(const std::string &name)
_Tp value_type
Definition: types.hpp:160
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:375
@ IMWRITE_WEBP_QUALITY
override EXR storage type (FLOAT (FP32) is default)
Definition: imgcodecs.hpp:98
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:411
std::vector< int > ind1
index of pixels for mapping process to obtains the grays values of face region
Definition: facemarkAAM.hpp:132
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.
virtual void map(UMatData *data, AccessFlag accessflags) const
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:2560
@ FHT_MIN
Definition: fast_hough_transform.hpp:90
@ 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
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1467
virtual void load(const std::string &path) CV_OVERRIDE=0
@ COLOR_BayerRG2BGRA
Definition: imgproc.hpp:783
std::shared_ptr< TypeHintBase > m_hint
Definition: garray.hpp:97
void setKernelParam(float alpha, float scale)
Set Mh kernel parameters.
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
Definition: gkernel.hpp:415
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions) CV_OVERRIDE
assumes that [0, size-1) is in or equals to [range.first, range.second)
Model & operator=(Model &&)=default
virtual void setPreFilterCap(int preFilterCap)=0
virtual bool getFindLargestObject()=0
@ MARKER_TRIANGLE_UP
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:839
__host__ void gridCopy_(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:64
T value
Definition: copy_through_move.hpp:19
static const char * tag()
Definition: plaidml.hpp:42
the Spectral Residual approach from
Definition: saliencySpecializedClasses.hpp:70
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)
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:506
Ptr< Feature2D > featuresFinder()
Definition: stitching.hpp:207
Definition: widgets.hpp:721
The class implements the modified H. Hirschmuller algorithm . Limitation and difference are as follow...
Definition: cudastereo.hpp:259
virtual void detectMultiScaleROI(InputArray 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
bool eval(const Mat &image, Rect ROI, float *result) const
void drawMarker(const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1)
Draw a canonical marker image.
std::vector< cv::detail::OpaqueKind > GKinds
Definition: gkernel.hpp:36
static MatShape concat(const MatShape &a, const MatShape &b)
Definition: shape_utils.hpp:179
ResultType operator()(const unsigned char *a, const unsigned char *b, int size) const
__host__ void gridReduceToRow(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:146
@ CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio.hpp:549
bool filterByCircularity
Definition: features2d.hpp:731
@ CV_SPECKLE_REMOVAL_AVG_ALGORITHM
Definition: stereo.hpp:114
static Ptr< ColorMomentHash > create()
@ CAP_FIREWIRE
IEEE 1394 drivers.
Definition: videoio.hpp:94
_mat_data _refImgData
Reference image data.
Definition: qualitygmsd.hpp:82
virtual int getHistory() const =0
PlanePortraitWarper(float scale)
Definition: warpers.hpp:666
virtual void getScaleShift(Mat &scale, Mat &shift) const
Returns parameters of layers with channel-wise multiplication and addition.
@ CAP_PROP_XI_CC_MATRIX_10
Color Correction Matrix element [1][0].
Definition: videoio.hpp:418
Definition: type_traits.hpp:72
@ StsNoConv
iteration didn't converge
Definition: base.hpp:76
PREDEFINED_DICTIONARY_NAME
Predefined markers dictionaries/sets Each dictionary indicates the number of bits and the number of m...
Definition: dictionary.hpp:141
@ COVAR_ROWS
Definition: core.hpp:199
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:136
util::variant< util::monostate, detail::ConstructVec, detail::ConstructOpaque > HostCtor
Definition: gtype_traits.hpp:206
UMat col(int x) const
returns a new matrix header for the specified column
@ FM_7POINT
7-point algorithm
Definition: calib3d.hpp:524
const GMetaArgs & outMetas() const
Vector of metadata descriptions of graph outputs.
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:194
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.
@ value
Definition: type_traits.hpp:66
static Ptr< Layer > create(const LayerParams ¶ms)
float lambda
regularization
Definition: tracking.hpp:123
__device__ __forceinline__ D cast_fp16(T v)
@ NCVMemoryTypeNone
Definition: NCV.hpp:429
DepthCleaner()
Definition: depth.hpp:198
@ MATERIAL_TEXTURE2
Definition: ovis.hpp:68
Abstract base class for TrackerContribSamplerAlgorithm that represents the algorithm for the specific...
Definition: tracking_internals.hpp:395
std::vector< std::string > images[4]
Definition: slam_kitti.hpp:68
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point backward.
cv::String getParent(const cv::String &path)
virtual void setAlpha(float val)=0
Weight of the smoothness term.
virtual void collectGarbage()=0
Releases all buffers, contexts and device pointers.
@ NPPST_SUCCESS
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
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
OpaqueRefT()
Definition: gopaque.hpp:145
void merge(const Mat *mv, size_t count, OutputArray dst)
Creates one multi-channel array out of several single-channel ones.
int shift
The number of fractional bits in the point coordinates.
Definition: render_types.hpp:152
virtual void setGridY(int val)=0
void NSImageToMat(const NSImage *image, cv::Mat &m, bool alphaExist=false)
@ DFT_REAL_OUTPUT
Definition: base.hpp:252
GMat RGB2Gray(const GMat &src)
Converts an image from RGB color space to gray-scaled.
static void call(GPlaidMLContext &ctx)
Definition: gplaidmlkernel.hpp:113
Kind
Definition: gfluidkernel.hpp:49
Distance::ElementType ElementType
Definition: flann.hpp:173
@ OEM_CUBE_ONLY
Definition: ocr.hpp:86
__host__ NCVStatus setWeight(Ncv32f weight)
Definition: NCVHaarObjectDetection.hpp:95
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
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
bool use_color_names
Definition: tracking.hpp:46
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:217
Matx23d bounding
Definition: msm_epfl.hpp:72
virtual void setNumIters(int iters)=0
int nativeVectorWidthInt() const
virtual void kpinsert(const vector< KeyPoint > keypoints, const 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 ...
Point3_(_Tp _x, _Tp _y, _Tp _z)
static Ptr< Params > hashTSDFParams(bool isCoarse)
HashTSDF parameters A set of parameters suitable for use with HashTSDFVolume.
@ RO_IGNORE_BORDERS
Skip validations of image borders.
Definition: fast_hough_transform.hpp:118
float distThresh() const
Definition: inpainting.hpp:153
TrackerSamplerCSC(const TrackerSamplerCSC::Params ¶meters=TrackerSamplerCSC::Params())
Constructor.
This 3D Widget defines a collection of clouds. :
Definition: widgets.hpp:737
void write(FileStorage &fs) const
virtual void setVotesThreshold(int votesThreshold)=0
The accumulator threshold for the template centers at the detection stage. The smaller it is,...
GCompoundKernel(const F &f)
void getMemoryConsumption(const std::vector< MatShape > &netInputShapes, std::vector< int > &layerIds, std::vector< size_t > &weights, std::vector< size_t > &blobs) const
Computes bytes number which are required to store all weights and intermediate blobs for each layer.
bool getUseInitialFlow() const
Definition: vec_distance.hpp:156
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:515
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:803
void feed(InputArray img, InputArray mask, Point tl) CV_OVERRIDE
Processes the image.
This structure represents a text string to draw using FreeType renderer.
Definition: render_types.hpp:93
bool isThreadSafe() const
Definition: matchers.hpp:145
@ CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
The alpha channel of RGB32 output image format.
Definition: videoio.hpp:447
optional_shared_lock_guard(Mutex *m)
Definition: lock.private.hpp:104
@ COVAR_SCRAMBLED
Definition: core.hpp:179
virtual int getMinArea() const =0
short val[8]
Definition: intrin_rvv.hpp:354
RotatedRect CamShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object center, size, and orientation.
@ OCL_VECTOR_DEFAULT
Definition: ocl.hpp:662
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:252
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) CV_OVERRIDE
Recognize text using Beam Search.
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
v_uint32x4(unsigned v0, unsigned v1, unsigned v2, unsigned v3)
Definition: intrin_rvv.hpp:368
@ COLOR_SPACE_XYZ_D50_2
non-RGB color space
Definition: ccm.hpp:112
virtual Mat cluster() const =0
static Quat< _Tp > lerp(const Quat< _Tp > &q0, const Quat &q1, const _Tp t)
To calculate the interpolation from to by Linear Interpolation(Nlerp) For two quaternions,...
static Net readFromModelOptimizer(const String &xml, const String &bin)
Create a network from Intel's Model Optimizer intermediate representation (IR).
virtual FastFeatureDetector::DetectorType getType() const =0
bool integrated() const
device is integrated as opposed to discrete
float scale
Definition: facemarkAAM.hpp:90
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.
virtual bool empty() const CV_OVERRIDE=0
virtual void setNonmaxSuppression(bool f)=0
virtual void divide(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
static __device__ double atomicAdd(double *address, double val)
Definition: atomic.hpp:84
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)
@ IMWRITE_TIFF_RESUNIT
For TIFF, use to specify which DPI resolution unit to set; see libtiff documentation for valid values...
Definition: imgcodecs.hpp:100
__device__ static __forceinline__ void blockTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
void release()
decrements reference counter and released memory if needed.
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:2334
cv::Scalar color
The text color.
Definition: render_types.hpp:116
T & get()
Definition: garg.hpp:67
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.
virtual int getAgregationWindowSize() const =0
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:201
virtual void setCustomKernel(const Ptr< Kernel > &_kernel)=0
@ CPU_AVX_512DQ
Definition: cvdef.h:308
void waitForCompletion()
waits for an event to complete
double shape_offset
offset for the loaded face landmark points
Definition: facemarkLBF.hpp:58
@ BM3D_STEP1
Definition: bm3d_image_denoising.hpp:73
Impl * p
Definition: ocl.hpp:529
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
int dims
Definition: mat.hpp:2676
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1191
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 process(const cv::Mat &frame, const TrackedObjects &detections, uint64_t timestamp)=0
Process given frame.
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
virtual void setFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:81
int trackMaxNegNum
Definition: tracking_internals.hpp:661
Quat< T > sinh(const Quat< T > &q)
__host__ void gridFindMinVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:106
Ptr< ILog > log_
Definition: stabilizer.hpp:114
virtual void getCompositorTexture(const String &compname, const String &texname, OutputArray out, int mrtIndex=0)=0
int class_id
Definition: interface.h:27
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.
@ NV_OF_PERF_LEVEL_UNDEFINED
Definition: cudaoptflow.hpp:408
@ IMWRITE_TIFF_XDPI
For TIFF, use to specify the X direction DPI.
Definition: imgcodecs.hpp:101
GCaptureSource(const std::string &path)
Definition: cap.hpp:51
KmeansFlags
k-Means flags
Definition: core.hpp:210
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:138
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:584
static cv::Scalar _mse_to_psnr(cv::Scalar mse, double max_pixel_value)
Definition: qualitypsnr.hpp:110
cv::gapi::GBackend backend()
CommandLineParser(const CommandLineParser &parser)
Copy constructor.
@ LOCAL_OPTIM_SIGMA
Definition: calib3d.hpp:548
Camera(const Matx44d &proj, const Size &window_size)
@ BINARIZATION_SAUVOLA
Sauvola's technique. See .
Definition: ximgproc.hpp:120
virtual int getMaxBufferSize() const =0
virtual int getSuperpixelNNCnt() const =0
Parameter defines the number of nearest-neighbor matches for each superpixel considered,...
static Ptr< RTrees > create()
virtual void setMaxIters(int maxIters)=0
virtual bool atexists(const String &atlabel) const =0
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:156
@ COLOR_RGBA2GRAY
Definition: imgproc.hpp:553
Mat_(const std::array< _Tp, _Nm > &arr, bool copyData=false)
@ DIST_USER
User defined distance.
Definition: imgproc.hpp:300
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
virtual void setMaxDataTerm(double max_data_term)=0
static cv::gapi::GBackend backend()
Definition: gfluidkernel.hpp:432
Ptr< TonemapDurand > createTonemapDurand(float gamma=1.0f, float contrast=4.0f, float saturation=1.0f, float sigma_color=2.0f, float sigma_space=2.0f)
Creates TonemapDurand object.
Manages memory block shared by muliple buffers.
Definition: buffer_area.private.hpp:39
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...
virtual void generateFeatures()=0
EntityProperty
Definition: ovis.hpp:73
Point_()
default constructor
void locateROI(Size &wholeSize, Point &ofs) const
locates GpuMat header within a parent GpuMat
Impl *const p
Definition: ocl.hpp:726
virtual void setRho(float rho)=0
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)
LocalOptimMethod loMethod
Definition: calib3d.hpp:558
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
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)
bool useIlluminationModel
Definition: rlofflow.hpp:126
virtual void setTheta(double theta)=0
ogl::Buffer & getOGlBufferRef() const
void postprocess(Outputs &... outs)
Definition: gcpukernel.hpp:226
@ NAME_EXPECTED
Definition: persistence.hpp:327
Background subtraction based on counting.
Definition: bgsegm.hpp:196
virtual ~Estimator()
Definition: motion_estimators.hpp:68
@ QUADS
Definition: opengl.hpp:486
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
RectanglesIntersectTypes
types of intersection between rectangles
Definition: imgproc.hpp:798
int solveCubic(InputArray coeffs, OutputArray roots)
Finds the real roots of a cubic equation.
int simulatedAnnealingSolver(SimulatedAnnealingSolverSystem &solverSystem, double initialTemperature, double finalTemperature, double coolingRatio, size_t iterationsPerStep, double *lastTemperature=NULL, cv::RNG &rngEnergy=cv::theRNG())
The class implements simulated annealing for optimization.
GOpaqueU(const GNode &n, std::size_t out)
std::function< void(const GMetaArgs &, const GArgs &, GArg &, const GCompileArgs &)> SetupF
Definition: gcpukernel.hpp:142
virtual void dscreate(const int n_dims, const int *sizes, const int type, const String &dslabel, const int compresslevel, const int *dims_chunks) const =0
Create and allocate storage for n-dimensional dataset, single or multichannel type.
virtual void setNumFrames(int nframes)=0
StreamType
Definition: container_avi.private.hpp:136
Definition: intrin_rvv.hpp:452
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
Ptr< DeblurerBase > deblurer_
Definition: stabilizer.hpp:118
__host__ BrdConstant< typename PtrTraits< SrcPtr >::ptr_type > brdConstant(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type val)
Definition: extrapolation.hpp:76
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)
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.
unsigned int getWidth()
Definition: container_avi.private.hpp:93
virtual int getEdgeThreshold() const =0
virtual void load(const std::string &path) CV_OVERRIDE=0
size_t step1() const
returns step/elemSize1()
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
Definition: feature.hpp:363
Model(const Model &)=default
void undistort(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
Transforms an image to compensate for lens distortion.
#define OPENCV_HAL_IMPL_RVV_FLOAT_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1388
__host__ GpuMat_ rowRange(int startrow, int endrow) const
virtual double getDecisionFunction(int i, OutputArray alpha, OutputArray svidx) const =0
Retrieves the decision function.
double getTickFrequency()
Returns the number of ticks per second.
detail::OpaqueRef & outOpaqueRef(int output)
void glob(const cv::String &directory, const cv::String &pattern, std::vector< cv::String > &result, bool recursive=false, bool includeDirectories=false)
bool setFeatureDetector(Ptr< FeatureDetector > featureDetector)
const MatAllocator * prevAllocator
Definition: mat.hpp:554
float maxRectifiedDistance
Max deviation from prediction. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1654
int euler
Euler's number.
Definition: erfilter.hpp:81
virtual void setColorAdaptation(float color_adapt)=0
bool create(const char *kname, const ProgramSource &prog, const String &buildopts, String *errmsg=0)
Net::Result infer(cv::GOpaque< cv::Rect > roi, T in)
Calculates response for the specified network (template parameter) for the specified region in the so...
Definition: infer.hpp:323
float16_t saturate_cast< float16_t >(uchar v)
Definition: saturate.hpp:164
Matx< float, 2, 2 > Matx22f
Definition: matx.hpp:239
double rotation_threshold
Definition: ppf_match_3d.hpp:155
int getMinNeighbours()
Definition: detection_based_tracker.hpp:104
double getMinDist() const
Returns minimal distance value.
@ WAVE_CORRECT_HORIZ
Definition: motion_estimators.hpp:330
const T & inArg(int input)
Definition: gplaidmlkernel.hpp:39
virtual float getCost()=0
uchar * ptr
Definition: mat.hpp:3219
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
int l2CacheSize() const
size of L2 cache in bytes
virtual void setSaturation(float saturation)=0
__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
Definition: track_vot.hpp:69
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:92
Element wise operation on inputs.
Definition: all_layers.hpp:518
Mat cross(const Mat &m) const
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
size_t printfBufferSize() const
Definition: agast.txt:7482
float response
Definition: descriptor.hpp:120
Definition: gfluidkernel.hpp:46
Definition: functional.hpp:715
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:1132
void guidedFilter(InputArray guide, InputArray src, OutputArray dst, int radius, double eps, int dDepth=-1)
Simple one-line Guided Filter call.
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
void grid(const Mat &img, Mat &grid_r, Mat &grid_c) const
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
virtual ~TrackerFeature()
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1116
void setMaxTranslation(double val)
Definition: depth.hpp:843
std::vector< VideoCaptureAPIs > getCameraBackends()
Returns list of available backends which works via cv::VideoCapture(int index)
PaniniPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:230
String type
Type name which was used for creating layer by layer factory (optional).
Definition: dnn.hpp:115
static bool hasEqualOrGreaterPtx(int major, int minor)
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) CV_OVERRIDE
Recognize text using the tesseract-ocr API.
std::vector< GOptRunArgP > GOptRunArgsP
Definition: gstreaming.hpp:72
Mat rowRange(int startrow, int endrow) const
Creates a matrix header for the specified row span.
UMat(Size size, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
vfloat32mf2_t()
Definition: intrin_rvv.hpp:94
virtual ~FacemarkKazemi()
const T * ptr(int y, int x) const
Definition: rmat.hpp:87
PyParams(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
static void removeDuplicatedSorted(std::vector< KeyPoint > &keypoints)
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.
float icpAngleThresh
angle threshold for ICP in radians
Definition: large_kinfu.hpp:73
_Tp value_type
Definition: matx.hpp:113
@ HOUGH_MULTI_SCALE
Definition: imgproc.hpp:478
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
virtual int getSlicSpixelSize()=0
Scalar_< double > Scalar
Definition: types.hpp:669
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
std::string model_filename
Definition: facemarkAAM.hpp:67
@ CAP_PROP_XI_EXPOSURE_BURST_COUNT
Sets the number of times of exposure in one frame.
Definition: videoio.hpp:365
@ IMPL_IPP
Definition: instrumentation.hpp:56
virtual int getWinSize() const =0
virtual float getRho() const =0
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.
Mat_ & operator=(const Mat &m)
bool detect(InputArray img, OutputArray points) const
Detects QR code in image and returns the quadrangle containing the code.
MatxCommaInitializer(Matx< _Tp, m, n > *_mtx)
static Matx randu(_Tp a, _Tp b)
Generates uniformly distributed random numbers.
__device__ __forceinline__ uint vabsdiff4(uint a, uint b)
Definition: simd_functions.hpp:847
void setRepresentation(int representation)
Sets geometry representation of the widgets to surface, wireframe or points.
@ CAP_PROP_EXPOSUREPROGRAM
Camera exposure program.
Definition: videoio.hpp:581
@ AGAST_7_12s
Definition: features2d.hpp:605
int val[4]
Definition: intrin_rvv.hpp:417
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0) CV_OVERRIDE
String getClassName() const
Get the name of the specific TrackerContribSamplerAlgorithm.
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE=0
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)
void GaussianBlur(InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT)
Blurs an image using a Gaussian filter.
static Quat< _Tp > createFromRotMat(InputArray R)
from a 3x3 rotation matrix.
friend void swap(any &lhs, any &rhs)
Definition: any.hpp:106
void mapForward(float x, float y, float &u, float &v)
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
@ PSM_AUTO_ONLY
Definition: ocr.hpp:71
cv::Mat getK() const
Definition: depth.hpp:156
float sPointInOctaveX
Definition: descriptor.hpp:132
virtual void setLambda(float _lambda)=0
Lambda is a parameter defining the weight of the edge-aware term in geodesic distance,...
const std::vector< std::pair< String, Ptr< TrackerContribSamplerAlgorithm > > > & getSamplers() const
Return the collection of the TrackerContribSamplerAlgorithm.
Definition: onlineBoosting.hpp:199
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:124
static _OutputArray rawOut(std::array< _Tp, _Nm > &arr)
Definition: container_avi.private.hpp:148
static softfloat eps()
Difference between 1 and next representable value.
Definition: softfloat.hpp:214
Mat temp3
Definition: tracking.hpp:407
size_t blockIdx
Definition: persistence.hpp:688
GArg(const T &t)
Definition: garg.hpp:52
void apply(GOCLContext &ctx)
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3144
virtual void setPyramidScaleFactor(double scale_factor)=0
Definition: gcpukernel.hpp:492
int height
Definition: sinusoidalpattern.hpp:86
virtual void run(const std::vector< String > &images) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
int resImHeight
Definition: saliencySpecializedClasses.hpp:112
ObjectStatus
Definition: detection_based_tracker.hpp:139
v_reg< short, 8 > v_int16x8
Eight 16-bit signed integer values.
Definition: intrin_cpp.hpp:399
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:341
std::vector< Point2f > s0
Definition: facemarkAAM.hpp:100
WCloudNormals(InputArray cloud, InputArray normals, int level=64, double scale=0.1, const Color &color=Color::white())
Constructs a WCloudNormals.
Random Number Generator.
Definition: core.hpp:2780
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
bool value_type
Definition: mask.hpp:59
static int type()
Definition: flann.hpp:82
virtual ~StrongClassifierDirectSelection()
int cols
Definition: deriv.hpp:209
v_float32x4()
Definition: intrin_rvv.hpp:425
bool detectAndDecodeMulti(InputArray img, std::vector< std::string > &decoded_info, OutputArray points=noArray(), OutputArrayOfArrays straight_qrcode=noArray()) const
Both detects and decodes QR codes.
int getHeight() const
Definition: container_avi.private.hpp:166
virtual void setWTA_K(int wta_k)=0
double minContoursArea
Definition: checker_detector.hpp:111
virtual bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)=0
static cv::GPlaidMLKernel kernel()
Definition: gplaidmlkernel.hpp:133
virtual float getEPICLambda() const =0
see ximgproc::EdgeAwareInterpolator() lambda value.
Status stitch(InputArrayOfArrays images, OutputArray pano)
void * pv
Definition: dict.hpp:106
Program(const Program &prog)
int id
Definition: ppf_match_3d.hpp:81
static Ptr< MarrHildrethHash > create(float alpha=2.0f, float scale=1.0f)
std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
Represents the model of the target at frame (all states and scores)
Definition: tracking.private.hpp:214
copy_through_move_t(copy_through_move_t &&)=default
Mat eigenvectors() const
Definition: core.hpp:2610
void setNonmaxSuppression(bool f)
Definition: agast.txt:7526
@ COLOR_BayerGB2BGR_MHT
Definition: cudaimgproc.hpp:96
float vscale
Definition: highgui.hpp:707
virtual bool getFaces(InputArray image, OutputArray faces)=0
get faces using the custom detector
@ CAP_PROP_XI_SHARPNESS
Sharpness Strength.
Definition: videoio.hpp:413
Point(int _x, int _y)
Definition: types.hpp:25
size_t elemSize() const
Returns the matrix element size in bytes.
Definition: mat.hpp:186
void filterSpeckles(InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray())
Filters off small noise blobs (speckles) in the disparity map.
int numFeatures
Definition: feature.hpp:157
ERStat * prev
Definition: erfilter.hpp:106
Mat depth
Definition: depth.hpp:474
virtual ~ObjectnessBING()
_Tp * data()
returns pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:128
std::vector< GBackend > backends() const
Dictionary(const Mat &_bytesList=Mat(), int _markerSize=0, int _maxcorr=0)
K API
Definition: goclkernel.hpp:236
Type
Definition: types.hpp:308
friend T & get(variant< Us... > &v)
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitybase.hpp:49
virtual void setSaturationWeight(float saturation_weight)=0
void create(Size sz, int type, int i=-1, bool allowTransposed=false, _OutputArray::DepthMask fixedDepthMask=static_cast< _OutputArray::DepthMask >(0)) const
@ NCV_HAAR_TOO_LARGE_FEATURES
Definition: NCV.hpp:346
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
MatConstIterator()
default constructor
int hal_ni_threshold(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int cn, double thresh, double maxValue, int thresholdType)
Calculates fixed-level threshold to each array element.
Definition: hal_replacement.hpp:661
int n_iter
Definition: facemarkAAM.hpp:70
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.
void compute(const Mat &image, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr=false) const
Requires descriptors computation.
virtual int getOuterIterations() const =0
number of warping iterations (number of pyramid levels)
virtual void setDelta(int delta)=0
virtual void clearStrategies()=0
Clear the list of strategy to process;.
virtual void compute(const cv::Mat &mat, cv::Mat &descr)=0
Computes image descriptor.
static Affine3 Identity()
Create an 4x4 identity transform.
GpuMat(const GpuMat &m, Rect roi)
Ptr< DenseOpticalFlow > createOptFlow_DenseRLOF()
Additional interface to the Dense RLOF algorithm - optflow::calcOpticalFlowDenseRLOF()
@ CAP_PROP_DC1394_MODE_AUTO
Definition: videoio.hpp:217
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:155
@ CAP_IMAGES
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:119
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:241
Net & getNetwork_() const
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.
float value_type
Definition: vec_distance.hpp:124
virtual void setDistanceStrong(const Distance &val)=0
Strong distance setter.
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.
float minGraphConfidence
Definition: calib3d.hpp:1638
void infoFlow(InputArray image, InputArray tmap, OutputArray result)
Compute alpha matte of an object in an image.
Definition: inpainting.hpp:142
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions) CV_OVERRIDE
assumes that [0, size-1) is in or equals to [range.first, range.second)
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:430
int64 getFLOPS(const std::vector< MatShape > &netInputShapes) const
Computes FLOP for whole loaded model with specified input shapes.
virtual int getNumIters() const =0
double sigma_scale
Definition: descriptor.hpp:702
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.
INITIAL_METHOD_TYPE
Enum of the possible types of initial method.
Definition: ccm.hpp:68
virtual double getMaxScale() const =0
Vec< _Tp, m > operator*() const
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.
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:74
std::string action
Definition: hpe_humaneva.hpp:63
uchar * datastart
Definition: cuda.hpp:596
WMesh(InputArray cloud, InputArray polygons, InputArray colors=noArray(), InputArray normals=noArray())
static Ptr< FR_adience > create()
Definition: logger.hpp:50
int x
Definition: tr_svt.hpp:63
T & at(Ncv32u x, Ncv32u y) const
Definition: NCV.hpp:812
int getDepth() const
Definition: depth.hpp:239
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:246
void replaceWeakClassifier(int idx)
@ COLOR_YUV2BGR_YUNV
Definition: imgproc.hpp:703
Definition: all_layers.hpp:311
softfloat getFrac() const
Get a fraction part.
Definition: softfloat.hpp:187
virtual float getFgsSigma() const =0
see ximgproc::EdgeAwareInterpolator().
@ DFT_SCALE
Definition: base.hpp:231
Ptr< DFT > createDFT(Size dft_size, int flags)
Creates implementation for cuda::DFT.
void extraction(const std::vector< Mat > &images)
Extract features from the images collection.
void write(FileStorage &) const
void setDistThreshold(float val)
Definition: inpainting.hpp:152
Ptr< IOutlierRejector > outlierRejector() const
Definition: global_motion.hpp:244
Class implements both functionalities for detection of lines and computation of their binary descript...
Definition: descriptor.hpp:181
Definition: fr_lfw.hpp:61
@ SR_FIXED
Definition: rlofflow.hpp:18
@ LINE_STRIP
Definition: opengl.hpp:482
_OutputArray(const std::array< Mat, _Nm > &arr)
int initShape_n
multiplier for augment the training data
Definition: facemarkLBF.hpp:67
#define OPENCV_HAL_IMPL_RVV_UNSIGNED_SHIFT_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1302
virtual Mat getResponses() const =0
@ COLOR_YUV2RGBA_YUNV
Definition: imgproc.hpp:711
int multiProcessorCount() const
number of multiprocessors on device
VideoFileSource(const String &path, bool volatileFrame=false)
virtual int getInnerIterations() const =0
number of lagged non-linearity iterations (inner loop)
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 .
@ CAP_PROP_PVAPI_PIXELFORMAT
Pixel format.
Definition: videoio.hpp:307
size_t elemSize() const
overridden forms of Mat::elemSize() etc.
_mat_data(const mat_type &)
static OpenCLExecutionContext create(const Context &context, const Device &device)
virtual Mat getChartsYCbCr()=0
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:179
double calcGlobalOrientation(InputArray orientation, InputArray mask, InputArray mhi, double timestamp, double duration)
Calculates a global motion orientation in a selected region.
@ COLOR_SPACE_XYZ_D55_10
non-RGB color space
Definition: ccm.hpp:117
virtual Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)=0
GBackend backend() const
Definition: ie.hpp:141
static MatExpr min(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3691
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
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 requested locations to be evaluated
Definition: objdetect.hpp:350
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
@ CPU_FP16
Definition: cvdef.h:300
virtual void setCenter(Point2f _center)=0
@ CAP_AVFOUNDATION
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:107
cv::GMetaArgs descrs_of(const std::vector< Mat > &vec)
Definition: functional.hpp:320
The base class for auto white balance algorithms.
Definition: white_balance.hpp:64
virtual void setNumSlicIter(int n)=0
: set and get the parameter numSlicIter. This parameter is used in the first stage....
Abstract base class for all face recognition models.
Definition: face.hpp:158
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
std::string name() const
returns the node name or an empty string if the node is nameless
void convertTo(OutputArray dst, int rtype, Stream &stream) const
converts GpuMat to another datatype (Non-Blocking call)
@ RIGID_BODY_MOTION
Definition: depth.hpp:531
@ LINEARIZATION_GRAYLOGPOLYFIT
grayscale Logarithmic polynomial fitting; Need assign a value to deg and dst_whites simultaneously
Definition: ccm.hpp:337
int cols
Definition: deriv.hpp:116
static Ptr< KNearest > create()
Creates the empty model.
ANN_MLP ANN_MLP_ANNEAL
Definition: ml.hpp:1618
void updateContinuityFlag()
internal use method: updates the continuity flag
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
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.
static Ptr< OR_mnist > create()
@ CALIB_FIX_ASPECT_RATIO
Definition: calib3d.hpp:497
@ HOUGH_STANDARD
Definition: imgproc.hpp:470
virtual int run(InputOutputArray param) const =0
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
@ IMREAD_ANYCOLOR
If set, the image is read in any possible color format.
Definition: imgcodecs.hpp:74
MaskPtr mask
Definition: mask.hpp:73
static GRunArg exec(cv::gapi::s11n::IIStream &is, uint32_t idx)
Definition: s11n.hpp:297
Structure for the Background Subtractor operation's initialization parameters.
Definition: video.hpp:101
virtual void setHighThreshold(double high_thresh)=0
@ VC1
Definition: cudacodec.hpp:250
unsigned int m_height
Definition: container_avi.private.hpp:130
int perimeter
Definition: erfilter.hpp:80
NCVStatus copy2D(NCVMatrix< T > &dst, NcvSize32u roi, cudaStream_t cuStream) const
Definition: NCV.hpp:794
@ CCL_WU
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:407
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
Mat operator()(Range rowRange, Range colRange) const
Extracts a rectangular submatrix.
Mat measurementNoiseCov
Measurement noise cross-covariance matrix, MP x MP.
Definition: kalman_filters.hpp:140
static void getAllDescriptorsForImage(const Mat *imgCh, std::vector< GPCPatchDescriptor > &descr, const GPCMatchingParams &mp, int type)
int height
Definition: or_pascal.hpp:83
GMat BGR2I420(const GMat &src)
Converts an image from BGR color space to I420 color space.
T & wref()
Definition: gopaque.hpp:177
virtual void collectGarbage()=0
Mat bytesList
Definition: dictionary.hpp:64
@ GC_BGD
an obvious background pixels
Definition: imgproc.hpp:345
SparseMatIterator_(const SparseMatIterator_ &it)
the copy constructor
virtual void atread(double *value, const String &atlabel)=0
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.
void writeComment(const String &comment, bool append=false)
Writes a comment.
int mapcount
Definition: mat.hpp:566
virtual ~CChecker()
Definition: checker_model.hpp:68
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 >(), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT)
Draws the found matches of keypoints from two images.
T get(int idx=-1) const
Tries to convert array element with specified index to requested type and returns its.
TrackerSamplerPF(const Mat &chosenRect, const TrackerSamplerPF::Params ¶meters=TrackerSamplerPF::Params())
Constructor.
virtual void setMaxNumPoints(int max_npoints)=0
static const U & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:121
Params & pluginConfig(const IEConfig &cfg)
Definition: ie.hpp:135
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
GMat YUV2RGB(const GMat &src)
Converts an image from YUV color space to RGB. The function converts an input image from YUV color sp...
@ PROJ_SPHERICAL_ORTHO
Definition: calib3d.hpp:3556
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
bool update(float value, int target)
This algorithm decomposes image into two layers: base layer and detail layer using bilateral filter a...
Definition: tonemap.hpp:25
double Rw
Definition: gr_chalearn.hpp:67
const int * greek
Definition: highgui.hpp:705
Size_< double > Size2d
Definition: types.hpp:346
int numClasses() const
Definition: linemod.hpp:381
Vec2i maxSurface1DLayered() const
maximum 1D layered surface dimensions
Ptr< UkfSystemModel > model
Object of the class containing functions for computing the next state and the measurement.
Definition: kalman_filters.hpp:148
AllocType alloc_type
Definition: cuda.hpp:599
@ QT_PUSH_BUTTON
Push button.
Definition: highgui.hpp:257
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:88
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracking.private.hpp:332
@ COLOR_HSV2BGR_FULL
Definition: imgproc.hpp:615
join s[20]
Definition: gr_chalearn.hpp:72
void getProjTr(OutputArray projTr) const
Definition: mapprojec.hpp:88
__host__ GpuMat_ operator()(Range rowRange, Range colRange) const
int nneg
Definition: tracking_feature.private.hpp:85
@ RHO
RHO algorithm.
Definition: calib3d.hpp:446
WCircle(double radius, const Point3d ¢er, const Vec3d &normal, double thickness=0.01, const Color &color=Color::white())
Constructs repositioned planar circle.
@ COLOR_RGBA2BGR
Definition: imgproc.hpp:537
void write(FileStorage &fs, const String &name, const String &value)
Singular Value Decomposition.
Definition: core.hpp:2641
void erase(const String &key)
Erase key from the dictionary.
virtual void scale(double factor)=0
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:803
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.
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
float fy
Definition: intrinsics.hpp:75
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())
virtual void setMarginRegularization(float marginRegularization)=0
Parameter marginRegularization of a SVMSGD optimization problem.
std::function< std::tuple< R... >Args...)> Gen
Definition: gtyped.hpp:167
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
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:56
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.
int descriptorSize() const
Return descriptor size.
Impl * getImpl() const
Definition: ocl.hpp:375
@ AM_FILTER
Definition: edge_filter.hpp:58
#define N_CELLS
Definition: feature.hpp:83
PHash()
Definition: phash.hpp:27
static Ptr< TRACK_alov > create()
void include()
Put a new kernel implementation or a new transformation KImpl into the package.
Definition: gkernel.hpp:603
const Vec2d & getClip() const
Definition: types.hpp:210
@ CALIB_CB_LARGER
Definition: calib3d.hpp:486
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(...
bool filterByInertia
Definition: features2d.hpp:734
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:236
@ COLORMAP_MAGMA
Definition: imgproc.hpp:4280
_Tp height
height of the rectangle
Definition: types.hpp:456
@ LINES
Definition: opengl.hpp:480
DictValue(double p)
Constructs floating point scalar.
Definition: dict.hpp:67
View & operator=(View &&v)
@ MORPH_BLACKHAT
Definition: imgproc.hpp:223
const GOrigin & priv() const
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:518
static GComputation invoke(Callable f, Seq< IIs... >, Seq< OIs... >)
Definition: gtransform.hpp:47
@ COLOR_YUV2BGR_YVYU
Definition: imgproc.hpp:699
MatExpr max(const Mat &a, double s)
@ value
Definition: type_traits.hpp:119
@ DEFAULT
Definition: descriptor.hpp:1157
Video writer class.
Definition: videoio.hpp:864
static Ptr< Layer > create(const LayerParams ¶ms)
void commit()
Allocate memory and initialize all bound pointers.
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:777
Definition: multicalib.hpp:83
float negativeSlope
Definition: all_layers.hpp:433
void setDepth(int val)
Definition: depth.hpp:152
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 demosaicing(InputArray src, OutputArray dst, int code, int dcn=-1, Stream &stream=Stream::Null())
Converts an image from Bayer pattern to RGB or grayscale.
int rows
Definition: resize.hpp:79
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:152
View mkView(int borderSize, bool ownStorage)
virtual ~IFrameSource()
Definition: frame_source.hpp:60
@ COLOR_SPACE_Lab_E_2
non-RGB color space
Definition: ccm.hpp:132
@ TYPE_GPU
Definition: ocl.hpp:85
Matx()
default constructor
Matx< float, 4, 3 > Matx43f
Definition: matx.hpp:251
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:62
PCAFlow algorithm.
Definition: pcaflow.hpp:95
GKernelPackage pkg
Definition: gkernel.hpp:706
virtual void copyToHost()=0
Transfer data to CPU host memory.
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
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
virtual void inpaint(int, Mat &, Mat &) CV_OVERRIDE
Definition: inpainting.hpp:105
@ NORM_TYPE_MASK
bit-mask which can be used to separate norm type from norm flags
Definition: base.hpp:205
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.
@ CAP_PROP_BITRATE
(read-only) Video bitrate in kbits/s
Definition: videoio.hpp:182
std::function< R(Args...)> Gen
Definition: gtyped.hpp:91
virtual void setEdgeMinMag(float value)=0
Sets the edge min magnitude.
Candidate(int x, int y, int label, float score)
Definition: linemod.hpp:112
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
virtual ~OptHolder()=default
int getWidthOfBand()
Get current width of bands.
@ FEATURE_SET_COMPUTE_12
Definition: cuda.hpp:777
void setMouseCallback(const String &winname, MouseCallback onMouse, void *userdata=0)
Sets mouse handler for the specified window.
Definition: functional.hpp:143
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:669
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Computes polar angles of complex matrix elements.
ptrdiff_t difference_type
Definition: mat.hpp:3015
static cv::detail::OpaqueRef wrap_out(T &t)
Definition: gtype_traits.hpp:100
void cleanup()
Release created TLS data container objects. It is similar to release() call, but it keeps TLS contain...
Definition: intrin_rvv.hpp:390
@ COL_SAMPLE
each training sample occupies a column of samples
Definition: ml.hpp:99
virtual ~BasicVectorRef()
Definition: garray.hpp:127
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
@ COLOR_BGRA2GRAY
Definition: imgproc.hpp:552
virtual String getDefaultName() const CV_OVERRIDE
GIOProtoArgs(GProtoArgs &&args)
Definition: gproto.hpp:63
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitygmsd.hpp:31
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:700
virtual void setCostMap(const Mat &_costMap)=0
Interface to provide a more elaborated cost map, i.e. edge map, for the edge-aware term....
Class passed to an error.
Definition: core.hpp:116
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
virtual int getSpeckleRange() const =0
void write(FileStorage &fs, const String &value)
Definition: persistence.hpp:915
__device__ __forceinline__ void warpYota(OutIt beg, OutIt end, T value)
Definition: warp.hpp:114
Mat errorCovInit
State estimate cross-covariance matrix, DP x DP, default is identity.
Definition: kalman_filters.hpp:137
@ CAP_PROP_GSTREAMER_QUEUE_LENGTH
Default is 1.
Definition: videoio.hpp:291
Feature matchers base class.
Definition: matchers.hpp:118
@ StsBadFunc
unsupported function
Definition: base.hpp:75
double polynomial_p2
Definition: simple_pipeline.hpp:115
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:103
std::vector< double > getMean() const
virtual bool getData(void *items=0)=0
Get data from an algorithm.
float fy
Definition: resize.hpp:66
Base class for modelling a Map between two images.
Definition: map.hpp:125
virtual void setBox(std::vector< Point2f > _box)=0
virtual void setAngleThresh(int angleThresh)=0
Angle votes threshold.
static Ptr< LSTMLayer > create(const LayerParams ¶ms)
@ CPU_AVX2
Definition: cvdef.h:302
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:2404
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:3679
virtual void setQuantizationLevels(int nlevels)=0
Sets the parameter used for quantization of color-space.
int(* ErrorCallback)(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
Definition: utility.hpp:162
@ COLOR_YUV2GRAY_YVYU
Definition: imgproc.hpp:719
int window_size_
Definition: depth.hpp:179
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
int x
Definition: tr_icdar.hpp:63
@ FHT_ADD
Definition: fast_hough_transform.hpp:94
void setBackgroundColor(const Color &color=Color::black(), const Color &color2=Color::not_set())
Sets background color.
virtual void setRLOFOpticalFlowParameter(Ptr< RLOFOpticalFlowParameter > val)=0
Configuration of the RLOF alogrithm.
virtual ~StaticSaliencyFineGrained()
void getTriangleList(std::vector< Vec6f > &triangleList) const
Returns a list of all triangles.
Quat< _Tp > atan() const
return arctan value of this quaternion, arctan could be calculated as:
const uchar * sliceEnd
Definition: mat.hpp:3066
@ CAP_OPENNI_GRAY_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:272
v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > v_dotprod_expand_fast(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Fast Dot product of elements and expand.
Definition: intrin_cpp.hpp:1073
const RS m_rs
Definition: gfluidkernel.hpp:91
Matx< _Tp, 4, 4 > toRotMat4x4(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform a quaternion to a 4x4 rotation matrix.
Vec2i maxTexture2DGather() const
maximum 2D texture dimensions if texture gather operations have to be performed
void release()
Decrements the reference counter and destroys the texture object if needed.
_OutputArray(const std::vector< Mat_< _Tp > > &vec)
virtual void getScreenshot(OutputArray frame)=0
static int help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:306
@ CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Automatic bandwidth calculation.
Definition: videoio.hpp:485
int hal_ni_FAST_dense(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, cv::FastFeatureDetector::DetectorType type)
Detects corners using the FAST algorithm, returns mask.
Definition: hal_replacement.hpp:69
Definition: tracking_legacy.hpp:127
int getNumOfOctaves()
Get current number of octaves.
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:56
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel) const =0
Definition: features2d.hpp:896
void min16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
@ STORE_ALIGNED
Definition: intrin.hpp:96
vuint8mf4_t()
Definition: intrin_rvv.hpp:131
UnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
Definition: interpolation.hpp:77
@ ICP_SAMPLING_TYPE_UNIFORM
Definition: icp.hpp:86
Definition: softfloat.hpp:90
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:168
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:124
virtual void load(const std::string &path) CV_OVERRIDE=0
int histogram_bins
Definition: tracking.hpp:65
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)
static Ptr< Boost > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized Boost from a file.
virtual void setReconstructionOptions(const libmv_ReconstructionOptions &libmv_reconstruction_options)=0
virtual void compose(cv::Ptr< Map > map)=0
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
~SparseMat()
the destructor
void markHostCopyObsolete(bool flag)
virtual void process(const cv::Mat &imageGray)
Mat_(const Mat_ &m, const std::vector< Range > &ranges)
selects a submatrix, n-dim version
virtual double getAnnealCoolingRatio() const =0
const std::vector< float > & getWeights() const
Definition: tracking_feature.private.hpp:109
Definition: stabilizer.hpp:144
float tsdf_trunc_dist
distance to truncate in meters
Definition: kinfu.hpp:125
_OutputArray(const std::array< _Tp, _Nm > &arr)
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:795
virtual double getTau() const =0
Time step of the numerical scheme.
GpuMat(Size size, int type, Scalar s, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
static void write(FileStorage &fs, const Scalar_< _Tp > &s)
Definition: persistence.hpp:972
float neighborhoodEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:102
void async(GCompiled &gcmpld, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs)
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
TrackedObject first_object
First object in track.
Definition: tracking_by_matching.hpp:394
void writeScalar(FileStorage &fs, const String &value)
NCVMatrixReuse(const NCVMemSegment &memSegment, Ncv32u alignment, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0, NcvBool bSkipPitchCheck=false)
Definition: NCV.hpp:926
Mat c
Definition: mat.hpp:3547
Definition: desync.hpp:24
Definition: infer.hpp:133
@ COVAR_SCALE
Definition: core.hpp:195
virtual int getThreshold() const =0
__host__ PtrTraits< Ptr2DSz >::ptr_type shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:85
int borderY
Definition: quasi_dense_stereo.hpp:44
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)
Mat member_type
Definition: core.hpp:3228
void add(const std::vector< Mat > &descriptors)
Store locally new descriptors to be inserted in dataset, without updating dataset.
float aprilTagMaxLineFitMse
Definition: aruco.hpp:185
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
Vec< short, 2 > Vec2s
Definition: matx.hpp:413
@ NPPST_ERROR
Unknown error.
Definition: NCV.hpp:356
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
GMat inRange(const GMat &src, const GScalar &threshLow, const GScalar &threshUp)
Applies a range-level threshold to each matrix element.
@ wb
Definition: container_avi.private.hpp:136
int type
Definition: all_layers.hpp:236
Camera getCamera() const
Returns a camera object that contains intrinsic parameters of the current viewer.
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
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
Rect warpRoi(Size src_size, InputArray K, InputArray R)
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:738
T thresh
Definition: functional.hpp:696
@ INPAINT_FSR_FAST
See INPAINT_FSR_BEST.
Definition: inpainting.hpp:95
GFluidKernel(Kind k, int l, bool scratch, const F &f, const IS &is, const RS &rs, const B &b, const GW &win)
Definition: gfluidkernel.hpp:75
void setWeight2(float val)
Definition: motion_stabilizing.hpp:134
bool linkerAvailable() const
virtual size_t maxSize() const
static String dumpFloat(float argument)
Definition: bindings_utils.hpp:44
std::string imageName
Definition: sr_div2k.hpp:25
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
7-element vector constructor
std::string imageName
Definition: msm_middlebury.hpp:62
std::vector< std::pair< Backend, Target > > getAvailableBackends()
WImage3D(InputArray image, const Size2d &size)
Constructs an WImage3D.
@ CAP_PROP_SAR_NUM
Sample aspect ratio: num/den (num)
Definition: videoio.hpp:175
void setCellSize(Size val)
Definition: outlier_rejection.hpp:79
NcvBool isMemAllocated() const
Definition: NCV.hpp:664
vuint16mf2_t()
Definition: intrin_rvv.hpp:50
void forward(OutputArrayOfArrays outputBlobs, const std::vector< String > &outBlobNames)
Runs forward pass to compute outputs of layers listed in outBlobNames.
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
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
@ BORDER_REFLECT
fedcba|abcdefgh|hgfedcb
Definition: base.hpp:271
bool setTrackerStateEstimator(Ptr< TrackerStateEstimator > trackerStateEstimator)
Set TrackerEstimator, return true if the tracker state estimator is added, false otherwise.
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:313
v_float32x4 v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2401
virtual void load(const std::string &path) CV_OVERRIDE=0
static Ptr< AccumLayer > create(const LayerParams ¶ms)
Complex conj() const
conjugation
virtual double getMaxDiscThreshold() const =0
truncation of disparity continuity
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)
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracking_internals.hpp:519
Definition: gr_chalearn.hpp:66
static const char * tag()
Definition: gcommon.hpp:258
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)
int pyramidLevels
Number of pyramid levels for ICP.
Definition: kinfu.hpp:102
Max< U > other
Definition: reduce_to_vec.hpp:131
int index_type
Definition: deriv.hpp:237
virtual int getDatasetLength(int id)=0
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
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:122
__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
virtual void load(const std::string &path) CV_OVERRIDE=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.
Paths getConfigurationParameterPaths(const char *name, const Paths &defaultValue=Paths())
virtual int getWarpingsNumber() const =0
std::function< int(const GMetaArgs &, const GArgs &)> GW
Definition: gfluidkernel.hpp:71
@ CPU_SSE4_1
Definition: cvdef.h:297
bool eval(const Mat &image, Rect ROI, float *result) const
@ COLOR_BayerGB2BGRA
Definition: imgproc.hpp:782
int dataType
Type of elements of vectors and matrices, default is CV_64F.
Definition: kalman_filters.hpp:134
void setDistance(DISTANCE_TYPE distance)
set Distance
uint imageBaseAddressAlignment() const
virtual bool initDataset(int id)=0
virtual bool getUseSurrogates() const =0
GMat cmpGT(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
String getText() const
Returns the current text content of the widget.
friend value_t * any_cast(any *operand)
Definition: any.hpp:114
This class wraps mesh attributes, and it can load a mesh from a ply file. :
Definition: types.hpp:121
Definition: functional.hpp:205
virtual void getLabelContourMask(OutputArray image, bool thick_line=false)=0
Returns the mask of the superpixel segmentation stored in SuperpixelSEEDS object.
GIOProtoArgs< Out_Tag > GProtoOutputArgs
Definition: gproto.hpp:93
optional()
Definition: optional.hpp:36
int rows() const
Definition: rmat.hpp:72
Mat project(InputArray vec) const
Projects vector(s) to the principal component subspace.
@ NCV_NULL_PTR
Definition: NCV.hpp:323
int memBaseAddrAlign() const
const T & rref() const
Definition: gopaque.hpp:188
Plane warper factory class.
Definition: warpers.hpp:151
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.
virtual String getDefaultName() const CV_OVERRIDE
GMat YUV2BGR(const GMat &src)
Converts an image from YUV color space to BGR color space.
__host__ __device__ static __forceinline__ char2 all(schar v)
Definition: vec_traits.hpp:162
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:74
Definition: warpers.hpp:205
@ COLOR_SPACE_XYZ_D75_2
non-RGB color space
Definition: ccm.hpp:118
std::tuple< GArray< Rect >, GArray< int > > GDetections
Definition: parsers.hpp:20
Definition: optical_flow.hpp:57
float parasolCells_k
Definition: retina.hpp:176
static Ptr< QualityMSE > create(InputArray ref)
Create an object which calculates quality.
static Ptr< Blender > createDefault(int type, bool try_gpu=false)
@ COLOR_BayerGB2RGB_VNG
Definition: imgproc.hpp:765
Rect rect
Definition: dpm.hpp:112
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
@ CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio.hpp:243
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
@ CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio.hpp:543
std::vector< int > computeReplacedClassifier()
Get the list of the weak classifiers that should be replaced.
Mat image
Definition: or_mnist.hpp:63
void setValue(InputArray value)
Definition: slam_tumindoor.hpp:75
std::string modelTxt
Definition: tracking.hpp:807
@ DISP_SHIFT
Definition: stereo.hpp:78
virtual void setPlotLineColor(Scalar _plotLineColor)=0
Point2i Point
Definition: types.hpp:194
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
LineIterator(Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4774
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gfluidkernel.hpp:65
Quat< _Tp > cos() const
return cos value of this quaternion, cos could be calculated as:
virtual int getDisp12MaxDiff() const =0
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
v_int32x4(int v0, int v1, int v2, int v3)
Definition: intrin_rvv.hpp:400
@ COLOR_BayerGR2RGB
Definition: imgproc.hpp:751
int hal_ni_pyrdown(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, int depth, int cn, int border_type)
Perform Gaussian Blur and downsampling for input tile.
Definition: hal_replacement.hpp:753
#define CV_Assert(expr)
Checks a condition at runtime and throws exception if it fails.
Definition: base.hpp:342
virtual void detect(InputArray dx, InputArray dy, OutputArray edges, Stream &stream=Stream::Null())=0
const Scalar & const_param_type
Definition: core.hpp:3283
Definition: dataset.hpp:565
int normL1_(const uchar *a, const uchar *b, int n)
@ EVENT_LBUTTONDBLCLK
indicates that left mouse button is double clicked.
Definition: highgui.hpp:217
static Ptr< OCRHolisticWordRecognizer > create(const std::string &archFilename, const std::string &weightsFilename, const std::string &wordsFilename)
Creates an instance of the OCRHolisticWordRecognizer class.
__host__ int depth() const
virtual void setChartsRGB(Mat _chartsRGB)=0
Feature(int offset, int x, int y, int _block_w, int _block_h)
cv::Rect calcTrackedObjectPositionToShow(int i) const
mat_type mu
Definition: qualityssim.hpp:62
void recompile(GMetaArgs &&in_metas, GCompileArgs &&args)
PPF3DDetector(const double relativeSamplingStep, const double relativeDistanceStep=0.05, const double numAngles=30)
Allocator(Allocator const &)
Definition: cvstd.hpp:124
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:131
std::tuple< Args... > InArgs
Definition: gkernel.hpp:243
Ptr< TonemapDrago > createTonemapDrago(float gamma=1.0f, float saturation=1.0f, float bias=0.85f)
Creates TonemapDrago object.
FileStorage & operator<<(FileStorage &fs, const String &str)
Writes string to a file storage.
virtual void setGroupThreshold(int group_threshold)=0
String className
Definition: tracking.private.hpp:265
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: goclkernel.hpp:81
static bool isEmptyCollection(int flags)
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
virtual float operator()(int varIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:336
Rect_(_Tp _x, _Tp _y, _Tp _width, _Tp _height)
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
Definition: infer.hpp:252
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
virtual NCVMemoryType memType(void) const =0
@ CAP_PROP_BUFFERSIZE
Definition: videoio.hpp:173
@ FONT_HERSHEY_SCRIPT_COMPLEX
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: imgproc.hpp:825
std::unordered_map< std::string, util::any > Meta
Definition: garg.hpp:124
Scalar_()
default constructor
static Ptr< SigmoidLayer > create(const LayerParams ¶ms)
void rescaleDepth(InputArray in, int depth, OutputArray out, double depth_factor=1000.0)
void calcOpticalFlowDenseRLOF(InputArray I0, InputArray I1, InputOutputArray flow, Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=0, Size gridStep=Size(6, 6), InterpolationType interp_type=InterpolationType::INTERP_EPIC, int epicK=128, float epicSigma=0.05f, float epicLambda=100.f, int ricSPSize=15, int ricSLICType=100, bool use_post_proc=true, float fgsLambda=500.0f, float fgsSigma=1.5f, bool use_variational_refinement=false)
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-t...
Size_(Size_ &&sz) CV_NOEXCEPT
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualityssim.hpp:33
int cols
Definition: constant.hpp:69
Artificial Neural Networks - Multi-Layer Perceptrons.
Definition: ml.hpp:1432
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg, GCompileArgs &&args)
Definition: gtyped.hpp:136
Program getProg(const ProgramSource &prog, const String &buildopt, String &errmsg)
std::string fileName
Definition: tr_svt.hpp:68
SegmentationModel(const String &model, const String &config="")
Create segmentation model from network represented in one of the supported formats....
@ DICT_ARUCO_ORIGINAL
Definition: dictionary.hpp:158
Mat(int _rows, int _cols, int _type, void *_data, size_t _step=AUTO_STEP)
Definition: mat.hpp:107
void v_store(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory.
Definition: intrin_cpp.hpp:1739
@ CALIB_SAME_FOCAL_LENGTH
Definition: calib3d.hpp:516
StoreMode
Definition: intrin.hpp:94
#define CV_OUT
Definition: cvdef.h:449
Mat_(const MatCommaInitializer_< _Tp > &commaInitializer)
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:229
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:398
int int_type
Definition: intrin.hpp:166
@ PSM_SINGLE_COLUMN
Definition: ocr.hpp:73
cv::utils::logging::LogTag * getGlobalLogTag()
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 applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
void run(const std::vector< Mat > &inputs, std::vector< Mat > &outputs, std::vector< Mat > &internals)
Allocates layer and computes output.
void addref()
Increments the reference counter.
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2387
Definition: garray.hpp:338
Clouds.
Definition: widgets.hpp:681
cv::Scalar color
The line color.
Definition: render_types.hpp:321
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
@ EVENT_FLAG_MBUTTON
indicates that the middle mouse button is down.
Definition: highgui.hpp:228
Definition: features2d.hpp:928
@ CAP_PROP_XI_LENS_FOCAL_LENGTH
Lens focal distance in mm.
Definition: videoio.hpp:442
optional_lock_guard(Mutex *m)
Definition: lock.private.hpp:80
Definition: or_pascal.hpp:69
int compressed_size
feature size after compression
Definition: tracking.hpp:132
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:237
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:427
@ CAP_PROP_XI_SHUTTER_TYPE
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:380
virtual String getDefaultName() const CV_OVERRIDE
Quat< _Tp > & operator/=(const Quat< _Tp > &)
Division assignment operator of two quaternions p and q; It divides left operand with the right opera...
int curPos_
Definition: stabilizer.hpp:127
int width
Definition: linemod.hpp:43
Base class for all pairwise seam estimators.
Definition: seam_finders.hpp:85
@ COLOR_BGR2Lab
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:592
static void serialize(IOStream &os, const GCompileArg &arg)
Definition: gcommon.hpp:230
v_int32x4 v_setall_s32(int val)
Definition: intrin_cpp.hpp:2378
_OutputArray(_Tp *vec, int n)
void write(FileStorage) const
Definition: feature.hpp:233
std::tuple< GArray< GArray< Point > >, GArray< Vec4i > > GFindContoursOutput
Definition: imgproc.hpp:53
@ GEMM_2_T
transposes src2
Definition: base.hpp:221
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
virtual void setMaxBoxes(int value)=0
Sets max number of boxes to detect.
virtual int getMinRegionSizeI()=0
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 write(const String &name, const std::vector< String > &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
virtual void suppress(int idx, const Mat &frame, Mat &result)=0
static MatExpr ones(int rows, int cols)
int pciDomainID() const
PCI domain ID of the device.
virtual void setUniquenessRatio(int uniquenessRatio)=0
int minImageSize
Definition: checker_detector.hpp:122
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:99
int corrWinSizeX
Definition: quasi_dense_stereo.hpp:40
double dot(const Vec< double, nFeatures > &coef) const
const stepsT & steps() const
Definition: rmat.hpp:91
T & outOpaqueR(int output)
Definition: goclkernel.hpp:71
int RCType
NVVE_RC_TYPE,.
Definition: cudacodec.hpp:90
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.
@ COLOR_YUV2GRAY_IYUV
Definition: imgproc.hpp:672
virtual void collectGarbage()=0
friend Quat< T > sqrt(const Quat< T > &q, QuatAssumeType assumeUnit)
return .
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:158
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
GMat threshold(const GMat &src, const GScalar &thresh, const GScalar &maxval, int type)
Applies a fixed-level threshold to each matrix element.
void not8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:82
__host__ Expr< SumExprBody< SrcPtr > > sum_(const SrcPtr &src)
Definition: reduction.hpp:77
@ SOLVEPNP_DLS
Definition: calib3d.hpp:460
The class implements the random forest predictor.
Definition: ml.hpp:1248
void getEdgeList(std::vector< Vec4f > &edgeList) const
Returns a list of all edges.
void operator()(InputArray points3d, InputArray normals, OutputArray mask, OutputArray plane_coefficients)
bool difficult
Definition: or_pascal.hpp:72
virtual void copyTo(HOGDescriptor &c) const
clones the HOGDescriptor
@ CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio.hpp:256
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
virtual void setInitialMask(InputArray mask)=0
void setAutoRelease(bool flag)
Sets auto release mode all inner buffers.
void seek(const int *_idx, bool relative=false)
static Ptr< cuda::FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=cv::FastFeatureDetector::TYPE_9_16, int max_npoints=5000)
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.
_Tp get0() const
Access first value.
Definition: intrin_cpp.hpp:341
Mat H
Estimated transformation.
Definition: matchers.hpp:110
@ CAP_PROP_XI_TRG_SELECTOR
Selects the type of trigger.
Definition: videoio.hpp:431
int getBasisSize() const
Definition: pcaflow.hpp:87
static const cv::gapi::fluid::View & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:172
void addView(const View *v)
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
void setThreshold(double val)
Definition: depth.hpp:417
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
virtual int getPreFilterSize() const =0
imageType
Definition: slam_tumindoor.hpp:61
Mat pose
Definition: multicalib.hpp:100
Matx44d pose
Definition: pose_3d.hpp:127
void setBackgroundTexture(InputArray image=noArray())
__device__ __forceinline__ uint vcmpeq2(uint a, uint b)
Definition: simd_functions.hpp:261
double f
Definition: cvdef.h:387
@ 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:282
Range newShapeRange
Definition: all_layers.hpp:299
@ VIDEOWRITER_PROP_IS_COLOR
Definition: videoio.hpp:197
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const =0
__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
@ COLOR_BayerRG2BGR_VNG
Definition: imgproc.hpp:761
float estimateOptimalTrimRatio(const Mat &M, Size size)
virtual bool sampling(const Mat &image, const Rect &boundingBox, std::vector< Mat > &sample)=0
Computes the regions starting from a position in an image.
@ COLOR_SPACE_REC_709_RGB
https://en.wikipedia.org/wiki/Rec._709 , RGB color space
Definition: ccm.hpp:106
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).
bool deviceCopyObsolete() const
MatcherType
Definition: features2d.hpp:955
Definition: functional.hpp:811
Mat samplePCUniform(Mat PC, int sampleStep)
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)
int rows
Definition: interpolation.hpp:215
int size() const
Definition: flann.hpp:324
int numFrames
Definition: gr_chalearn.hpp:78
int number_of_scales
Definition: tracking.hpp:68
bool run(int dims, size_t globalsize[], size_t localsize[], bool sync, const Queue &q=Queue())
Run the OpenCL kernel.
@ CALIB_FIX_TANGENT_DIST
Definition: calib3d.hpp:513
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:83
Ptr< Impl > p
Definition: persistence.hpp:465
void dctDenoising(const Mat &src, Mat &dst, const double sigma, const int psize=16)
The function implements simple dct-based denoising.
int getRows() const
Definition: depth.hpp:124
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.
KeypointsModel(const Net &network)
Create model from deep learning network.
__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:145
void copyTo(Mat &dst) const
Copies the matrix to another one.
Definition: mat.hpp:279
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:742
bool operator!=(const variant< Us... > &lhs, const variant< Us... > &rhs)
Definition: variant.hpp:426
int getMaxCandidates() const
COLOR_SPACE
Definition: ccm.hpp:93
GMat equalizeHist(const GMat &src)
float cy
Definition: intrinsics.hpp:59
std::tuple< GMat, GMat, GMat > GMat3
Definition: core.hpp:34
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:353
GpuMat(const GpuMat &m, Range rowRange, Range colRange)
creates a GpuMat header for a part of the bigger matrix
float ganglionCellsSensitivity
Definition: retina.hpp:162
ushort get0() const
Definition: intrin_rvv.hpp:317
PicType
Definition: cudacodec.hpp:134
std::vector< cv::Scalar > stdev
Definition: onnx.hpp:55
@ CAP_OPENNI_ASUS
OpenNI (for Asus Xtion)
Definition: videoio.hpp:104
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...
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.
T value_type
Definition: texture.hpp:187
GMatDesc()
Definition: gmat.hpp:94
TextRecognitionModel & setDecodeType(const std::string &decodeType)
Set the decoding method of translating the network output into string.
virtual int getPCAIterations() const =0
String getBackendName() const
Returns used backend API name.
@ CAP_PROP_BACKLIGHT
Definition: videoio.hpp:167
void apply(cv::Mat in1, cv::Mat in2, cv::Mat &out, GCompileArgs &&args={})
Execute a binary computation (with compilation on the fly)
@ CALIB_FIX_K1
Definition: calib3d.hpp:501
uint32_t UINT32
Definition: descriptor.hpp:64
@ CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:397
double angle
Definition: pose_3d.hpp:128
_Tp value_type
Definition: types.hpp:242
void setSampleROI(const Rect &ROI)
Set the sampling ROI.
@ IMPL_PLAIN
Definition: instrumentation.hpp:55
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...
@ DIFF_PM_G2
Definition: features2d.hpp:766
virtual void setLearningRate(double val)=0
float epsilon
Definition: all_layers.hpp:527
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
const std::vector< float > & getConfidences() const
Definition: onlineBoosting.hpp:234
void setMaxRotation(double val)
Definition: depth.hpp:993
@ CAP_PROP_FPS
Frame rate.
Definition: videoio.hpp:139
@ COLOR_SPACE_XYZ_D75_10
non-RGB color space
Definition: ccm.hpp:119
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)
TextDetectorCNN class provides the functionallity of text bounding box detection. This class is repre...
Definition: textDetector.hpp:42
Definition: type_traits.hpp:60
View(std::unique_ptr< Priv > &&p)
int activeDatasetID
Definition: track_alov.hpp:98
Definition: resize.hpp:61
__host__ __device__ Ncv32f getStageThreshold(void)
Definition: NCVHaarObjectDetection.hpp:302
virtual const Params & getParams() const =0
BlocksChannelsCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:234
Definition: gfluidkernel.hpp:293
virtual void getNormals(InputArray points, OutputArray normals) const =0
@ NORMCONV_FILTER
Normalized Convolution Filtering.
Definition: photo.hpp:800
const T & inArg(int input)
Definition: gcompoundkernel.hpp:34
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
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: depth.hpp:136
@ COLOR_YUV2GRAY_NV21
Definition: imgproc.hpp:669
virtual void write(FileStorage &fs) const CV_OVERRIDE=0
TLSDataAccumulator()
Definition: tls.hpp:93
@ CAP_PROP_XI_BINNING_SELECTOR
Binning engine selector.
Definition: videoio.hpp:369
void getLayerShapes(const std::vector< MatShape > &netInputShapes, const int layerId, std::vector< MatShape > &inLayerShapes, std::vector< MatShape > &outLayerShapes) const
Definition: ir_robot.hpp:77
@ cols
Definition: matx.hpp:104
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1 > &t)
Definition: zip.hpp:67
_Tp im
Definition: types.hpp:87
WCone(double radius, const Point3d ¢er, const Point3d &tip, int resolution=6.0, const Color &color=Color::white())
Constructs repositioned planar cone.
static _OutputArray rawOut(_Tp &v)
v_float32x4 v_matmuladd(const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
Matrix multiplication and add.
Definition: intrin_cpp.hpp:2729
v_reg< _Tp, n > operator>(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than comparison.
Definition: intrin_cpp.hpp:755
@ CAP_PROP_XI_CC_MATRIX_01
Color Correction Matrix element [0][1].
Definition: videoio.hpp:415
detail::VectorRef & outVecRef(int output)
virtual void findInPair(size_t first, size_t second, Rect roi)=0
Resolves masks intersection of two specified images in the given ROI.
@ CAP_PROP_XI_LENS_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_LENS_FEATURE.
Definition: videoio.hpp:443
This structure represents an image to draw.
Definition: render_types.hpp:270
@ CPU_AVX512_KNM
Knights Mill with AVX-512F/CD/ER/PF/4FMAPS/4VNNIW/VPOPCNTDQ.
Definition: cvdef.h:334
bool isCompatible() const
Checks the CUDA module and device compatibility.
GOpaque< Vec4f > fitLine2D(const GMat &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.)
Fits a line to a 2D point set.
@ 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:93
static Camera KinectCamera(const Size &window_size)
Creates a Kinect Camera with.
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 logStep
Logarithmic step for iterating the statmodel parameter.
Definition: ml.hpp:125
std::tuple< GArray< GArray< Point > >, GArray< Vec4i > > findContoursH(const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset)
Finds contours and their hierarchy in a binary image.
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:789
@ BadNumChannels
bad number of channels, for example, some functions accept only single channel matrices.
Definition: base.hpp:84
@ CAP_CMU1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:98
Definition: linemod.hpp:42
virtual bool getUpdateBackgroundModel() const =0
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
SampleTypes
Sample types.
Definition: ml.hpp:97
Definition: functional.hpp:226
Mat vt
Definition: core.hpp:2764
virtual void setPlotAxisColor(Scalar _plotAxisColor)=0
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
Ncv32u _width
Definition: NCV.hpp:833
GMat dilate3x3(const GMat &src, int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Dilates an image by using 3 by 3 rectangular structuring element.
GCompiledT()
Definition: gtyped.hpp:103
void sub16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
Matx< _Tp, m, n > * dst
Definition: matx.hpp:297
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_low(const _Tp *ptr)
Load 64-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1496
@ KMEANS_RANDOM_CENTERS
Definition: core.hpp:212
float scaleFactor
Definition: detection_based_tracker.hpp:118
virtual void matmul(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
@ index
Definition: gr_skig.hpp:77
@ CAP_PROP_XI_FFS_FILE_ID
File number.
Definition: videoio.hpp:486
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:683
virtual void getSegmentationPicture(OutputArray transientAreas)=0
access function return the last segmentation result: a boolean picture which is resampled between 0 a...
TrackerContribSamplerCSC(const TrackerContribSamplerCSC::Params ¶meters=TrackerContribSamplerCSC::Params())
Constructor.
static Ptr< cuda::SparsePyrLKOpticalFlow > create(Size winSize=Size(21, 21), int maxLevel=3, int iters=30, bool useInitialFlow=false)
void groupRectangles(std::vector< cv::Rect > &rectList, std::vector< double > &weights, int groupThreshold, double eps) const
Groups the object candidate rectangles.
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:160
static _InputArray rawIn(_Tp &v)
NcvTimer ncvStartTimer(void)
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:563
Rect(const cv::Rect &rect_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Rect constructor.
Definition: render_types.hpp:136
Mat tcoords
CV_32FC2 or CV_64FC2 with only 1 row.
Definition: types.hpp:138
Mat statePost
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: tracking.hpp:394
virtual void detectImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, const Mat &mask=Mat()) const
virtual void getCameraPose(OutputArray R=noArray(), OutputArray tvec=noArray(), bool invert=false)=0
Definition: gcpukernel.hpp:421
Definition: gcpukernel.hpp:357
void operator()(InputArray points, OutputArray normals) const
NCVMemoryType memType() const
Definition: NCV.hpp:615
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....
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
@ P
Definition: ml.hpp:672
virtual void mov(RefHolder &h) override
Definition: gstreaming.hpp:45
virtual int getOctaves() const
Definition: features2d.hpp:394
SamplingMethod sampler
Definition: calib3d.hpp:563
void generateRandomClassifier()
NCVStatus nppiStDecimate_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
virtual Mat getTestSampleWeights() const =0
Definition: gfluidbuffer.hpp:41
virtual void setFlowSmoothness(double alpha)=0
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:194
bool operator<(const Candidate &rhs) const
Sort candidates with high score to the front.
Definition: linemod.hpp:90
const uchar * dataend
Definition: mat.hpp:2098
virtual void setSuperpixelSize(int spSize=15)=0
Get the internal cost, i.e. edge map, used for estimating the edge-aware term.
void final_probability_dist(std::vector< std::vector< double > > *final_probs)
Computes final probability values of each bounding box.
virtual double getThreshold() const =0
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
int getDepth() const
Definition: depth.hpp:148
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
WCameraPosition(const Matx33d &K, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
cv::GOpaque< int64_t > seqNo(G g)
Definition: meta.hpp:70
std::pair< cv::Mat, TraitAs > ConstInput
Definition: ie.hpp:58
virtual void setMinAngle(double minAngle)=0
Minimal rotation angle to detect in degrees.
#define CV_BIG_UINT(n)
Definition: interface.h:64
@ CC_STAT_LEFT
Definition: imgproc.hpp:393
Definition: functional.hpp:78
virtual void setNumFrames(int nframes)=0
Sets the number of frames used to initialize background model.
Status stitch(InputArrayOfArrays images, InputArrayOfArrays masks, OutputArray pano)
These functions try to stitch the given images.
int rows_
Definition: depth.hpp:177
virtual void setVarThreshold(double varThreshold)=0
Sets the variance threshold for the pixel-model match.
friend Quat< T > asinh(const Quat< T > &q)
return arcsinh value of quaternion q, arcsinh could be calculated as:
static float overlap(const KeyPoint &kp1, const KeyPoint &kp2)
This struct stores the scalar value (or array) of one of the following type: double,...
Definition: dict.hpp:61
@ HOUGH_GRADIENT
basically 21HT, described in
Definition: imgproc.hpp:479
bool isRLMorphologyPossible(InputArray rlStructuringElement)
Check whether a custom made structuring element can be used with run length morphological operations....
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
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualityssim.hpp:30
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
T & get()
Definition: copy_through_move.hpp:21
const std::vector< Mat > * motions2_
Definition: wobble_suppression.hpp:91
bool doCorrectionForInclusion_
Definition: stabilizer.hpp:122
std::vector< std::vector< Point > > textureIdx
index for warping of each delaunay triangle region constructed by 3 facemarks
Definition: facemarkAAM.hpp:128
v_reg< _Tp, n > operator^(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise XOR.
virtual int getP2() const =0
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
Definition: garray.hpp:122
int dx
Definition: fr_adience.hpp:76
Definition: timelapsers.hpp:58
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type > value_type
Definition: zip.hpp:63
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:895
@ CAP_PVAPI_DECIMATION_2OUTOF4
2 out of 4 decimation
Definition: videoio.hpp:320
void blockMeanHash(cv::InputArray inputArr, cv::OutputArray outputArr, int mode=BLOCK_MEAN_HASH_MODE_0)
Computes block mean hash of the input image.
@ COLOR_YUV420sp2RGBA
Definition: imgproc.hpp:647
@ MODE_HH4
Definition: calib3d.hpp:3490
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor.
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
#define CV_32S
Definition: interface.h:77
virtual int getNumBands() const =0
This class is used to perform the non-linear non-constrained minimization of a function,...
Definition: optim.hpp:156
void filter(InputArray image, InputArray kernel, OutputArray output)
Image filtering.
n-dimensional dense array class
Definition: mat.hpp:798
int maxWeight
Max number of frames to integrate per voxel Represents the max number of frames over which a running ...
Definition: volume.hpp:87
bool isIntegral
Definition: tracking_feature.private.hpp:96
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:481
@ CALIB_FIX_K4
Definition: calib3d.hpp:504
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:69
int plusDelta
Definition: imgproc.hpp:4816
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
Definition: tracking_internals.hpp:854
int countNonZero(InputArray src)
Counts non-zero matrix elements.
Point_< double > Point2d
Definition: types.hpp:193
void _mm_interleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:172
@ KMEANS_USE_INITIAL_LABELS
Definition: core.hpp:219
@ SCORE_METHOD_LMEDS
Definition: calib3d.hpp:549
Intr(float _fx, float _fy, float _cx, float _cy)
Definition: intrinsics.hpp:62
virtual int getkNNSamples() const =0
Returns the number of neighbours, the k in the kNN.
@ DISP_SCALE
Definition: stereo.hpp:79
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
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
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:314
MatchTemplateDistance(int type=cv::TemplateMatchModes::TM_CCORR_NORMED, float scale=-1, float offset=1)
Constructs the distance object.
Definition: tracking_by_matching.hpp:235
static Ptr< Params > defaultParams()
Default parameters A set of parameters which provides better model quality, can be very slow.
int id
Definition: track_alov.hpp:63
Base class for Super Resolution algorithms.
Definition: superres.hpp:88
virtual bool hlexists(const String &label) const =0
Check if label exists or not.
virtual void load(const std::string &path) CV_OVERRIDE=0
int getLayersCount(const String &layerType) const
Returns count of layers of specified type.
_Tp norm() const
return the norm of quaternion.
virtual ~QuasiDenseStereo()=0
destructor Method to free all the memory allocated by matrices and vectors in this class.
virtual void getEntityProperty(const String &name, int prop, OutputArray value)=0
virtual int getCVFolds() const =0
int gftMaxNumFeatures
Definition: quasi_dense_stereo.hpp:62
void setKind(cv::detail::OpaqueKind)
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) CV_OVERRIDE
Recognize text using HMM.
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 .
@ CALIB_FIX_K6
Definition: calib3d.hpp:506
virtual void setAngleEpsilon(double angleEpsilon)=0
Maximal difference between angles that treated as equal.
#define CV_CUDEV_XYZ2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:191
Types
Implementations of KNearest algorithm.
Definition: ml.hpp:498
void create(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
T work_type
Definition: reduce_to_vec.hpp:87
@ NCV_MEM_RESIDENCE_ERROR
Definition: NCV.hpp:340
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.
Quat< _Tp > & operator*=(const Quat< _Tp > &)
Multiplication assignment operator of two quaternions q and p. It multiplies right operand with the l...
WCloud(InputArray cloud, InputArray colors, InputArray normals)
Constructs a WCloud.
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
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())
loads HOGDescriptor parameters and coefficients for the linear SVM classifier from a file.
KinectFusion implementation.
Definition: kinfu.hpp:185
void setTargetWidth(int width)
Set the width of the target.
Ptr< WarperCreator > warper()
Definition: stitching.hpp:234
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: onnx.hpp:104
GMat mul(const GMat &src1, const GMat &src2, double scale=1.0, int ddepth=-1)
Calculates the per-element scaled product of two matrices.
Definition: motion_stabilizing.hpp:71
virtual double getMinEigThreshold() const =0
double computeECC(InputArray templateImage, InputArray inputImage, InputArray inputMask=noArray())
Computes the Enhanced Correlation Coefficient value between two images .
detail::VectorRef & outVecRef(int output)
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:77
util::any value
Definition: garg.hpp:91
softfloat cbrt(const softfloat &a)
Cube root.
void sampling(const Mat &image, Rect boundingBox)
Computes the regions starting from a position in an image.
@ CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio.hpp:218
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:927
static Ptr< Layer > create(const LayerParams ¶ms)
static void read(const FileNode &node, Rect_< _Tp > &value, const Rect_< _Tp > &default_value)
Definition: persistence.hpp:761
Definition: intrin_rvv.hpp:24
int checkVector(const GMatDesc &in, const size_t n)
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:367
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.
Definition: goclkernel.hpp:55
@ EVENT_FLAG_LBUTTON
indicates that the left mouse button is down.
Definition: highgui.hpp:226
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.
Definition: garray.hpp:65
size_t elemSize
Definition: mat.hpp:3063
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
int iterationInit
the initial iterations
Definition: tracking_legacy.hpp:157
void getPatternPoints(std::vector< KeyPoint > &original_points)
virtual bool scanAttr(const std::string prm, const std::string val) CV_OVERRIDE
float voxelSize
Length of voxels in meters.
Definition: volume.hpp:76
Definition: warpers.hpp:410
virtual int getAnnealItePerStep() const =0
_OutputArray(std::vector< Mat_< _Tp > > &vec)
__host__ int channels() const
Class for implementing the wrapper which makes detectors and extractors to be affine invariant,...
Definition: features2d.hpp:252
void write(FileStorage &fs, const String &name, const SparseMat &value)
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
float response
Definition: interface.h:25
std::vector< Feature > features
Definition: feature.hpp:330
Accumulator< T >::Type ResultType
Definition: features2d.hpp:899
@ BadImageSize
image size is invalid
Definition: base.hpp:79
GArg(T &&t)
Definition: garg.hpp:60
bool imageFromBufferSupport() const
virtual double getError() const =0
virtual void setChartsYCbCr(Mat _chartsYCbCr)=0
@ SHARED_ATOMICS
Definition: cuda.hpp:787
@ CPU_SSSE3
Definition: cvdef.h:296
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
@ FHT_MAX
Definition: fast_hough_transform.hpp:92
int N2cc
Used to allow the first N1cc vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:163
_OutputArray(const Matx< _Tp, m, n > &matx)
virtual int getDescriptorSize() const =0
Definition: onlineBoosting.hpp:113
static _AccTp normL2Sqr(const _Tp *a, int n)
Definition: base.hpp:404
@ CAP_PROP_XI_BUFFER_POLICY
Data move policy.
Definition: videoio.hpp:458
cv::Size maxObjSize
Definition: detection_based_tracker.hpp:116
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
WCloud(InputArray cloud, InputArray colors)
Constructs a WCloud.
int smallWinSize
Definition: rlofflow.hpp:104
virtual void setCost(float _cost)=0
Definition: NCVHaarObjectDetection.hpp:269
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)
const std::vector< T > & rref() const
Definition: garray.hpp:281
void marrHildrethHash(cv::InputArray inputArr, cv::OutputArray outputArr, float alpha=2.0f, float scale=1.0f)
Computes average hash value of the input image.
virtual void setNumLevels(int numLevels)=0
@ NCV_CUDA_ERROR
Definition: NCV.hpp:319
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:149
@ SFM_REFINE_RADIAL_DISTORTION_K2
Definition: simple_pipeline.hpp:127
virtual int getMaxLineGap() const =0
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
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
float getGlobalMotionRansacThreshold() const
Mat temp2
Definition: tracking.hpp:406
#define CV_CUDEV_UNARY_FUNCTION_INST(name, func)
Definition: functional.hpp:456
virtual double getAlpha() const =0
Flow smoothness.
bool detectInvertedMarker
Definition: aruco.hpp:190
static void write(FileStorage &fs, const String &name, const Complex< _Tp > &c)
Definition: persistence.hpp:1016
static Ptr< Modality > create(const String &modality_type)
Create modality by name.
@ COLORMAP_SUMMER
Definition: imgproc.hpp:4273
volatile uint64 m_ticksTotal
Definition: instrumentation.hpp:87
void max8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
virtual void setMaxLines(int maxLines)=0
T value_type
Definition: gpumat.hpp:63
int num_hog_channels_used
Definition: tracking.hpp:63
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)
void setWaveCorrection(bool flag)
Definition: stitching.hpp:199
@ OpenCLApiCallError
OpenCL API call error.
Definition: base.hpp:120
@ 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:398
__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:215
Class containing the methods needed for Quasi Dense Stereo computation.
Definition: quasi_dense_stereo.hpp:94
double alpha
Default is 1e-3.
Definition: kalman_filters.hpp:143
__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
virtual float getEta() const =0
Returns adaptation rate for nms threshold.
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.
virtual const void * ptr() const =0
@ CV_SIMETRICV_INTERPOLATION
Definition: stereo.hpp:118
int NaluFramingType
NVVE_CONFIGURE_NALU_FRAMING_TYPE.
Definition: cudacodec.hpp:104
Ptr< IVideoCapture > icap
Definition: videoio.hpp:843
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:1920
virtual Ptr< Function > getFunction() const =0
Getter for the optimized function.
Vec mul(const Vec< _Tp, cn > &v) const
per-element multiplication
float V0CompressionParameter
Definition: retina.hpp:176
int valueOffset
Definition: mat.hpp:2677
virtual bool set(int propId, double value)
Sets a property in the VideoWriter.
static MatAllocator * getStdAllocator()
and the standard allocator
@ COLORMAP_SPRING
Definition: imgproc.hpp:4274
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:427
int type() const
Returns the type of a matrix element.
__host__ GpuMat_(Allocator *allocator=defaultAllocator())
default constructor
static Ptr< DynaFu > create(const Ptr< kinfu::Params > &_params)
const MatAllocator * currAllocator
Definition: mat.hpp:555
static __host__ Ptr2DSz 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:3088
Ptr< ContourFitting > createContourFitting(int ctr=1024, int fd=16)
create ContourFitting algorithm object
static Ptr< VariationalRefinement > create()
Creates an instance of VariationalRefinement.
ThresholdTypes
Definition: imgproc.hpp:319
#define GAPI_EXPORTS_W_SIMPLE
Definition: exports.hpp:21
_Tp & value() const
returns read-write reference to the current sparse matrix element
bool tempCopiedUMat() const
virtual void load(const std::string &path) CV_OVERRIDE=0
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
GArray(std::vector< HT > &&v)
Definition: garray.hpp:346
v_uint16x8(ushort v0, ushort v1, ushort v2, ushort v3, ushort v4, ushort v5, ushort v6, ushort v7)
Definition: intrin_rvv.hpp:304
v_int16x8()
Definition: intrin_rvv.hpp:330
std::size_t size() const
Definition: garray.hpp:305
Mat u
Definition: core.hpp:2764
void getByName(const String &name, bool space_delete, Param type, void *dst) const
FromFileMotionReader(const String &path)
unsigned left
Definition: sparse_matching_gpc.hpp:161
virtual void setTermCriteria(const TermCriteria &termcrit)=0
Set terminal criteria for solver.
virtual void setRpropDWPlus(double val)=0
SpecialFilter
Definition: imgproc.hpp:207
virtual bool getAdjustOutliers() const =0
static Vec all(double alpha)
Color-based strategy for the selective search segmentation algorithm The class is implemented from th...
Definition: segmentation.hpp:100
int getFeatureSize() const
Definition: feature.hpp:180
virtual void setPreFilterSize(int preFilterSize)=0
int QP_Level_InterP
NVVE_QP_LEVEL_INTER_P,.
Definition: cudacodec.hpp:94
Inner Plexiform Layer Magnocellular channel (IplMagno)
Definition: retina.hpp:165
T * OutLine(int index=0)
Definition: gfluidbuffer.hpp:123
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:109
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
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:1176
NCVMemoryType _memtype
Definition: NCV.hpp:836
static cv::GMatP yield(cv::GCall &call, int i)
Definition: gkernel.hpp:79
#define CV_16S
Definition: interface.h:76
@ CAP_PROP_XI_WB_KB
White balance blue coefficient.
Definition: videoio.hpp:389
@ AV1
Definition: cudacodec.hpp:258
softfloat mulAdd(const softfloat &a, const softfloat &b, const softfloat &c)
Fused Multiplication and Addition.
virtual void augAssignOr(const MatExpr &expr, Mat &m) const
Ncv32u pitch() const
Definition: NCV.hpp:827
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point backward.
Ptr< DescriptorMatcher > getDescriptorMatcher()
@ IMPL_OPENCL
Definition: instrumentation.hpp:57
Matx< double, 1, 4 > Matx14d
Definition: matx.hpp:226
Mat w
Definition: core.hpp:2764
bool doDeblurring_
Definition: stabilizer.hpp:129
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).
TermCriteria term_criteria_
Definition: motion_estimators.hpp:209
unsigned long num_test_splits
num_test_splits stores number of random test splits generated.
Definition: face_alignment.hpp:35
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:126
double getMaxTranslation() const
Definition: depth.hpp:839
@ CAP_PROP_XI_FREE_FFS_SIZE
Size of free camera FFS.
Definition: videoio.hpp:488
Size cellSize
Cell size. Default value is Size(8,8).
Definition: objdetect.hpp:596
String className
Definition: tracking_internals.hpp:428
std::function< void()> DestroyCallback
Definition: rmat.hpp:56
int gftMinSeperationDist
Definition: quasi_dense_stereo.hpp:61
double getSensorErrorC() const
Definition: depth.hpp:437
void mapBackward(float u, float v, float &x, float &y)
Track(const TrackedObjects &objs, const cv::Mat &last_image, const cv::Mat &descriptor_fast, const cv::Mat &descriptor_strong)
Track constructor.
Definition: tracking_by_matching.hpp:327
Mat mask
Definition: depth.hpp:475
double minMarkerPerimeterRate
Definition: aruco.hpp:160
void v_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:2553
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
virtual bool training(std::vector< Mat > &images, std::vector< std::vector< Point2f > > &landmarks, std::string configfile, Size scale, std::string modelFilename="face_landmarks.dat")=0
This function is used to train the model using gradient boosting to get a cascade of regressors which...
virtual void setSmoothingRadius(int radius)=0
UMat rowRange(const Range &r) const
int y
y coordinate of the top-left corner
Definition: types.hpp:59
virtual void setFrameMask(InputArray mask)
Definition: global_motion.hpp:183
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...
This structure represents a text string to draw.
Definition: render_types.hpp:45
static Queue & getDefault()
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:628
static Ptr< MapProjec > toProjec(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:94
Mat(int rows, int cols, int type)
virtual void setFrames(const std::vector< Mat > &val)
Definition: deblurring.hpp:74
__host__ __device__ HaarFeatureDescriptor32 getFeatureDesc(void)
Definition: NCVHaarObjectDetection.hpp:246
void mapForward(float x, float y, float &u, float &v)
void modifiedCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2, const int type, int t=0, const Mat &integralImage1=Mat(), const Mat &integralImage2=Mat())
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
virtual double getGamma() const =0
MatIterator_(Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
WPaintedCloud(InputArray cloud, const Point3d &p1, const Point3d &p2)
Paint cloud with default gradient between given points.
Definition: extrapolation.hpp:146
static Ptr< SliceLayer > create(const LayerParams ¶ms)
@ WARP_SIZE
Definition: warp.hpp:59
struct CvHaarClassifierCascade CvHaarClassifierCascade
Definition: objdetect.hpp:109
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
void drawKeypoints(InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT)
Draws keypoints.
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:467
cv::String getInferenceEngineBackendType()
Returns Inference Engine internal backend API.
virtual void setGamma(float value)=0
Sets the affinity sensitivity.
int numOfPixels
Definition: descriptor.hpp:141
virtual void getObjects(std::vector< ExtObject > &result) const
@ CPU_AVX512_CNL
Cannon Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI.
Definition: cvdef.h:335
std::string tag() const
Definition: onnx.hpp:90
virtual void setThreshold(double threshold)=0
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:119
@ MATERIAL_EMISSIVE
Definition: ovis.hpp:63
virtual void fetchPointsNormals(OutputArray points, OutputArray normals) const =0
size_t nodeNElems
Definition: persistence.hpp:691
float weight1() const
Definition: motion_stabilizing.hpp:132
static Ptr< cuda::DescriptorMatcher > createBFMatcher(int normType=cv::NORM_L2)
Brute-force descriptor matcher.
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2377
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
uchar * ptr(int row, int col=0)
Returns a pointer to the specified matrix row.
Definition: mat.hpp:334
virtual float getMarginRegularization() const =0
Parameter marginRegularization of a SVMSGD optimization problem.
Definition: features2d.hpp:882
void morph(int op, int src_type, int dst_type, 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, 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 findRtRANSAC(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, int minInliersCount=100, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
static constexpr const auto value
Definition: infer.hpp:35
cv::String findFileOrKeep(const cv::String &relative_path, bool silentMode=false)
Definition: utility.hpp:1156
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:783
std::string name
Definition: gkernel.hpp:47
Features matcher which finds two best matches for each feature and leaves the best one only if the ra...
Definition: matchers.hpp:173
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
Size getBlockSize() const
Definition: exposure_compensate.hpp:184
@ SF_YUY2
Definition: cudacodec.hpp:75
@ FM_8POINT
8-point algorithm
Definition: calib3d.hpp:525
void absdiff8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
std::string videoName
Definition: ar_hmdb.hpp:64
Abstract base class for CUDA asynchronous 2D image feature detectors and descriptor extractors.
Definition: cudafeatures2d.hpp:378
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.
~TrackerContribFeatureHAAR() CV_OVERRIDE
Definition: functional.hpp:438
#define GAPI_EXPORTS_W
Definition: exports.hpp:22
virtual int getNTestSamples() const =0
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
static Ptr< PD_inria > create()
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:129
@ 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:3219
int getCrossSegmentationThreshold() const
@ THRESH_MASK
Definition: imgproc.hpp:325
void setInput(InputArray blob, const String &name="", double scalefactor=1.0, const Scalar &mean=Scalar())
Sets the new input value for the network.
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.
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: ie.hpp:81
#define CV_MAKE_TYPE
Definition: interface.h:86
cuda::GpuMat mapDevice(cuda::Stream &stream)
Maps OpenGL buffer to CUDA device memory.
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:240
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
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
softdouble(const softdouble &c)
Copy constructor.
Definition: softfloat.hpp:232
Text and image widgets.
Definition: widgets.hpp:408
@ COLOR_BGR5652BGRA
Definition: imgproc.hpp:561
std::vector< Ptr< Layer > > getLayerInputs(LayerId layerId)
Returns pointers to input layers of specific layer.
bool create(const char *kname, const Program &prog)
Quat< T > exp(const Quat< T > &q)
@ CAP_PROP_XI_WIDTH
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:390
virtual double getError() const CV_OVERRIDE=0
Returns the computed reprojection error.
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
virtual void serialize(cv::gapi::s11n::IOStream &)
Definition: rmat.hpp:110
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking_legacy.hpp:261
std::string image1
Definition: fr_lfw.hpp:62
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracking_legacy.hpp:458
static constexpr const bool value
Definition: gtype_traits.hpp:111
bool filterByArea
Definition: features2d.hpp:728
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
The TrackedObject struct defines properties of detected object.
Definition: tracking_by_matching.hpp:33
Class for finding features points and corresponding 3D in world coordinate of a "random" pattern,...
Definition: randpattern.hpp:66
int val[2]
Definition: intrin_rvv.hpp:83
String getHardwareFeatureName(int feature)
Returns feature name by ID.
static std::pair< cv::Scalar, mat_type > compute(const _mat_data &lhs, const _mat_data &rhs)
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
virtual bool computeImpl(const std::vector< Mat > &images, Mat &response)=0
int set_args_(int i, const _Tp0 &a0)
Definition: ocl.hpp:447
virtual void setWindowSize(int val)=0
void convertCorrespondencies(InputArray cols, InputArray srcLocations, OutputArray pts2d, InputOutputArray pts3d=noArray(), InputArray mask=noArray())
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)
virtual void setModelIter(int modelIter=4)=0
Parameter defining the number of iterations for piece-wise affine model estimation.
void find(const std::vector< UMat > &, const std::vector< Point > &, std::vector< UMat > &) CV_OVERRIDE
Estimates seams.
Definition: seam_finders.hpp:79
Matx(const _Tp *vals)
initialize from a plain array
__host__ void gridReduceToColumn_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:178
Accumulator< T >::Type ResultType
Definition: features2d.hpp:915
GMat blur(const GMat &src, const Size &ksize, const Point &anchor=Point(-1,-1), int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Blurs an image using the normalized box filter.
Abstract base class for matching keypoint descriptors.
Definition: cudafeatures2d.hpp:76
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:109
int cols() const
Definition: rmat.hpp:71
Definition: utility.hpp:586
SrcPtr src
Definition: interpolation.hpp:160
int hal_ni_merge16u(const ushort **src_data, ushort *dst_data, int len, int cn)
Definition: hal_replacement.hpp:367
bool use_weighted_avg
Definition: ppf_match_3d.hpp:156
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:139
Mat blobFromImage(InputArray image, double scalefactor=1.0, const Size &size=Size(), const Scalar &mean=Scalar(), bool swapRB=false, bool crop=false, int ddepth=CV_32F)
Creates 4-dimensional blob from image. Optionally resizes and crops image from center,...
virtual void enforceLabelConnectivity(int min_element_size=25)=0
Enforce label connectivity.
Matx33f intr
camera intrinsics
Definition: large_kinfu.hpp:42
virtual int getPatchSize() const =0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
static constexpr const char * tag()
Definition: infer.hpp:267
bool isOldFormatCascade() const
void setMinNeighbours(int value)
Definition: detection_based_tracker.hpp:108
bool isString() const
returns true if the node is a text string
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:130
Queue(const Context &c, const Device &d=Device())
int nneg
Definition: feature.hpp:195
OpaqueRefT(T &obj)
Definition: gopaque.hpp:149
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:841
cuda::GpuMat mapDevice()
map to device memory (blocking)
float val[2]
Definition: intrin_rvv.hpp:93
@ CAP_PROP_XI_CC_MATRIX_00
Color Correction Matrix element [0][0].
Definition: videoio.hpp:414
int imageHeight
Definition: msm_epfl.hpp:66
int methodId
Definition: sinusoidalpattern.hpp:89
virtual bool getNextFrame(Mat &frame)=0
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
Definition: warping.hpp:153
DistanceTypes
Definition: imgproc.hpp:299
NCVMatrix()
Definition: NCV.hpp:744
void rotation(const Mat &data)
@ USAC_MAGSAC
USAC, runs MAGSAC++.
Definition: calib3d.hpp:453
_Tp val[m *n]
Definition: matx.hpp:218
virtual float getSegEgbThresholdI()=0
@ CAP_PROP_XI_DECIMATION_PATTERN
Decimation pattern type.
Definition: videoio.hpp:376
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:89
DeviceInfo(int device_id)
The constructors.
@ FM_LMEDS
least-median algorithm. 7-point algorithm is used.
Definition: calib3d.hpp:526
mat_type I
Definition: qualityssim.hpp:60
static std::tuple< R... > on(Args... args)
Definition: gkernel.hpp:222
float scale_step
Definition: tracking.hpp:72
void FAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
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:401
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:342
@ COLOR_SPACE_Lab_D75_2
non-RGB color space
Definition: ccm.hpp:130
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1240
SparseMatConstIterator_()
the default constructor
virtual const Distance & distanceStrong() const =0
Strong distance getter.
TrackedObject(const cv::Rect &rect, float confidence, int frame_idx, int object_id)
Constructor with parameters.
Definition: tracking_by_matching.hpp:56
virtual bool getFastPyramids() const =0
GMat BGR2Gray(const GMat &src)
Converts an image from BGR color space to gray-scaled.
@ MARKER_SQUARE
A square marker shape.
Definition: imgproc.hpp:838
int normHamming(const uchar *a, int n)
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
virtual KAZE::DiffusivityType getDiffusivity() const =0
@ CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio.hpp:539
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:205
@ COLOR_GRAY2BGR565
convert between grayscale to BGR565 (16-bit images)
Definition: imgproc.hpp:564
@ RO_STRICT
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2, Ptr3 > &t)
Definition: zip.hpp:100
void drawPlanarBoard(const Ptr< Board > &board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a planar board.
Definition: warpers.hpp:182
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:933
Quat< _Tp > acos() const
return arccos value of this quaternion, arccos could be calculated as:
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:73
virtual ~VectorRefT()
Definition: garray.hpp:155
String driverVersion() const
__host__ __device__ Ncv32u getNumClassifierRootNodes(void)
Definition: NCVHaarObjectDetection.hpp:312
G_TYPED_KERNEL(GFilter2D,< GMat(GMat, int, Mat, Point, Scalar, int, Scalar)>,"org.opencv.imgproc.filters.filter2D")
Definition: imgproc.hpp:55
virtual void setBlurrinessRates(const std::vector< float > &val)
Definition: deblurring.hpp:80
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.
virtual void getBoundingBoxes(InputArray edge_map, InputArray orientation_map, std::vector< Rect > &boxes, OutputArray scores=noArray())=0
Returns array containing proposal boxes.
virtual int kpgetsize(const String &kplabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch keypoint dataset size.
Vec3i maxTexture2DLinear() const
maximum dimensions (width, height, pitch) for 2D textures bound to pitched memory
float getAngleThreshold() const
Definition: depth.hpp:1088
void setArgs(std::vector< GArg > &&args)
Modality that computes quantized surface normals from a dense depth map.
Definition: linemod.hpp:204
SrcPtr src
Definition: warping.hpp:110
#define CV_CUDEV_SAFE_CALL(expr)
Definition: common.hpp:76
@ NCVPipeObjDet_VisualizeInPlace
Definition: NCVHaarObjectDetection.hpp:357
Rect resultRoi(const std::vector< Point > &corners, const std::vector< UMat > &images)
@ COLORMAP_AUTUMN
Definition: imgproc.hpp:4267
static gapi::fluid::BorderOpt help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:275
SparseMatConstIterator(const SparseMatConstIterator &it)
the copy constructor
double Wy
Definition: gr_chalearn.hpp:67
virtual const std::vector< int > & getSubsets() const =0
Returns all the bitsets for categorical splits.
void addRNGBias64f(double *arr, const double *scaleBiasPairs, int len)
@ CAP_MSMF
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:109
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
void mapForward(float x, float y, float &u, float &v)
void detachData(std::vector< void * > &data)
get TLS data and detach all data from threads (similar to cleanup() call)
void create(Size size, int type)
virtual void setActivationFunction(int type, double param1=0, double param2=0)=0
int64_t counter
Definition: cap.hpp:60
friend Quat< T > inv(const Quat< T > &q, QuatAssumeType assumeUnit)
return which is an inverse of which satisfies .
Matx< double, 2, 2 > Matx22d
Definition: matx.hpp:240
std::vector< tag > tags
Definition: tr_svt.hpp:70
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 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).
int numStepsToWaitBeforeFirstShow
Definition: detection_based_tracker.hpp:168
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
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)
T & outOpaqueR(int output)
Definition: gcpukernel.hpp:109
Matrix expression representation This is a list of implemented matrix operations that can be combined...
Definition: mat.hpp:3514
Core class of ccm model.
Definition: ccm.hpp:361
Model & setInputSwapRB(bool swapRB)
Set flag swapRB for frame.
virtual void setFGSLambda(float lambda=500.f)=0
Sets the respective fastGlobalSmootherFilter() parameter.
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.
float lane_type
Definition: intrin_rvv.hpp:422
int x
x coordinate of the top-left corner
Definition: types.hpp:58
virtual void setTextureThreshold(int textureThreshold)=0
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
double getMaxDepthDiff() const
Definition: depth.hpp:807
void setSolverType(SolverType val)
View(const GMatDesc &desc, uchar *data, size_t step, DestroyCallback &&cb=nullptr)
SVD(InputArray src, int flags=0)
BundleAdjusterRay()
Definition: motion_estimators.hpp:268
Avg< U > other
Definition: reduce_to_vec.hpp:91
virtual Mat getMeans() const =0
Returns the cluster centers (means of the Gaussian mixture)
const Priv & priv() const
@ CAP_XINE
XINE engine (Linux)
Definition: videoio.hpp:123
vint64mf2_t(const int64 *ptr)
Definition: intrin_rvv.hpp:114
const Priv & priv() const
std::vector< String > getLayerNames() const
static _Tp * alignPtr(_Tp *ptr, int n=(int) sizeof(_Tp))
Aligns a pointer to the specified number of bytes.
Definition: utility.hpp:457
static Ptr< FacemarkAAM > create(const FacemarkAAM::Params ¶meters=FacemarkAAM::Params())
initializer
virtual void setkNNSamples(int _nkNN)=0
Sets the k in the kNN. How many nearest neighbours need to match.
virtual cv::Point2f getMatch(const int x, const int y)=0
Specify pixel coordinates in the left image and get its corresponding location in the right image.
std::size_t num_in
Definition: onnx.hpp:44
uchar2 type
Definition: vec_traits.hpp:82
int getTargetHeight() const
Get the height of the target.
TextDetectionModel_EAST()
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.
int getCtrSize()
Definition: fourier_descriptors.hpp:70
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: instrumentation.hpp:66
virtual Rect2d createCameraEntity(const String &name, InputArray K, const Size &imsize, float zFar, InputArray tvec=noArray(), InputArray rot=noArray(), const Scalar &color=Scalar::all(1))=0
WLine(const Point3d &pt1, const Point3d &pt2, const Color &color=Color::white())
Constructs a WLine.
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:337
@ Uncompressed_YUV420
Y,U,V (4:2:0)
Definition: cudacodec.hpp:261
void prepareForNewStream()
Prepare inner kernels states for a new video-stream.
virtual uint64_t getPeakUsage() const =0
@ MARKER_TRIANGLE_DOWN
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:840
float Type
Definition: features2d.hpp:888
Definition: qualitygmsd.hpp:55
static Net readFromModelOptimizer(const std::vector< uchar > &bufferModelConfig, const std::vector< uchar > &bufferWeights)
Create a network from Intel's Model Optimizer in-memory buffers with intermediate representation (IR)...
void createRLEImage(std::vector< cv::Point3i > &runs, OutputArray res, Size size=Size(0, 0))
Creates a run-length encoded image from a vector of runs (column begin, column end,...
virtual void getMagno(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:271
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
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)
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.
void v_store_aligned(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (aligned)
Definition: intrin_cpp.hpp:1800
float trimRatio() const
Definition: motion_stabilizing.hpp:129
@ NONMAX_SUPPRESSION
Definition: features2d.hpp:610
@ ALPHA_XOR_PREMUL
Definition: cudaimgproc.hpp:160
Derivatives of this class encapsulates functions of certain backends.
Definition: dnn.hpp:122
_OutputArray(std::vector< _Tp > &vec)
Definition: gplaidmlkernel.hpp:88
void filter2D(int stype, int dtype, int kernel_type, 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, uchar *kernel_data, size_t kernel_step, int kernel_width, int kernel_height, int anchor_x, int anchor_y, double delta, int borderType, bool isSubmatrix)
void mapForward(float x, float y, float &u, float &v)
The IImageDescriptor class declares base class for image descriptor.
Definition: tracking_by_matching.hpp:76
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: face_alignment.hpp:12
void copyTo(OutputArray m) const
Copies the matrix to another one.
Definition: warping.hpp:62
const TrackedObject & operator[](size_t i) const
operator [] return const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:358
Common interface for all CUDA filters :
Definition: cudafilters.hpp:76
@ MATERIAL_TEXTURE3
Definition: ovis.hpp:69
#define CV_NODISCARD
Definition: cvdef.h:715
#define CV_16U
Definition: interface.h:75
__device__ __forceinline__ double4 exp2(const double4 &a)
Definition: vec_math.hpp:247
@ ROTATE_90_COUNTERCLOCKWISE
Rotate 270 degrees clockwise.
Definition: core.hpp:1072
Mat_()
default constructor
v_float32x4(vfloat32m1_t v)
Definition: intrin_rvv.hpp:426
bool update_opt(InputArray image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets by ...
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
void warpFrame(const Mat &image, const Mat &depth, const Mat &mask, const Mat &Rt, const Mat &cameraMatrix, const Mat &distCoeff, OutputArray warpedImage, OutputArray warpedDepth=noArray(), OutputArray warpedMask=noArray())
void writeRaw(const String &fmt, const void *vec, size_t len)
Writes multiple numbers.
void contourSampling(InputArray src, OutputArray out, int nbElt)
Contour sampling .
decoder_mode
Definition: ocr.hpp:173
String dumpInputOutputArray(InputOutputArray argument)
void write(FileStorage &fs) const
float x
Definition: types.hpp:37
size_t step
Definition: cuda.hpp:591
void setCamera(const Camera &camera)
Sets the intrinsic parameters of the viewer using Camera.
bool createDirectories(const cv::String &path)
int depth
Definition: gmat.hpp:79
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()
Kernel(const char *kname, const ProgramSource &prog, const String &buildopts=String(), String *errmsg=0)
@ DISTANCE_CIE76
The 1976 formula is the first formula that related a measured color difference to a known set of CIEL...
Definition: ccm.hpp:346
DIS optical flow algorithm.
Definition: tracking.hpp:585
@ COLOR_SPACE_Lab_D75_10
non-RGB color space
Definition: ccm.hpp:131
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:69
@ block_size_y
Definition: reduce.hpp:297
static void setDebugFlag(bool active)
Enable or disable cvv for current translation unit and thread.
Definition: debug_mode.hpp:42
virtual int getMinLineLength() const =0
void jputStream(unsigned currval)
#define HaarFeatureDescriptor32_Interpret_MaskFlagTilted
Definition: NCVHaarObjectDetection.hpp:121
v_uint8x16 v_rshr_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:2529
std::vector< Ptr< Modality > > modalities
Definition: linemod.hpp:396
friend void * workcycleObjectDetectorFunction(void *p)
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.
#define DUMP_CONFIG_PROPERTY(...)
Definition: opencl_info.hpp:11
int maxWriteImageArgs() const
float get0() const
Definition: intrin_rvv.hpp:444
virtual void setActiveVarCount(int val)=0
static Ptr< RNNLayer > create(const LayerParams ¶ms)
Size poolKernel
Definition: all_layers.hpp:535
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
Definition: core.hpp:3112
Definition: hpe_parse.hpp:61
@ is_signed_int
Definition: type_traits.hpp:143
void trainModel(const Mat &Model)
Trains a new model.
Matx13d ofs
Definition: hpe_humaneva.hpp:66
float getMarkerLength() const
Definition: aruco.hpp:345
int ff
The font type, see HersheyFonts.
Definition: render_types.hpp:76
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: kinfu.hpp:97
void create(Size _size)
equivalent to Mat::create(_size, DataType<_Tp>::type)
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, log_func< typename PtrTraits< SrcPtr >::value_type > > > log_(const SrcPtr &src)
Definition: unary_func.hpp:74
GridType
Definition: calib3d.hpp:1648
bool use_channel_weights
Definition: tracking.hpp:49
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
@ COLOR_YUV2BGRA_YUYV
Definition: imgproc.hpp:710
__host__ GpuMat_(Size asize, T *adata, size_t astep=Mat::AUTO_STEP)
Represents function being optimized.
Definition: optim.hpp:64
virtual double getComplexityReductionThreshold() const =0
Returns the complexity reduction threshold.
Vec< ushort, 2 > Vec2w
Definition: matx.hpp:417
String cascade_face
filename of the face detector model
Definition: facemarkLBF.hpp:60
@ CAP_OPENNI_IR_GENERATOR
Definition: videoio.hpp:231
@ IMWRITE_PNG_STRATEGY
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_RLE.
Definition: imgcodecs.hpp:94
void set(const std::vector< Mat > &descriptors)
@ CPU_AVX_512VPOPCNTDQ
Definition: cvdef.h:318
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:231
float angle
returns the rotation angle. When the angle is 0, 90, 180, 270 etc., the rectangle becomes an up-right...
Definition: types.hpp:534
Mat_(const Mat_ &m)
copy constructor
uint16_t UINT16
Definition: descriptor.hpp:65
Comma-separated Matrix Initializer.
Definition: mat.hpp:511
double beta
Definition: mat.hpp:3548
#define CV_CUDEV_RGB5x52GRAY_INST(name, green_bits)
Definition: color_cvt.hpp:467
void BrightEdges(Mat &_original, Mat &_edgeview, int contrast=1, int shortrange=3, int longrange=9)
@ LINEARIZATION_GAMMA
gamma correction; Need assign a value to gamma simultaneously
Definition: ccm.hpp:333
Quat< _Tp > asin() const
return arcsin value of this quaternion, arcsin could be calculated as:
void release()
Decrements the reference counter and destroys the buffer object if needed.
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
@ CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio.hpp:542
virtual Mat getRadiance() const =0
Definition: all_layers.hpp:477
int value_type
Definition: vec_distance.hpp:157
float histThresh
Definition: histogramphaseunwrapping.hpp:83
Scalar s
Definition: mat.hpp:3549
Base class for modelling an algorithm for calculating a map.
Definition: mapper.hpp:55
virtual void generateFeatures() CV_OVERRIDE
std::string weights_path
Definition: ie.hpp:51
virtual void setThreshold(float threshold)=0
static double norm(const Matx< _Tp, m, n > &M, int normType)
@ DECOMP_EIG
Definition: base.hpp:140
@ PROJ_SPHERICAL_EQRECT
Definition: calib3d.hpp:3557
void drawMarker(int id, int sidePixels, OutputArray _img, int borderBits=1) const
Draw a canonical marker image.
unsigned u
Definition: cvdef.h:378
void GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an image.
NCVStatus nppiStDecimate_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Definition: tracking.hpp:437
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:246
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
cv::gapi::GBackend backend()
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
Node< NodeData > InstrNode
Definition: instrumentation.hpp:97
virtual void apply(InputArray disparity, InputArray image, OutputArray dst, Stream &stream=Stream::Null())=0
Refines a disparity map using joint bilateral filtering.
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.
__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
Net::ResultL infer2(T image, cv::GArray< Args >... args)
Calculates responses for the specified network (template parameter) for every region in the source im...
Definition: infer.hpp:364
Vec< int, 8 > Vec8i
Definition: matx.hpp:425
@ ALPHA_OVER
Definition: cudaimgproc.hpp:159
softdouble setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:318
const float sparseRate
Definition: pcaflow.hpp:99
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
OutArgs Result
Definition: infer.hpp:90
uchar member_type
Definition: core.hpp:3276
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:208
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
_Range(const Range &r)
Definition: shape_utils.hpp:59
const_iterator begin() const
int getPadding() const
Definition: pcaflow.hpp:85
virtual View access(Access)=0
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const =0
Clones the matcher.
float searchWinSize
size of search window
Definition: tracking.private.hpp:368
__host__ LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > laplacianPtr(const SrcPtr &src)
Definition: deriv.hpp:381
virtual void setFgsLambda(float val)=0
see ximgproc::EdgeAwareInterpolator().
virtual bool getFastPyramids() const =0
Mat & getMatRef(int i=-1) const
#define CV_CheckTypeEQ(t1, t2, msg)
Check with additional "decoding" of type values in error message.
Definition: check.hpp:122
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:171
#define OPENCV_HAL_IMPL_RVV_BROADCAST(_Tpvec, suffix)
Definition: intrin_rvv.hpp:1883
T * _ptr
Definition: NCV.hpp:832
std::function< Result(Args...)> API
Definition: infer.hpp:91
Definition: mappergradsimilar.hpp:53
@ LOCAL_OPTIM_INNER_LO
Definition: calib3d.hpp:547
virtual const void * ptr() const override
Definition: garray.hpp:225
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
std::vector< Texture > textures
a container to holds the texture data for each scale of fitting
Definition: facemarkAAM.hpp:137
double k
Default is 0.
Definition: kalman_filters.hpp:144
double registrationResol() const
Definition: stitching.hpp:186
void * handle
Definition: mat.hpp:563
std::vector< uchar > getInliers()
Definition: matchers.hpp:113
UMatData(const MatAllocator *allocator)
static String dumpString(const String &argument)
Definition: bindings_utils.hpp:62
virtual void setPreFilterType(int preFilterType)=0
static Ptr< Layer > create(const LayerParams ¶ms)
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:478
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
bool findRt(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
@ DISTANCE_CIE2000
Definition: ccm.hpp:349
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise inversion.
const std::vector< float > & getWeights() const
static Ptr< DetectorParameters > create()
VideoWriter(const String &filename, int apiPreference, int fourcc, double fps, Size frameSize, bool isColor=true)
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
Finds intersection of two convex polygons.
virtual void clearStrategies()=0
Remove all sub-strategies.
std::vector< double > confidences
vector that will contain confidence values for each location
Definition: objdetect.hpp:352
@ TM_SQDIFF_NORMED
Definition: imgproc.hpp:3668
v_int64x2(vint64m1_t v)
Definition: intrin_rvv.hpp:489
void setParam(LayerId layer, int numParam, const Mat &blob)
Sets the new value for the learned param of the layer.
void create(int dims, const int *size, int type, int i=-1, bool allowTransposed=false, _OutputArray::DepthMask fixedDepthMask=static_cast< _OutputArray::DepthMask >(0)) const
void initializeCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray K, double &xi, OutputArray idx=noArray())
Matx33d r
Definition: msm_middlebury.hpp:64
double getWinSigma() const
Returns winSigma value.
SrcPtr src
Definition: extrapolation.hpp:65
std::function< void(GCPUContext &)> Impl
Definition: gcpukernel.hpp:494
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
virtual void setSigmaColor(double _sigma_color)=0
MotionModel
Describes motion model between two point clouds.
Definition: motion_core.hpp:60
int borderWidth
Definition: checker_detector.hpp:115
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0) CV_OVERRIDE
virtual bool generate(OutputArrayOfArrays patternImages)=0
Generates the structured light pattern to project.
@ ONE_STEP
processing in one step
Definition: types.hpp:61
@ HISTCMP_INTERSECT
Definition: imgproc.hpp:508
bool deviceMemMapped() const
std::string text
The text string to be drawn.
Definition: render_types.hpp:74
void collectGarbage() CV_OVERRIDE
Frees unused memory allocated before if there is any.
Scalar_< _Tp > mul(const Scalar_< _Tp > &a, double scale=1) const
per-element product
@ YUV420
Definition: cudacodec.hpp:273
virtual void setAnnealFinalT(double val)=0
void read(const FileNode &fn)
load PCA objects
virtual ~StaticSaliencySpectralResidual()
std::string name
Definition: hpe_parse.hpp:62
Vec cross(const Vec &v) const
virtual Ptr< mcc::CChecker > getBestColorChecker()=0
Get the best color checker. By the best it means the one detected with the highest confidence.
int maxThreadsPerBlock() const
maximum number of threads per block
softdouble setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:314
void perspectiveTransform(InputArray src, OutputArray dst, InputArray m)
Performs the perspective matrix transformation of vectors.
std::tuple< cv::GArray< cv::Point2f >, cv::GArray< uchar >, cv::GArray< float > > GOptFlowLKOutput
Definition: video.hpp:51
void reprojectImageTo3D(InputArray disp, OutputArray xyzw, InputArray Q, int dst_cn=4, Stream &stream=Stream::Null())
Reprojects a disparity image to 3D space.
Ptr< QuantizedPyramid > process(const Mat &src, const Mat &mask=Mat()) const
Form a quantized image pyramid from a source image.
Definition: linemod.hpp:132
void setFeaturesFinder(Ptr< Feature2D > features_finder)
Definition: stitching.hpp:209
__device__ __forceinline__ uint vadd4(uint a, uint b)
Definition: simd_functions.hpp:526
@ BORDER_ISOLATED
do not look outside of ROI
Definition: base.hpp:278
const T * ptr(int y=0) const
Definition: rmat.hpp:81
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.
virtual void augAssignAnd(const MatExpr &expr, Mat &m) const
virtual void setRadius(int val) CV_OVERRIDE
@ MATERIAL_LINE_WIDTH
Definition: ovis.hpp:61
int ResultType
Definition: base.hpp:386
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
int writePoseCluster(FILE *f)
std::vector< cv::Rect > PositionsVector
Definition: detection_based_tracker.hpp:183
Image(const cv::Point &org_, const cv::Mat &img_, const cv::Mat &alpha_)
Mosaic constructor.
Definition: render_types.hpp:278
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
double getMaxDepth() const
Definition: depth.hpp:799
Definition: garray.hpp:39
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.
@ COLOR_YUV2GRAY_Y422
Definition: imgproc.hpp:717
MarginType
Definition: ml.hpp:1810
@ DNN_TARGET_FPGA
FPGA device with CPU fallbacks using Inference Engine's Heterogeneous plugin.
Definition: dnn.hpp:94
__device__ __forceinline__ float1 sinh(const uchar1 &a)
Definition: vec_math.hpp:339
@ CHAIN_APPROX_TC89_L1
Definition: imgproc.hpp:439
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:761
virtual void setVotesThreshold(int votesThreshold)=0
Affine3f volumePose
initial volume pose in meters
Definition: kinfu.hpp:119
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
virtual bool tryFuse(Ptr< Layer > &top)
Try to fuse current layer with a next one.
virtual float getDelta() const =0
Weight of the color constancy term.
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:245
std::tuple< Args... > InArgs
Definition: infer.hpp:87
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
@ COLOR_YUV2GRAY_YV12
Definition: imgproc.hpp:671
RulesOption
Specifies the degree of rules validation.
Definition: fast_hough_transform.hpp:116
std::vector< float > compute(const std::vector< cv::Mat > &descrs1, const std::vector< cv::Mat > &descrs2) override
Computes distances between two descriptors in batches.
Mat loadPLYSimple(const char *fileName, int withNormals=0)
Load a PLY file.
void addEdge(int from, int to, float weight)
Mat normals
point normals of type CV_32FC3, CV_32FC4, CV_64FC3 or CV_64FC4 with only 1 row
Definition: types.hpp:131
Definition: functional.hpp:133
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
int getMethod() const
Definition: depth.hpp:247
~_LayerStaticRegisterer()
Definition: layer.details.hpp:68
float globalMotionRansacThreshold
Definition: rlofflow.hpp:147
@ CALIB_FIX_K2
Definition: omnidir.hpp:60
Model & setPreferableTarget(dnn::Target targetId)
@ CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio.hpp:261
static Ptr< DataAugmentationLayer > create(const LayerParams ¶ms)
bool local_maxima
whenever the regions is a local maxima of the probability
Definition: erfilter.hpp:109
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
const_iterator end() const
Designed for command line parsing.
Definition: utility.hpp:789
virtual void getCloud(OutputArray points, OutputArray normals) const =0
Definition: volume.hpp:53
virtual int getTransformType() const =0
virtual float getVariationalRefinementGamma() const =0
Weight of the gradient constancy term.
UMat(const UMat &m, const Range &rowRange, const Range &colRange=Range::all())
creates a matrix header for a part of the bigger matrix
@ HOG
Definition: tracking_feature.private.hpp:41
float getBinaryThreshold() const
Definition: depth.hpp:330
virtual void getSample(InputArray varIdx, int sidx, float *buf) const =0
std::tuple< GMat, GMat > SobelXY(const GMat &src, int ddepth, int order, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
static Ptr< legacy::TrackerTLD > create()
std::shared_ptr< IDescriptorDistance > Distance
Definition: tracking_by_matching.hpp:419
Params(Matx33f volumeInitialPoseRot, Vec3f volumeInitialPoseTransl)
Constructor for Params Sets the initial pose of the TSDF volume.
Definition: kinfu.hpp:30
virtual int getNumScales() const =0
@ HISTCMP_CHISQR
Definition: imgproc.hpp:505
vuint8mf4_t vle8_v_u8mf4(const uint8_t *base)
Definition: intrin_rvv.hpp:197
virtual void matchAsync(InputArray queryDescriptors, OutputArray matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
const Ptr< detail::Estimator > estimator() const
Definition: stitching.hpp:230
Net readNetFromONNX(const String &onnxFile)
Reads a network model ONNX.
int hal_ni_magnitude64f(const double *x, const double *y, double *dst, int len)
Definition: hal_replacement.hpp:406
virtual double getTau() const =0
int width
Definition: graycodepattern.hpp:79
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
Backend
Enum of computation backends supported by layers.
Definition: dnn.hpp:66
virtual int getSpeckleRange() const =0
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1398
Definition: all_layers.hpp:431
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:64
@ H264
Definition: cudacodec.hpp:251
@ CAP_PROP_XI_AEAG
Automatic exposure/gain.
Definition: videoio.hpp:358
int minusShift
Definition: imgproc.hpp:4818
void nextFrame(OutputArray frame) CV_OVERRIDE
Process next frame from input and return output result.
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
double learningRate
Definition: video.hpp:122
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
virtual int getNumSlicIter()=0
@ IMWRITE_EXR_TYPE_HALF
store as HALF (FP16)
Definition: imgcodecs.hpp:109
int numClassifiers
the number of classifiers to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:154
void convertFromDirect3DSurface9(IDirect3DSurface9 *pDirect3DSurface9, OutputArray dst, void *surfaceSharedHandle=NULL)
Converts IDirect3DSurface9 to OutputArray.
void read(const FileNode &)
@ WINDOW_AUTOSIZE
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:188
void FT02D_FL_process(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
int solvePnPGeneric(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, bool useExtrinsicGuess=false, SolvePnPMethod flags=SOLVEPNP_ITERATIVE, InputArray rvec=noArray(), InputArray tvec=noArray(), OutputArray reprojectionError=noArray())
Finds an object pose from 3D-2D point correspondences. This function returns a list of all the possib...
virtual void generateFeatures()=0
static softfloat one()
One constant.
Definition: softfloat.hpp:210
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE=0
void read(const String &fileName)
Resize input 4-dimensional blob by nearest neighbor or bilinear strategy.
Definition: all_layers.hpp:655
bool v_check_all(const v_reg< _Tp, n > &a)
Check if all packed values are less than zero.
Definition: intrin_cpp.hpp:1306
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:251
bool getUpdateGain()
Definition: exposure_compensate.hpp:91
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:240
Complex(_Tp _re, _Tp _im=0)
Affine3 translate(const Vec3 &t) const
a.translate(t) is equivalent to Affine(E, t) * a, where E is an identity matrix
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
int cols
Definition: lut.hpp:77
int num_errs_per_measurement_
Definition: motion_estimators.hpp:200
void setMaskCallback(std::function< void(Mat &)> MaskCallback)
Definition: frame_source.hpp:101
void getDirections(bool &refdir, bool &posdir, bool &negdir, const Vec< double, GPCPatchDescriptor::nFeatures > &coef, double rhs) const
double getBase() const
Definition: saliencySpecializedClasses.hpp:337
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:99
Mat temp4
Definition: tracking.hpp:408
Class that manages the extraction and selection of features.
Definition: tracking_internals.hpp:316
virtual const std::vector< int > & getRoots() const =0
Returns indices of root nodes.
virtual bool getUpright() const =0
virtual void edgesNms(cv::InputArray edge_image, cv::InputArray orientation_image, cv::OutputArray _dst, int r=2, int s=0, float m=1, bool isParallel=true) const =0
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:150
::int16_t int16_t
Definition: cvdef.h:796
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
Ptr< detail::Estimator > estimator()
Definition: stitching.hpp:229
#define CV_8UC1
Definition: interface.h:88
void postprocess_ocl(Outputs &... outs)
Definition: goclkernel.hpp:150
CvResult
Definition: llapi.h:31
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute the PSNR.
Definition: qualitypsnr.hpp:48
virtual void init(InputArray image, const Rect &boundingBox)=0
Initialize the tracker with a known bounding box that surrounded the target.
Definition: msm_middlebury.hpp:69
virtual Mat getDefaultSubstValues() const =0
GAPI_WRAP void stop()
Stop (abort) processing the pipeline.
virtual void getRidgeFilteredImage(InputArray _img, OutputArray out)=0
Apply Ridge detection filter on input image.
@ block_size_y
Definition: copy.hpp:353
@ Uncompressed_UYVY
UYVY (4:2:2)
Definition: cudacodec.hpp:265
@ CHAIN_APPROX_NONE
Definition: imgproc.hpp:434
@ FEATURE_SET_COMPUTE_11
Definition: cuda.hpp:776
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop)
Performs the per-element comparison of two arrays or an array and scalar value.
@ DTF_NC
Definition: edge_filter.hpp:53
static std::tuple< R... > yield(cv::GCall &call, cv::detail::Seq< IIs... >)
Definition: desync.hpp:35
KeyboardEvent(Action action, const String &symbol, unsigned char code, int modifiers)
Constructs a KeyboardEvent.
Simple widgets.
Definition: widgets.hpp:236
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_expand_low(const v_reg< _Tp, n > &a)
Expand lower values to the wider pack type.
Definition: intrin_cpp.hpp:1381
@ CAP_OPENCV_MJPEG
Built-in OpenCV MotionJPEG codec.
Definition: videoio.hpp:121
@ 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
virtual void setMinSampleCount(int val)=0
BackendWrapper(int backendId, int targetId)
virtual bool getRefineModels() const =0
Parameter to choose wether additional refinement of the piece-wise affine models is employed.
virtual void setAdjustOutliers(bool val)=0
double sampsonDistance(InputArray pt1, InputArray pt2, InputArray F)
Calculates the Sampson Distance between two points.
void removeChilds()
Definition: utility.hpp:1095
WCameraPosition(const Matx33d &K, InputArray image, double scale=1.0, const Color &color=Color::white())
Display image on the far plane of the viewing frustum.
cv::gapi::GBackend backend()
Get a reference to OCL backend.
UMatData * originalUMatData
Definition: mat.hpp:567
@ CAP_PROP_XI_COLOR_FILTER_ARRAY
Returns color filter array type of RAW data.
Definition: videoio.hpp:410
GMatP NV12toRGBp(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to RGB. The function converts an input image from N...
virtual ~PoseCluster3D()
Definition: pose_3d.hpp:162
#define HaarStage64_Interpret_MaskRootNodes
Definition: NCVHaarObjectDetection.hpp:270
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
coefficients for the linear SVM classifier.
Definition: objdetect.hpp:617
SvmsgdType
Definition: ml.hpp:1803
_OutputArray(cuda::GpuMat &d_mat)
virtual void deblur(int idx, Mat &frame, const Range &range) CV_OVERRIDE
TLSData()
Definition: tls.hpp:64
__device__ static __forceinline__ uint min()
Definition: limits.hpp:104
@ shortdim
Definition: matx.hpp:110
__device__ __forceinline__ T blockScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:246
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.
all_satisfy< is_meta_descr, typename all_but_last< Ts... >::type > are_meta_descrs_but_last
Definition: gmetaarg.hpp:65
void mapForward(float x, float y, float &u, float &v)
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
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
NCVStatus nppiStDecimate_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm ....
Definition: erfilter.hpp:119
int hal_ni_canny(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int cn, double lowThreshold, double highThreshold, int ksize, bool L2gradient)
Canny edge detector.
Definition: hal_replacement.hpp:769
__host__ GpuMat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
SrcPtr src
Definition: deriv.hpp:239
virtual double getDp() const =0
Ptr< ILog > log() const
Definition: stabilizer.hpp:72
virtual Ptr< MaskGenerator > getMaskGenerator()=0
GMat NV12toBGR(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to BGR. The function converts an input image from N...
void segment(InputArray frame, OutputArray mask)
Given the input frame, create input blob, run net.
friend Quat< T > acosh(const Quat< T > &q)
return arccosh value of quaternion q, arccosh could be calculated as:
static Ptr< TrackerGOTURN > create(const TrackerGOTURN::Params ¶meters=TrackerGOTURN::Params())
Constructor.
@ SFM_REFINE_RADIAL_DISTORTION_K1
Definition: simple_pipeline.hpp:126
static __host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:74
virtual int getSmoothingRadius() const =0
Returns the kernel radius used for morphological operations.
Definition: gkernel.hpp:235
@ DISTANCE_CMC_1TO1
In 1984, the Colour Measurement Committee of the Society of Dyers and Colourists defined a difference...
Definition: ccm.hpp:350
void v_store_high(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (higher half)
Definition: intrin_cpp.hpp:1782
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:94
float lkTermParam2
Definition: quasi_dense_stereo.hpp:57
@ COLOR_SPACE_sRGB
https://en.wikipedia.org/wiki/SRGB , RGB color space
Definition: ccm.hpp:94
GMatDesc m_desc
Definition: gfluidbuffer.hpp:98
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
@ CAP_PROP_XI_LENS_FOCUS_DISTANCE
Lens focus distance in cm.
Definition: videoio.hpp:441
virtual ~CvParams()
Definition: feature.hpp:127
@ IMREAD_COLOR
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:72
v_float32x4 v_reduce_sum4(const v_float32x4 &a, const v_float32x4 &b, const v_float32x4 &c, const v_float32x4 &d)
Sums all elements of each input vector, returns the vector of sums.
Definition: intrin_cpp.hpp:1241
const std::vector< int > & getIdxDetections() const
Definition: onlineBoosting.hpp:228
virtual void setPreFilterCap(int preFilterCap)=0
@ CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio.hpp:255
cv::Point org
The bottom-left corner of the text string in the image.
Definition: render_types.hpp:114
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const CV_OVERRIDE=0
Predicts responses for input samples and returns a float type.
Mat & operator=(const Mat &m)
assignment operators
virtual void setPosThresh(int posThresh)=0
Position votes threshold.
@ MULTI_STEP
processing in multiple step
Definition: types.hpp:62
Mat(const Point3_< _Tp > &pt, bool copyData=true)
static void read(const FileNode &node, schar &value, schar default_value)
Definition: persistence.hpp:1143
@ OCL_VECTOR_MAX
Definition: ocl.hpp:659
#define CV_HAL_ERROR_NOT_IMPLEMENTED
Definition: interface.h:10
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelLSC object.
static Ptr< FisherFaceRecognizer > create(int num_components=0, double threshold=DBL_MAX)
MotionModel motionModel_
Definition: inpainting.hpp:95
virtual void setNumWarps(int warps)=0
double threshold
Definition: predict_collector.hpp:92
::int8_t int8_t
Definition: cvdef.h:794
@ INITIAL_METHOD_LEAST_SQUARE
the least square method is an optimal solution under the linear RGB distance function
Definition: ccm.hpp:84
Ptr< HDF5 > open(const String &HDF5Filename)
Open or create hdf5 file.
std::string model_filename
filename where the trained model will be saved
Definition: facemarkLBF.hpp:79
virtual void fixCameraYawAxis(bool useFixed, InputArray up=noArray())=0
virtual void clearImages()=0
Clear the list of images to process.
void predict(InputArray frame, OutputArrayOfArrays outs) const
Given the input frame, create input blob, run net and return the output blobs.
virtual void setEdgeThreshold(double edge_threshold)=0
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:1072
Definition: slam_tumindoor.hpp:68
int rows
Definition: deriv.hpp:302
int locate(Point2f pt, int &edge, int &vertex)
Returns the location of a point within a Delaunay triangulation.
OpenCLExecutionContext cloneWithNewQueue(const ocl::Queue &q) const
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:665
Definition: frame_source.hpp:66
Params(Matx44f volumeInitialPose)
Constructor for Params Sets the initial pose of the TSDF volume.
Definition: kinfu.hpp:40
virtual void setRho(float rho)=0
GMat phase(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
const cv::Vec< double, 2 > & getShift() const
Definition: mapaffine.hpp:96
int FT02D_iteration(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask, OutputArray maskOutput, bool firstStop)
Computes -transfrom and inverse -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:108
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
int max_num_objects_in_track
Definition: tracking_by_matching.hpp:305
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:199
virtual void setDelta(float val)=0
Weight of the color constancy term.
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:140
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
virtual const Descriptor & descriptorStrong() const =0
Strong descriptor getter.
void createQuaternionImage(InputArray img, OutputArray qimg)
creates a quaternion image.
@ STORE_UNALIGNED
Definition: intrin.hpp:95
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:170
Params()
Definition: kinfu.hpp:22
WImageOverlay(InputArray image, const Rect &rect)
Constructs an WImageOverlay.
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
cv::Scalar compute(InputArrayOfArrays cmpImgs) CV_OVERRIDE
Computes MSE for reference images supplied in class constructor and provided comparison images.
@ YUV444
Definition: cudacodec.hpp:275
const Ptr< detail::FeaturesMatcher > featuresMatcher() const
Definition: stitching.hpp:213
The base class algorithms that can merge exposure sequence to a single image.
Definition: photo.hpp:599
void deletePoint(int vtx)
static Ptr< Layer > create(const LayerParams ¶ms)
@ COLOR_BayerBG2BGR_EA
Edge-Aware Demosaicing.
Definition: imgproc.hpp:770
void init(const Mat **arrays, Mat *planes, uchar **ptrs, int narrays=-1)
the separate iterator initialization method
GAPI_WRAP GComputation(GProtoInputArgs &&ins, GProtoOutputArgs &&outs)
Generic GComputation constructor.
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:928
Mat samplePCByQuantization(Mat pc, Vec2f &xrange, Vec2f &yrange, Vec2f &zrange, float sample_step_relative, int weightByCenter=0)
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:1016
Matx< double, 4, 1 > Matx41d
Definition: matx.hpp:235
#define OPENCV_HAL_IMPL_RVV_REVERSE(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:1950
@ DICT_5X5_250
Definition: dictionary.hpp:148
std::vector< cv::Mat > type
Definition: gtyped.hpp:29
cv::gapi::GBackend backend()
Get a reference to Fluid backend.
GpuMat & setTo(Scalar s, InputArray mask)
sets some of the GpuMat elements to s, according to the mask (Blocking call)
@ CALIB_FIX_SKEW
Definition: calib3d.hpp:3769
int rows
Definition: interpolation.hpp:78
SrcPtr src
Definition: warping.hpp:154
int estimatePoseBoard(InputArrayOfArrays corners, InputArray ids, const Ptr< Board > &board, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false)
Pose estimation for a board of markers.
char Yes
Definition: functional.hpp:889
@ SF_UYVY
Definition: cudacodec.hpp:74
__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:286
@ POS
Definition: pd_inria.hpp:62
@ 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:2488
bool operator!=(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:69
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:313
double getMaxRotation() const
Definition: depth.hpp:724
any(any const &src)
Definition: any.hpp:78
Scalar_< _Tp > conj() const
returns (v0, -v1, -v2, -v3)
Size(int _width, int _height)
Definition: types.hpp:102
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
@ OPTFLOW_LK_GET_MIN_EIGENVALS
Definition: tracking.hpp:57
Represents a compiled computation (graph). Can only be used with image / data formats & resolutions i...
Definition: gcompiled.hpp:67
static void help_reset(gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:235
static Ptr< ConcatLayer > create(const LayerParams ¶ms)
@ TYPE_BS_MOG2
Definition: video.hpp:94
G_TYPED_KERNEL_M(GSobelXY,< GMat2(GMat, int, int, int, double, double, int, Scalar)>, "org.opencv.imgproc.filters.sobelxy")
Definition: imgproc.hpp:117
Class with reference counting wrapping special memory type allocation functions from CUDA.
Definition: cuda.hpp:528
Rect warpRoi(Size src_size, InputArray K, InputArray H) CV_OVERRIDE
bool has(const String &key) const
Checks a presence of the key in the dictionary.
int radius() const
Definition: stabilizer.hpp:75
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
const std::vector< Mat > & getResponses() const
Get the responses.
virtual double getDefaultLearningRate() const =0
#define OPENCV_HAL_IMPL_RVV_INIT_INTEGER(_Tpvec, _Tp, width, suffix1, suffix2)
Definition: intrin_rvv.hpp:552
#define OPENCV_HAL_IMPL_MATH_FUNC_FLOAT(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:564
void project(InputArray vec, OutputArray result) const
cv::gapi::GBackend backend()
@ COLOR_BayerGR2GRAY_MHT
Definition: cudaimgproc.hpp:108
void resetVertexArray()
Resets vertex coordinates.
size_t image3DMaxHeight() const
Ncv32s height
Rectangle height.
Definition: NCV.hpp:175
Full reference peak signal to noise ratio (PSNR) algorithm https://en.wikipedia.org/wiki/Peak_signal-...
Definition: qualitypsnr.hpp:21
@ DISTANCE_CMC_2TO1
Definition: ccm.hpp:351
RotatedRect(const Point2f &point1, const Point2f &point2, const Point2f &point3)
Definition: gopaque.hpp:230
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:96
v_uint8x16 v_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:2494
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
Quat< _Tp > operator-(const Quat< _Tp > &) const
Subtraction operator of two quaternions p and q. It returns a new quaternion that each value is the s...
@ CAP_OPENNI_QVGA_30HZ
Definition: videoio.hpp:281
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
v_int16x8 v_reinterpret_as_s16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2398
cv::GOpaque< T > meta(G g, const std::string &tag)
Definition: meta.hpp:44
RgbdICPOdometry(const Mat &cameraMatrix, float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), int transformType=Odometry::RIGID_BODY_MOTION)
softdouble(const int64_t)
_Tp height
the height
Definition: types.hpp:340
void fillFixed(Mat &G, int flags, int n)
virtual void getLayer(OutputArray outImg, Size outRoi, Stream &stream=Stream::Null()) const =0
virtual void setNumScales(int nscales)=0
int wscale
Definition: ocl.hpp:417
static Quat< _Tp > squad(const Quat< _Tp > &q0, const Quat< _Tp > &s0, const Quat< _Tp > &s1, const Quat< _Tp > &q1, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT, bool directChange=true)
To calculate the interpolation between , , , by Spherical and quadrangle(Squad). This could be defin...
static U wrap_in(const U &u)
Definition: gtype_traits.hpp:173
Definition: intrin_rvv.hpp:111
virtual void renderSurface(OutputArray depthImage, OutputArray vertImage, OutputArray normImage, bool warp=true)=0
Ptr< cv::Tracker > upgradeTrackingAPI(const Ptr< legacy::Tracker > &legacy_tracker)
cv::Size getMaxObjectSize() const
Definition: detection_based_tracker.hpp:92
__device__ __forceinline__ void warpReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:62
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
Checks if detector size equal to descriptor size.
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.
bool useGlobalMotionPrior
Definition: rlofflow.hpp:134
virtual Mat cluster(const Mat &descriptors) const =0
Clusters train descriptors.
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
virtual int outputNameToIndex(const String &outputName)
Returns index of output blob in output array.
virtual bool getDoSort() const =0
@ COLOR_BGRA2BGR
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:531
void apply(GRunArgs &&ins, GRunArgsP &&outs, GCompileArgs &&args={})
Compile graph on-the-fly and immediately execute it on the inputs data vectors.
void storeKind()
Definition: garray.hpp:270
@ CALIB_THIN_PRISM_MODEL
Definition: calib3d.hpp:508
std::shared_ptr< Impl > p
Definition: ocl.hpp:816
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_popcount(const v_reg< _Tp, n > &a)
Count the 1 bits in the vector lanes and return result as corresponding unsigned type.
Definition: intrin_cpp.hpp:712
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3095
Mat _ii_img
Definition: tracking_feature.private.hpp:150
std::unordered_map< std::string, ConstInput > const_inputs
Definition: ie.hpp:59
double floord(double x)
Definition: saturate.hpp:83
size_t stepT(int i=0) const
returns step()/sizeof(_Tp)
virtual int getMedianFiltering() const =0
Median filter kernel size (1 = no filter) (3 or 5)
@ COLOR_BGR2GRAY
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:546
virtual void generateFeatures() CV_OVERRIDE
@ HDO_RAW
Definition: fast_hough_transform.hpp:107
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
bool ptmode
Definition: imgproc.hpp:4820
GMat subRC(const GScalar &c, const GMat &src, int ddepth=-1)
Calculates the per-element difference between given scalar and the matrix.
String dumpInputOutputArrayOfArrays(InputOutputArrayOfArrays argument)
int ymax
Definition: or_pascal.hpp:65
virtual void setDist2Threshold(double _dist2Threshold)=0
Sets the threshold on the squared distance.
ConsistentMosaicInpainter()
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.
virtual void setMarginType(int marginType)=0
Margin type, one of SVMSGD::MarginType.
DeviceInfo::ComputeMode computeMode() const
compute mode
@ MM_RIGID
Definition: motion_core.hpp:64
NcvSize32u size() const
Definition: NCV.hpp:826
@ WINDOW_FREERATIO
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:192
int width
Definition: pd_inria.hpp:75
static void write(FileStorage &fs, const String &name, const _Tp &val)
Definition: persistence.hpp:1080
void detectMultiScaleWithoutConf(InputArray img, std::vector< Rect > &found_locations)
Performs object detection with a multi-scale window.
Definition: cudaobjdetect.hpp:202
__host__ __device__ HaarClassifierNodeDescriptor32 getLeftNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:256
void record(Stream &stream=Stream::Null())
records an event
Vec< int, 6 > Vec6i
Definition: matx.hpp:424
_Tp value_type
Definition: utility.hpp:104
float score
Definition: dpm.hpp:113
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
void jflushStream(unsigned currval, int bitIdx)
@ COLOR_RGBA2YUV_YV12
Definition: imgproc.hpp:739
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:341
QtFontWeights
Qt font weight.
Definition: highgui.hpp:240
void allocate(size_t _size)
allocates the new buffer of size _size. if the _size is small enough, stack-allocated buffer is used
Definition: all_layers.hpp:582
int minusStep
Definition: imgproc.hpp:4817
T value
Definition: constant.hpp:62
Size getGridSize() const
Definition: aruco.hpp:340
virtual String getDefaultName() const CV_OVERRIDE
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
bool loadFacePoints(String filename, OutputArray points, float offset=0.0f)
A utility to load facial landmark information from a given file.
std::vector< std::string > paths
Definition: or_sun.hpp:73
@ CAP_PROP_DC1394_MODE_MANUAL
set automatically when a value of the feature is set by the user.
Definition: videoio.hpp:216
MultiBandBlender(int try_gpu=false, int num_bands=5, int weight_type=CV_32F)
static Ptr< RidgeDetectionFilter > create(int ddepth=CV_32FC1, int dx=1, int dy=1, int ksize=3, int out_dtype=CV_8UC1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Create pointer to the Ridge detection filter.
Definition: type_traits.hpp:97
float cy
Definition: intrinsics.hpp:35
virtual bool setActivation(const Ptr< ActivationLayer > &layer)
Tries to attach to the layer the subsequent activation layer, i.e. do the layer fusion in a partial c...
Definition: freetype.hpp:75
uint imagePitchAlignment() const
int hal_ni_fastAtan32f(const float *y, const float *x, float *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:388
Ptr< Impl > impl
Definition: dnn.hpp:1178
Definition: functional.hpp:448
@ WND_PROP_FULLSCREEN
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:200
float hcellsTemporalConstant
Definition: retina.hpp:162
virtual Ptr< BackendNode > initNgraph(const std::vector< Ptr< BackendWrapper > > &inputs, const std::vector< Ptr< BackendNode > > &nodes)
Definition: tracking_internals.hpp:711
This 3D Widget defines a cube.
Definition: widgets.hpp:373
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
static Ptr< CChecker > create()
Create a new CChecker object.
ptrdiff_t difference_type
Definition: mat.hpp:3080
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
Base class for background/foreground segmentation. :
Definition: background_segm.hpp:61
void weightedMedianFilter(InputArray joint, InputArray src, OutputArray dst, int r, double sigma=25.5, int weightType=WMF_EXP, InputArray mask=noArray())
Applies weighted median filter to an image.
virtual void dswrite(InputArray Array, const String &dslabel) const =0
__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.
int cameraVertex
Definition: multicalib.hpp:84
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
virtual Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)=0
Projects the image point.
CV_EXPORTS_W bool imreadmulti(const String &filename, CV_OUT std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
Loads a multi-page image from a file.
virtual void setImage(InputArray img, InputArray regions, InputArray sizes, int image_id=-1)=0
Set a initial image, with a segmentation.
@ NCV_HAAR_INVALID_PIXEL_STEP
Definition: NCV.hpp:343
GProtoInputArgs GIn(Ts &&... ts)
Definition: gproto.hpp:96
virtual void subtract(const Scalar &s, const MatExpr &expr, MatExpr &res) const
size_t freeMemory() const
@ DNN_BACKEND_DEFAULT
Definition: dnn.hpp:70
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.
cv::detail::OpaqueKind getKind() const
Definition: gopaque.hpp:251
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
virtual void setMsgType(int msg_type)=0
unsigned int VASurfaceID
Definition: va_intel.hpp:23
T float_type
Definition: affine.hpp:129
This structure contains all the parameters that can be varied during the course of sampling algorithm...
Definition: tracking_internals.hpp:775
@ pat
Definition: gr_skig.hpp:71
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
@ CAP_PROP_XI_DEVICE_SN
Returns device serial number.
Definition: videoio.hpp:446
virtual void setMaxAngle(double maxAngle)=0
Maximal rotation angle to detect in degrees.
Definition: deblurring.hpp:60
int m_threads
Definition: instrumentation.hpp:89
Definition: bufferpool.hpp:22
@ DIST_HUBER
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:307
bool update(const Mat &image, int target, float importance=1.0)
void setMaxTranslation(double val)
Definition: depth.hpp:720
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:237
void setInputParams(double scale=1.0, const Size &size=Size(), const Scalar &mean=Scalar(), bool swapRB=false, bool crop=false)
Set preprocessing parameters for frame.
Definition: reduction.hpp:65
virtual Size getClassifierSize() const =0
softdouble setFrac(const softdouble &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:338
@ DTF_RF
Definition: edge_filter.hpp:55
@ COLOR_RGB2YCrCb
Definition: imgproc.hpp:585
cv::gapi::GBackend backend()
Get a reference to CPU (OpenCV) backend.
virtual bool getUsePrefilter() const =0
Model & operator=(const Model &)=default
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
@ NCV_INVALID_STEP
Definition: NCV.hpp:329
@ GC_EVAL
Definition: imgproc.hpp:361
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: resize.hpp:68
int numFeatures
Definition: tracking_feature.private.hpp:48
Definition: constant.hpp:68
@ PREFILTER_NORMALIZED_RESPONSE
Definition: stereo.hpp:126
@ TYPE_WRAPPER
Definition: instrumentation.hpp:49
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:428
BRISQUE (Blind/Referenceless Image Spatial Quality Evaluator) is a No Reference Image Quality Assessm...
Definition: qualitybrisque.hpp:26
virtual void setCallback(const Ptr< ERFilter::Callback > &cb)=0
set/get methods to set the algorithm properties,
static Ptr< RLOFOpticalFlowParameter > create()
Creates instance of optflow::RLOFOpticalFlowParameter.
static double determinant(const Matx< _Tp, m, m > &a)
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:132
std::vector< uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:97
Definition: intrin_rvv.hpp:48
AverageHash()
Definition: average_hash.hpp:26
float index_type
Definition: interpolation.hpp:237
virtual void apply(InputArray src, OutputArray dst)=0
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
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
@ block_dim_y
Definition: transpose.hpp:88
double polygonalApproxAccuracyRate
Definition: aruco.hpp:162
@ INTERSECT_PARTIAL
There is a partial intersection.
Definition: imgproc.hpp:800
void * userdata
Definition: mat.hpp:564
@ COLOR_SPACE_WideGamutRGB
https://en.wikipedia.org/wiki/Wide-gamut_RGB_color_space , RGB color space
Definition: ccm.hpp:98
int corrWinSizeY
Definition: quasi_dense_stereo.hpp:41
virtual void setFastThreshold(int fastThreshold)=0
static Ptr< MishLayer > create(const LayerParams ¶ms)
#define _v512_set_epu32(a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:21
InpaintTypes
Various inpainting algorithms.
Definition: inpainting.hpp:70
"black box" representation of the file storage associated with a file on disk.
Definition: affine.hpp:52
VolumeType
Definition: volume.hpp:47
void createPointCloudMesh(const String &name, InputArray vertices, InputArray colors=noArray())
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...
Quat< T > tan(const Quat< T > &q)
Point2f pt
Definition: descriptor.hpp:115
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
cv::MediaFrame & outFrame(int output)
const _InputOutputArray & InputOutputArray
Definition: mat.hpp:441
@ IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs.hpp:132
static Ptr< legacy::TrackerMOSSE > create()
Constructor.
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, abs_func< typename PtrTraits< SrcPtr >::value_type > > > abs_(const SrcPtr &src)
Definition: unary_func.hpp:68
virtual void setDecisionThreshold(double thresh)=0
SparseMatIterator iterator
Definition: mat.hpp:2665
static MatAllocator * getDefaultAllocator()
virtual int getP1() const =0
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:223
virtual Mat getVarType() const =0
double getTimeMilli() const
returns passed time in milliseconds.
Definition: utility.hpp:333
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
FlannBasedMatcher(const Ptr< flann::IndexParams > &indexParams=makePtr< flann::KDTreeIndexParams >(), const Ptr< flann::SearchParams > &searchParams=makePtr< flann::SearchParams >())
FastICPOdometry(const Mat &cameraMatrix, float maxDistDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float angleThreshold=(float)(30. *CV_PI/180.), float sigmaDepth=0.04f, float sigmaSpatial=4.5f, int kernelSize=7, const std::vector< int > &iterCounts=std::vector< int >())
@ TYPE_BS_KNN
Definition: video.hpp:95
void match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info) CV_OVERRIDE
This method must implement matching logic in order to make the wrappers detail::FeaturesMatcher::oper...
static bool convert(const String &oldcascade, const String &newcascade)
float getConfidenceThreshold() const
Get the detection confidence threshold.
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
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: tracking.hpp:476
Ptr< BackgroundSubtractorLSBP > createBackgroundSubtractorLSBP(int mc=LSBP_CAMERA_MOTION_COMPENSATION_NONE, int nSamples=20, int LSBPRadius=16, float Tlower=2.0f, float Tupper=32.0f, float Tinc=1.0f, float Tdec=0.05f, float Rscale=10.0f, float Rincdec=0.005f, float noiseRemovalThresholdFacBG=0.0004f, float noiseRemovalThresholdFacFG=0.0008f, int LSBPthreshold=8, int minCount=2)
Creates an instance of BackgroundSubtractorLSBP algorithm.
virtual int getNOctaves() const =0
virtual void warp(InputArray img1, OutputArray img2) const
DictValue(unsigned p)
Constructs integer scalar.
Definition: dict.hpp:66
void setLinearGamma(const double &gamma)
set Gamma
__device__ __forceinline__ float1 sin(const uchar1 &a)
Definition: vec_math.hpp:285
virtual void setScale(float)
Definition: warpers.hpp:136
@ MOTION_HOMOGRAPHY
Definition: tracking.hpp:265
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2663
WText(const String &text, const Point &pos, int font_size=20, const Color &color=Color::white())
Constructs a WText.
virtual void close()=0
Close and release hdf5 object.
@ DICT_4X4_50
Definition: dictionary.hpp:142
static Ptr< TanHLayer > create(const LayerParams ¶ms)
_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
Simple blender which mixes images at its borders.
Definition: blenders.hpp:101
virtual void getForegroundRegions(OutputArrayOfArrays foreground_regions)=0
Returns the output foreground regions calculated by findContours.
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:125
std::function< void(GPlaidMLContext &)> F
Definition: gplaidmlkernel.hpp:59
@ COLOR_HLS2BGR_FULL
Definition: imgproc.hpp:617
int veclen() const
Definition: flann.hpp:322
Mat getStructuringElement(int shape, Size ksize, Point anchor=Point(-1,-1))
Returns a structuring element of the specified size and shape for morphological operations.
@ COLOR_YUV420p2BGRA
Definition: imgproc.hpp:666
virtual void getNormCatValues(int vi, InputArray sidx, int *values) const =0
@ StsAutoTrace
tracing
Definition: base.hpp:77
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
@ cross
Definition: gr_skig.hpp:68
int64 lane_type
Definition: intrin_rvv.hpp:485
static Quat< _Tp > slerp(const Quat< _Tp > &q0, const Quat &q1, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT, bool directChange=true)
To calculate the interpolation between and by Spherical Linear Interpolation(Slerp),...
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:180
MatConstIterator(const Mat *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
static Ptr< BlockMeanHash > create(int mode=BLOCK_MEAN_HASH_MODE_0)
static constexpr const char * tag()
Definition: infer.hpp:280
void sqrt32f(const float *src, float *dst, int len)
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitypsnr.hpp:59
bool loadDatasetList(String imageList, String annotationList, std::vector< String > &images, std::vector< String > &annotations)
A utility to load list of paths to training image and annotation file.
std::function< void(const cv::GArgs &, const std::vector< gapi::fluid::Buffer * > &)> F
Definition: gfluidkernel.hpp:56
void saveScreenshot(const String &file)
Saves screenshot of the current scene.
void setMaxDepth(double val)
Definition: depth.hpp:672
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...
~TLSDataAccumulator()
Definition: tls.hpp:94
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.
Mat(const std::vector< int > &sizes, int type, void *data, const size_t *steps=0)
virtual void filter(InputArray src, InputArray confidence, OutputArray dst)=0
Apply smoothing operation to the source image.
int radius_
Definition: inpainting.hpp:94
#define OPENCV_HAL_IMPL_RVV_EXPAND(_Tpwvec, _Tp, _Tpvec, width, suffix, wcvt)
Definition: intrin_rvv.hpp:1978
@ 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...
@ CAP_PROP_XI_IS_COOLED
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:400
void setMaxPointsPart(double val)
Definition: depth.hpp:827
Quat< _Tp > power(const _Tp x, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return the value of power function with index .
int * refcount
Definition: cuda.hpp:333
void initDelaunay(Rect rect)
Creates a new empty Delaunay subdivision.
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:78
const float * warpMat
Definition: warping.hpp:66
@ THRESH_TOZERO_INV
Definition: imgproc.hpp:324
void setType(int type_)
Definition: agast.txt:7529
GKernelPackage combine(const GKernelPackage &lhs, const GKernelPackage &rhs)
void recip64f(const double *, size_t, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
virtual int getPatchSize() const =0
_OutputArray(const cuda::HostMem &cuda_mem)
Definition: gscalar.hpp:30
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
@ COLOR_BGR5652BGR
Definition: imgproc.hpp:557
void findNonZero(InputArray src, OutputArray idx)
Returns the list of locations of non-zero pixels.
bool drop_forgotten_tracks
Definition: tracking_by_matching.hpp:302
virtual void setScalesNumber(int val)=0
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.
This class represents high-level API for keypoints models.
Definition: dnn.hpp:1220
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
const char * name() const
ASCII string identifying device.
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:454
virtual void setScalesNumber(int val)=0
Number of scales used to create the pyramid of images.
virtual const std::vector< GpuMat > & getTrainDescriptors() const =0
Returns a constant link to the train descriptor collection.
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:209
virtual void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Mat4 matrix
Definition: affine.hpp:273
int getReplacedClassifier() const
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.
K API
Definition: gfluidkernel.hpp:421
virtual int getDescriptorChannels() const =0
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:104
GArgs m_args
Definition: gcompoundkernel.hpp:36
static Ptr< LRNLayer > create(const LayerParams ¶ms)
void bilateralFilter(InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
@ XYZRGB
Definition: omnidir.hpp:76
void computeBboxStd(Mat pc, Vec2f &xRange, Vec2f &yRange, Vec2f &zRange)
int cols
Definition: deriv.hpp:256
Base class for Cornerness Criteria computation. :
Definition: cudaimgproc.hpp:520
int axis
Definition: all_layers.hpp:313
@ CALIB_NINTRINSIC
Definition: calib3d.hpp:495
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
void filterHomographyDecompByVisibleRefpoints(InputArrayOfArrays rotations, InputArrayOfArrays normals, InputArray beforePoints, InputArray afterPoints, OutputArray possibleSolutions, InputArray pointsMask=noArray())
Filters homography decompositions based on additional information.
@ CAP_PROP_XI_CC_MATRIX_33
Color Correction Matrix element [3][3].
Definition: videoio.hpp:429
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
float getInitSigma() const
virtual void setSpekleRemovalTechnique(int factor)=0
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:95
virtual ~Modality()
Definition: linemod.hpp:123
illuminationType
Definition: gr_skig.hpp:82
@ PSM_SINGLE_LINE
Definition: ocr.hpp:76
virtual void setMiniBatchSize(int val)=0
#define HaarStage64_Interpret_ShiftRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:272
cv::Size size
Definition: gmat.hpp:81
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapXPtr >::index_type y, typename PtrTraits< MapXPtr >::index_type x) const
Definition: remap.hpp:84
virtual size_t getMaxReservedSize() const =0
virtual void reset() override
Definition: gstreaming.hpp:49
std::string modelBin
Definition: tracking.hpp:808
String getClassName() const
Get the name of the specific TrackerStateEstimator.
UMatUsageFlags usageFlags
Definition: mat.hpp:2561
void clearTrainingModels()
@ CAP_PVAPI_FSTRIGMODE_SYNCIN2
SyncIn2.
Definition: videoio.hpp:313
Mat temp1
Definition: tracking.hpp:405
~NCVVectorAlloc()
Definition: NCV.hpp:654
void FT02D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -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 Voronoi facets.
const value_type & const_reference
Definition: cvstd.hpp:117
ushort u
Definition: cvdef.h:368
virtual const std::vector< Node > & getNodes() const =0
Returns all the nodes.
Mat controlMatrix
control matrix (B) (Optional: not used if there's no control)
Definition: video.hpp:42
@ CORNER_REFINE_NONE
Tag and corners detection based on the ArUco approach.
Definition: aruco.hpp:82
float fastAtan2(float y, float x)
Calculates the angle of a 2D vector in degrees.
int CP
Dimensionality of the control vector.
Definition: kalman_filters.hpp:133
ArgKind
Definition: gtype_traits.hpp:31
static Ptr< GR_skig > create()
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
virtual void setTermCriteria(TermCriteria &crit)=0
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 occurred.
This class is used to track multiple objects using the specified tracker algorithm.
Definition: tracking_legacy.hpp:352
@ ALPHA_IN
Definition: cudaimgproc.hpp:159
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
OpenCLExecutionContext()=default
bool(* FN_FaceDetector)(InputArray, OutputArray, void *userData)
Definition: facemark_train.hpp:33
virtual void * createDataInstance() const =0
static Ptr< PoolingLayer > create(const LayerParams ¶ms)
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 descriptorType() const
Return data type.
@ FONT_HERSHEY_DUPLEX
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: imgproc.hpp:820
bool acrossSpatial
Definition: all_layers.hpp:644
int keyframe2
Definition: simple_pipeline.hpp:152
virtual void setRadius(int radius)=0
virtual int getMaxFeatures() const =0
Returns total number of distinct colors to maintain in histogram.
@ QT_FONT_NORMAL
Weight of 50.
Definition: highgui.hpp:242
static const std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:176
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
virtual int getPreFilterSize() const =0
static cv::GOCLKernel kernel()
Definition: goclkernel.hpp:239
int getIntValue(int idx=-1) const
int hal_ni_exp32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:473
Quat< T > acos(const Quat< T > &q)
static Ptr< LMSolver > create(const Ptr< LMSolver::Callback > &cb, int maxIters, double eps)
static constexpr const char * tag()
Definition: gkernel.hpp:195
ConnectedComponentsTypes
connected components statistics
Definition: imgproc.hpp:392
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel, const int compresslevel) const =0
OpaqueRef & operator=(const cv::util::any &a)
Definition: gopaque.hpp:296
void allocate(T *&ptr, size_t count, ushort alignment=sizeof(T))
Bind a pointer to local area.
Definition: buffer_area.private.hpp:67
__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
Definition: gcommon.hpp:62
@ CAP_PROP_PVAPI_MULTICASTIP
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:301
int frameCounter
Definition: track_vot.hpp:88
Kind
Definition: ie.hpp:66
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
virtual void setRpropDWMax(double val)=0
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
@ CPU_VSX3
Definition: cvdef.h:327
void writeLogMessageEx(LogLevel logLevel, const char *tag, const char *file, int line, const char *func, const char *message)
enable_if_t< !std::is_same< decay_t< T >, decay_t< U > >::value, V > are_different_t
Definition: type_traits.hpp:26
static Ptr< CvFeatureEvaluator > create(CvFeatureParams::FeatureType type)
void GradientDericheY(InputArray op, OutputArray dst, double alpha, double omega)
Applies Y Deriche filter to an image.
DisjointSets(int elem_count=0)
Definition: util.hpp:58
CV_EXPORTS_W bool haveImageReader(const String &filename)
Returns true if the specified image can be decoded by OpenCV.
virtual void setInputMin(float val)=0
Input image range minimum value.
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
float f
Definition: cvdef.h:379
void printMessage() const
Print help message.
StaticSaliencySpectralResidual()
std::vector< int > leaveBiggestComponent(std::vector< ImageFeatures > &features, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
BlocksGainCompensator(int bl_width, int bl_height, int nr_feeds)
Definition: exposure_compensate.hpp:213
Point3_(Point3_ &&pt) CV_NOEXCEPT
double minContoursAreaRate
Definition: checker_detector.hpp:110
String getBackendName() const
Returns used backend API name.
KeyPoint()
the default constructor
Ptr< SelectiveSearchSegmentationStrategySize > createSelectiveSearchSegmentationStrategySize()
Create a new size-based strategy.
static CV_CONSTEXPR const int EXPANDED_MAT_DEFAULT_TYPE
Definition: quality_utils.hpp:18
virtual void setMinScale(double minScale)=0
Minimal scale to detect.
void fillPoly(InputOutputArray img, const Point **pts, const int *npts, int ncontours, const Scalar &color, int lineType=LINE_8, int shift=0, Point offset=Point())
softfloat pow(const softfloat &a, const softfloat &b)
Raising to the power.
void applyTransformationToPoints(InputArray points, InputArray T, OutputArray transformed_points)
Apply Transformation to points.
Matx33d mat
Definition: ir_affine.hpp:64
__device__ __forceinline__ const T * row(int y) const
Definition: glob.hpp:73
@ 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:408
static void write(FileStorage &fs, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:959
CreateFlags
Definition: cuda.hpp:705
virtual int radius() const
Definition: deblurring.hpp:67
Definition: sr_general100.hpp:24
@ DICT_APRILTAG_36h10
6x6 bits, minimum hamming distance between any two codes = 10, 2320 codes
Definition: dictionary.hpp:161
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
int cellSz
Cell size (same for X, Y)
Definition: render_types.hpp:259
@ COLOR_YUV2BGR_IYUV
Definition: imgproc.hpp:653
@ MAGIC_MASK
Definition: mat.hpp:2080
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
An abstract class providing interface for text detection algorithms.
Definition: textDetector.hpp:21
void mapForward(float x, float y, float &u, float &v)
static Ptr< StereoSGBM > create(int minDisparity=0, int numDisparities=16, int blockSize=3, 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.
void setGlobalWarnings(bool enabled=false)
bool canDescribe(const cv::RMat &mat) const
optional & operator=(const optional &)=default
void setWidgetPose(const String &id, const Affine3d &pose)
Sets pose of a widget in the window.
int width
Definition: histogramphaseunwrapping.hpp:81
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.
int xmin
Definition: or_pascal.hpp:62
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:560
Definition: all_layers.hpp:524
ParamGrid(double _minVal, double _maxVal, double _logStep)
Constructor with parameters.
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:123
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.
@ CALIB_CB_EXHAUSTIVE
Definition: calib3d.hpp:484
Vec3i maxGridSize() const
maximum size of each dimension of a grid
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:406
@ COLOR_BayerGR2BGRA
Definition: imgproc.hpp:784
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
virtual void setTau(double val)=0
Definition: hpe_parse.hpp:66
@ COLOR_YUV2RGBA_NV12
Definition: imgproc.hpp:643
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:830
virtual void setCoef0(double val)=0
Line segment detector class.
Definition: imgproc.hpp:1265
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:286
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.
double minCornerDistanceRate
Definition: aruco.hpp:163
@ PINHOLE
Definition: multicalib.hpp:76
virtual ~FacemarkLBF()
Definition: facemarkLBF.hpp:112
virtual void setFinestScale(int val)=0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
__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.
virtual int getWeakCount() const =0
virtual const std::vector< Mat > & motions() const
Definition: wobble_suppression.hpp:79
static Ptr< cv::stereo::StereoBinaryBM > create(int numDisparities=0, int blockSize=9)
Creates StereoBM object.
virtual void load(const std::string &path) CV_OVERRIDE=0
@ SUBMATRIX_FLAG
Definition: mat.hpp:2079
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
static Ptr< DensePyrLKOpticalFlow > create(Size winSize=Size(13, 13), int maxLevel=3, int iters=30, bool useInitialFlow=false)
float cheb_attenuation
Definition: tracking.hpp:54
void destroyAllWindows()
Destroys all of the HighGUI windows.
ErrorCallback redirectError(ErrorCallback errCallback, void *userdata=0, void **prevUserdata=0)
Sets the new error handler and the optional user data.
GMatDesc asPlanar(int planes) const
Definition: gmat.hpp:180
String className
Definition: saliencyBaseClasses.hpp:81
Ptr< BaseCascadeClassifier > cc
Definition: objdetect.hpp:337
void cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
int depth_
Definition: depth.hpp:260
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:120
void read(const FileNode &)
Read parameters from a file.
double aspectRatio() const
aspect ratio (width/height)
float angle
Definition: interface.h:24
cv::Vec2f bbox_heights_range
Bounding box heights range.
Definition: tracking_by_matching.hpp:291
virtual Ptr< BackendNode > tryAttach(const Ptr< BackendNode > &node)
Implement layers fusing.
double sampling_step_relative
Definition: ppf_match_3d.hpp:149
double getMinDepth() const
Definition: depth.hpp:660
virtual int getTreeHeight() const =0
std::vector< DMatch > getMatches()
Definition: matchers.hpp:112
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
Detects objects of different sizes in the input image. The detected objects are returned as a list of...
int next
Index of the next split in the list of splits for the node.
Definition: ml.hpp:1183
@ COLOR_BGR5552BGR
Definition: imgproc.hpp:569
double val[2]
Definition: intrin_rvv.hpp:545
Quat< S > sqrt(const Quat< S > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
@ GPC_DESCRIPTOR_WHT
Worse quality but much faster.
Definition: sparse_matching_gpc.hpp:93
Codec
Video codecs supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:246
Definition: garray.hpp:135
@ CPU_AVX_512CD
Definition: cvdef.h:307
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
virtual NCVMemoryType memType() const
virtual void clear() CV_OVERRIDE
Clears the train descriptor collections.
virtual void run(const std::vector< String > &images)=0
#define CV_FORMAT_PRINTF(A, B)
Definition: operations.hpp:61
void _drawPlanarBoardImpl(Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Implementation of drawPlanarBoard that accepts a raw Board pointer.
Definition: all_layers.hpp:465
Quat< T > acosh(const Quat< T > &q)
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.
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:240
static cv::GOpaque< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:91
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:87
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2944
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.
std::tuple< cv::GMat, cv::GMat > GMat2
Definition: render.hpp:73
_LayerStaticRegisterer(const String &layerType, LayerFactory::Constructor layerConstructor)
Definition: layer.details.hpp:62
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.
void resetMyriadDevice()
Release a Myriad device (binded by OpenCV).
Definition: all_layers.hpp:270
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
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
Mat reproject(const Mat &shape) const
Definition: NCVHaarObjectDetection.hpp:179
bool isNamed() const
returns true if the node has a name
cv::Rect mos
Coordinates of the mosaic.
Definition: render_types.hpp:258
virtual void setUp(const Mat &firstFrame) CV_OVERRIDE
int preferredVectorWidthChar() const
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
int p3
Definition: feature.hpp:327
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3019
int featureSetNumFeatures
Definition: tracking.hpp:767
virtual void detect(InputArray image, OutputArray positions, OutputArray votes=noArray())=0
find template on image
static T get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:55
#define CV_PI
Definition: cvdef.h:354
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)
void suppress_unused_warning(const T &)
Utility template function to prevent "unused" warnings by various compilers.
Definition: compiler_hints.hpp:15
KeyPoint(Point2f _pt, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
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:113
@ CAP_PROP_XI_GPI_SELECTOR
Selects general purpose input.
Definition: videoio.hpp:349
static void read(const FileNode &node, Point_< _Tp > &value, const Point_< _Tp > &default_value)
Definition: persistence.hpp:736
v_reg< int, 4 > v_int32x4
Four 32-bit signed integer values.
Definition: intrin_cpp.hpp:403
Ptr< Facemark > createFacemarkKazemi()
construct a Kazemi facemark detector
virtual bool getCut() const =0
@ StsVecLengthErr
incorrect vector length
Definition: base.hpp:97
@ CAP_PROP_XI_CC_MATRIX_32
Color Correction Matrix element [3][2].
Definition: videoio.hpp:428
G-API object used to collect network outputs.
Definition: infer.hpp:201
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
virtual bool updateMemoryShapes(const std::vector< MatShape > &inputs)
Rect rect
Definition: feature.hpp:392
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:497
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...
int pyramid_level
Definition: linemod.hpp:45
Scalar mean(InputArray src, InputArray mask=noArray())
Calculates an average (mean) of array elements.
Reprojector(Intr intr)
Definition: intrinsics.hpp:22
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0) CV_OVERRIDE
UMat(const UMat &m, const Range *ranges)
Discriminant feature described by its location and label.
Definition: linemod.hpp:27
virtual ~HDF5()
Definition: hdf5.hpp:69
void shrinkCaffeModel(const String &src, const String &dst, const std::vector< String > &layersTypes=std::vector< String >())
Convert all weights of Caffe network to half precision floating point.
Point3_()
default constructor
virtual ~Timelapser()
Definition: timelapsers.hpp:63
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:359
virtual int getSuperpixelMode() const =0
Parameter to choose superpixel algorithm variant to use:
virtual float getEdgeMergeThr() const =0
Returns the edge merge threshold.
virtual void setDepthDiscontinuityRadius(int _disc_radius)=0
virtual ~TrackerKCF() CV_OVERRIDE
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:441
void create(int rows, int cols, int type)
Allocates new array data if needed.
virtual Size getWinSize() const =0
virtual bool empty() const CV_OVERRIDE
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
@ ROW_SAMPLE
each training sample is a row of samples
Definition: ml.hpp:98
schar type
Definition: vec_traits.hpp:76
@ LINE_8
8-connected line
Definition: imgproc.hpp:810
const uint8_t * InLineB(int index) const
Definition: gfluidbuffer.hpp:59
int QR32f(float *A, size_t astep, int m, int n, int k, float *b, size_t bstep, float *hFactors)
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams ¶ms=FGDParams())
Creates FGD Background Subtractor.
std::is_same< GArg, typename std::decay< T >::type > is_garg
Definition: garg.hpp:39
v_uint8x16(uchar v0, uchar v1, uchar v2, uchar v3, uchar v4, uchar v5, uchar v6, uchar v7, uchar v8, uchar v9, uchar v10, uchar v11, uchar v12, uchar v13, uchar v14, uchar v15)
Definition: intrin_rvv.hpp:238
double quant
Definition: descriptor.hpp:703
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
void fill(InputOutputArray mat, int distType, InputArray a, InputArray b, bool saturateRange=false)
Fills arrays with random numbers.
virtual void setMinNeighbors(int minNeighbors)=0
@ CAP_PROP_AUTOFOCUS
Definition: videoio.hpp:174
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:2443
@ CAP_OPENNI_VALID_DEPTH_MASK
CV_8UC1.
Definition: videoio.hpp:269
const uint8_t * linePtr(int index) const
Definition: gfluidbuffer.hpp:49
float size
diameter of the meaningful keypoint neighborhood
Definition: types.hpp:772
@ CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Reload all settings on set.
Definition: videoio.hpp:576
static Ptr< OR_sun > create()
void reconstruct(InputArrayOfArrays points2d, OutputArray Ps, OutputArray points3d, InputOutputArray K, bool is_projective=false)
Reconstruct 3d points from 2d correspondences while performing autocalibration.
Definition: functional.hpp:672
Definition: dynamic_smem.hpp:57
cv::Size2f densityNeighborhoodSize
Definition: calib3d.hpp:1633
virtual InterpolationType getInterpolation() const =0
Interpolation used to compute the dense optical flow.
void winrt_onVisibilityChanged(bool visible)
@ COLOR_XYZ2BGR
Definition: imgproc.hpp:581
MatExpr operator()(const Rect &roi) const
virtual void setMinProbability(float minProbability)=0
@ THRESH_TRUNC
Definition: imgproc.hpp:322
int rows
Definition: cuda.hpp:590
std::shared_ptr< IImageDescriptor > Descriptor
Definition: tracking_by_matching.hpp:418
float sPointInOctaveY
Definition: descriptor.hpp:133
Definition: garray.hpp:71
ColorGradient(float weak_threshold, size_t num_features, float strong_threshold)
Constructor.
virtual void mov(BasicOpaqueRef &v) override
Definition: gopaque.hpp:210
virtual const Mat getParvoRAW() const =0
@ CAP_PROP_XI_AEAG_ROI_WIDTH
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:384
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.
int ksize_
Definition: descriptor.hpp:202
virtual void load(const std::string &path)=0
static void computeFromLocalSVDValues(OutputArray desc, const Mat &localSVDValues, const Point2i *LSBPSamplePoints)
double findTransformECC(InputArray templateImage, InputArray inputImage, InputOutputArray warpMatrix, int motionType, TermCriteria criteria, InputArray inputMask, int gaussFiltSize)
Finds the geometric transform (warp) between two images in terms of the ECC criterion .
char Yes
Definition: functional.hpp:876
int getVersionMinor()
Returns minor library version.
schar lane_type
Definition: intrin_rvv.hpp:262
int length() const
Definition: gfluidbuffer.hpp:72
@ CAP_PROP_XI_AVAILABLE_BANDWIDTH
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:457
void reshape(const GMetaArgs &inMetas, const GCompileArgs &args)
Reshape a compiled graph to support new image resolutions.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:262
MultiTracker()
Constructor.
virtual AKAZE::DescriptorType getDescriptorType() const =0
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
static ProgramSource fromBinary(const String &module, const String &name, const unsigned char *binary, const size_t size, const cv::String &buildOptions=cv::String())
Describe OpenCL program binary. Do not call clCreateProgramWithBinary() and/or clBuildProgram().
ERStat * parent
pointers preserving the tree structure of the component tree
Definition: erfilter.hpp:103
Definition: split_merge.hpp:494
@ CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Camera housing back side temperature.
Definition: videoio.hpp:405
@ COLOR_BGRA2RGB
Definition: imgproc.hpp:538
std::vector< std::string > output_names
Definition: onnx.hpp:49
Mat(const MatCommaInitializer_< _Tp > &commaInitializer)
Definition: optical_flow.hpp:71
@ nlanes
Definition: intrin_rvv.hpp:392
_Arg argument_type
Definition: functional.hpp:64
@ CV_SPECKLE_REMOVAL_ALGORITHM
Definition: stereo.hpp:114
std::vector< int > ids
Definition: aruco.hpp:293
@ ALPHA_IN_PREMUL
Definition: cudaimgproc.hpp:159
void prepare(Rect dst_roi) CV_OVERRIDE
v_uint16x8()
Definition: intrin_rvv.hpp:298
Ncv32f * pBU
backward horizontal displacement
Definition: NPP_staging.hpp:123
Affine3(const Mat4 &affine)
Augmented affine matrix.
virtual int getMode() const =0
double y_center
Definition: facemarkLBF.hpp:106
void registerLogTag(cv::utils::logging::LogTag *plogtag)
virtual void deallocate(UMatData *data) const =0
#define CV_DECL_ALIGNED(x)
Definition: cvdef.h:233
virtual double getEdgeThreshold() const =0
truncation of data continuity
virtual double getPolySigma() const =0
virtual void dropForgottenTrack(size_t track_id)=0
dropForgottenTrack Check that the track was lost too many frames ago and removes it frm memory.
virtual void set(const cv::util::any &a)=0
int motionFromEssentialChooseSolution(InputArrayOfArrays Rs, InputArrayOfArrays ts, InputArray K1, InputArray x1, InputArray K2, InputArray x2)
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
@ OpenCLInitError
OpenCL initialization error.
Definition: base.hpp:122
v_reg< _Tp, n > operator&(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise AND.
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...
virtual void setViewParams(const std::vector< float > &tilts, const std::vector< float > &rolls)=0
bool eigen(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
Calculates eigenvalues and eigenvectors of a symmetric matrix.
short Ncv16s
Definition: NCV.hpp:129
@ is_scalar
Definition: type_traits.hpp:146
void setUseIlluminationModel(bool val)
Model & setInputCrop(bool crop)
Set flag crop for frame.
float spatialScale
Definition: all_layers.hpp:262
int range_width_
Definition: matchers.hpp:210
#define TABLE_ENTRY(type)
static void call_impl(GOCLContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: goclkernel.hpp:210
Definition: imgproc.hpp:1228
@ is_volatile
Definition: type_traits.hpp:137
K API
Definition: gcpukernel.hpp:475
@ TEST_ERROR
Definition: ml.hpp:91
static Ptr< FlowWarpLayer > create(const LayerParams ¶ms)
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:696
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:291
virtual void setMaxReservedSize(size_t size)=0
bool getUseFeatureExchange() const
Vec2i maxSurfaceCubemapLayered() const
maximum Cubemap layered surface dimensions
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)=0
cv::Mat alpha
Alpha channel for image to draw (same size and number of channels)
Definition: render_types.hpp:290
bool intelSubgroupsSupport() const
deprecated, use isExtensionSupported() method (probably with "cl_khr_subgroups" value)
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
MODE
Definition: tracking.private.hpp:355
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.
void release()
Definition: lock.private.hpp:24
void create(Size _size, int _type)
Definition: mat.hpp:232
virtual ~Adapter()=default
void v_store_interleave(_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, hal::StoreMode=hal::STORE_UNALIGNED)
Interleave and store (2 channels)
Definition: intrin_cpp.hpp:1664
__host__ __device__ ThreshToZeroInvFunc< T > thresh_to_zero_inv_func(T thresh)
Definition: functional.hpp:782
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.
const IS m_is
Definition: gfluidkernel.hpp:90
#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
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:60
friend T * get_if(variant< Us... > *v) noexcept
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)
size_t offset
Definition: mat.hpp:2572
float cx
Definition: intrinsics.hpp:59
@ CAP_PROP_XI_LENS_FEATURE
Allows access to lens feature value currently selected by XI_PRM_LENS_FEATURE_SELECTOR.
Definition: videoio.hpp:444
float fy
Definition: intrinsics.hpp:59
T * ptr() const
Definition: NCV.hpp:613
Point_(const Vec< _Tp, 2 > &v)
int majorVersion() const
major compute capability
F m_f
Definition: gplaidmlkernel.hpp:71
copy_through_move_t< util::decay_t< T > > copy_through_move(T &&t)
Definition: copy_through_move.hpp:28
TLS data accumulator with gathering methods.
Definition: tls.hpp:87
Class for individual tree.
Definition: sparse_matching_gpc.hpp:155
void swap(HostMem &b)
swaps with other smart pointer
virtual Mat getVarIdx() const =0
virtual void checkParams() const CV_OVERRIDE
@ WMF_EXP
Definition: weighted_median_filter.hpp:66
Ptr< FeatureDetector > getFeatureDetector()
@ H264_MVC
Definition: cudacodec.hpp:254
double ppx
Definition: camera.hpp:67
Quat< _Tp > & operator+=(const Quat< _Tp > &)
Addition assignment operator of two quaternions p and q. It adds right operand to the left operand an...
@ OEM_DEFAULT
Definition: ocr.hpp:88
@ CAP_PROP_ARAVIS_AUTOTRIGGER
Automatically trigger frame capture if camera is configured with software trigger.
Definition: videoio.hpp:502
virtual float getLightAdaptation() const =0
#define OPENCV_HAL_IMPL_RVV_LOADSTORE_OP(_Tpvec, _nTpvec, _Tp, hvl, width, suffix)
Definition: intrin_rvv.hpp:699
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.
static auto setup_impl(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &, detail::Seq< IIs... >) -> decltype(Impl::setup(detail::get_in_meta< Ins >(metaArgs, args, IIs)..., std::declval< typename std::add_lvalue_reference< std::shared_ptr< typename Impl::State > >::type >()), void())
Definition: gcpukernel.hpp:330
float shift
Definition: all_layers.hpp:497
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:147
typename last_type< Ts... >::type last_type_t
Definition: gcomputation.hpp:36
std::string name
Definition: gr_chalearn.hpp:77
static Ptr< DISOpticalFlow > create(int preset=DISOpticalFlow::PRESET_FAST)
Creates an instance of DISOpticalFlow.
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
bool holds() const
Definition: garray.hpp:101
@ NORM_INF
Definition: base.hpp:168
void findCorrespondencies(InputArray bundle, OutputArray cols, OutputArray response=noArray())
GCtors outCtors
Definition: gkernel.hpp:52
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
float eps
Definition: all_layers.hpp:287
virtual void atdelete(const String &atlabel)=0
const void * ptr() const
Definition: gopaque.hpp:293
virtual int getNLevels() const =0
v_int8x16 v_reinterpret_as_s8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2396
_mat_data(const mat_type &)
double getMinDepth() const
Definition: depth.hpp:791
double optimizeExtrinsics()
@ CAP_UNICAP
Unicap drivers (obsolete, removed)
Definition: videoio.hpp:100
FisheyeWarper(float scale)
Definition: warpers.hpp:370
Class that enables getting cudaStream_t from cuda::Stream.
Definition: cuda_stream_accessor.hpp:68
@ DICT_7X7_250
Definition: dictionary.hpp:156
int getChannels() const
Definition: container_avi.private.hpp:167
static Ptr< Dictionary > get(int dict)
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:278
GInferOutputs(std::shared_ptr< cv::GCall > call)
bool canReshape() const
Check if the underlying backends support reshape or not.
AdaptiveThresholdTypes
Definition: imgproc.hpp:332
@ IMWRITE_TIFF_COMPRESSION
For TIFF, use to specify the image compression scheme. See libtiff for integer constants correspondin...
Definition: imgcodecs.hpp:103
F m_f
Definition: gcompoundkernel.hpp:50
void write(const String &name, double val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
SrcPtr src
Definition: reduction.hpp:132
virtual int getFlags() const =0
PCA & operator()(InputArray data, InputArray mean, int flags, double retainedVariance)
static Affine3< T > operator*(const Affine3< T > &affine1, const Affine3< T > &affine2)
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float >> &ii_imgs)
Definition: tracking_feature.private.hpp:151
static void call_impl(GPlaidMLContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gplaidmlkernel.hpp:108
@ CV_DENSE_CENSUS
Definition: descriptor.hpp:13
@ COLOR_BayerGR2BGR_MHT
Definition: cudaimgproc.hpp:98
void setSensorErrorB(double val)
Definition: depth.hpp:433
Matx< _Tp, 3, 3 > toRotMat3x3(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform a quaternion to a 3x3 rotation matrix.
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.
int x
Definition: fr_adience.hpp:74
@ CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio.hpp:247
base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenari...
Definition: simple_pipeline.hpp:162
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:128
@ VINYL18
DKK color chart with 12 squares and 6 rectangle.
Definition: checker_model.hpp:50
std::string image
Definition: or_imagenet.hpp:63
virtual void detect(InputArray image, std::vector< KeyPoint > &keypoints, InputArray mask=noArray())
Detects keypoints in an image (first variant) or image set (second variant).
@ COLOR_SPACE_XYZ_D65_2
https://en.wikipedia.org/wiki/CIE_1931_color_space , non-RGB color space
Definition: ccm.hpp:110
void NCVDebugOutputHandler(const cv::String &msg)
Definition: NCV.hpp:250
static Ptr< FastICPOdometry > create(const Mat &cameraMatrix, float maxDistDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float angleThreshold=(float)(30. *CV_PI/180.), float sigmaDepth=0.04f, float sigmaSpatial=4.5f, int kernelSize=7, const std::vector< int > &iterCounts=std::vector< int >())
int octave
Definition: descriptor.hpp:112
unsigned short Ncv16u
Definition: NCV.hpp:130
@ WINDOW_GUI_EXPANDED
status bar and tool bar
Definition: highgui.hpp:194
Definition: gtyped.hpp:25
Mat diag(int d=0) const
Extracts a diagonal from a matrix.
Definition: intrin_rvv.hpp:326
static Quat< _Tp > interPoint(const Quat< _Tp > &q0, const Quat< _Tp > &q1, const Quat< _Tp > &q2, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
This is the part calculation of squad. To calculate the intermedia quaternion between each three qua...
Definition: pd_inria.hpp:84
int markerBorderBits
Definition: aruco.hpp:170
void unmapHost()
Unmaps OpenGL buffer.
std::tuple< GArray< Rect >, GArray< int > > parseSSD(const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold=0.5f, const int filterLabel=-1)
Parses output of SSD network.
virtual void setDescriptorSize(int dsize)=0
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1050
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.
@ COLOR_LBGR2Lab
Definition: imgproc.hpp:620
Rect_< int > Rect2i
Definition: types.hpp:459
Definition: onlineBoosting.hpp:155
virtual const Affine3f getPose() const =0
Get current pose in voxel space.
int y
Definition: tr_svt.hpp:63
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:445
@ CAP_PROP_MONOCHROME
Definition: videoio.hpp:155
int set(int i, const void *value, size_t sz)
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:246
void add(const Mat &descriptors)
Adds descriptors to a training set.
@ DIST_MASK_5
mask=5
Definition: imgproc.hpp:313
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
__host__ GpuMat_(Size asize, Scalar val, Allocator *allocator=defaultAllocator())
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:453
Matx< _Tp, n, l > solve(const Matx< _Tp, m, l > &rhs, int flags=DECOMP_LU) const
solve linear system
virtual void computeOrientation(cv::InputArray _src, cv::OutputArray _dst) const =0
The function computes orientation from edge image.
Class computing the optical flow for two images using Brox et al Optical Flow algorithm ().
Definition: cudaoptflow.hpp:156
vint16mf2_t()
Definition: intrin_rvv.hpp:62
@ BM3D_STEPALL
Definition: bm3d_image_denoising.hpp:71
void estimateFocal(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< double > &focals)
Estimates focal lengths for each given camera.
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray())
Inverts every bit of an array.
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:131
@ COLOR_YUV2RGBA_Y422
Definition: imgproc.hpp:691
@ ACCESS_WRITE
Definition: mat.hpp:64
Op::result_type result_type
Definition: tuple_adapter.hpp:59
double epsilon
the desired accuracy
Definition: types.hpp:883
VideoCaptureProperties
VideoCapture generic properties identifier.
Definition: videoio.hpp:133
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
@ StsNullPtr
null pointer
Definition: base.hpp:96
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:1054
AutoBuffer< String, 1 > * ps
Definition: dict.hpp:105
int numBands() const
Definition: blenders.hpp:132
@ CAP_IEEE1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:96
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
bool hasBias
Definition: all_layers.hpp:545
std::vector< std::string > imageNames
Definition: pd_caltech.hpp:65
Ncv32u x
x-coordinate of upper left corner.
Definition: NCV.hpp:162
@ ALPHA_XOR
Definition: cudaimgproc.hpp:159
Definition: fr_lfw.hpp:67
virtual void setAgregationWindowSize(int value)=0
_mat_data _refImgData
Reference image data.
Definition: qualityssim.hpp:84
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.
std::vector< GProtoArg > GProtoArgs
Definition: gproto.hpp:45
void setMaskSource(const Ptr< IFrameSource > &val)
Definition: stabilizer.hpp:80
Point2f getEndPoint() const
Definition: descriptor.hpp:150
virtual void compute(InputArray img, std::vector< float > &descriptors, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &locations=std::vector< Point >()) const
Computes HOG descriptors of given image.
std::array< bool, std::tuple_size< typename Net::InArgs >::value > Normalize
Definition: onnx.hpp:77
std::vector< T > & outVecR(int output)
Definition: gcpukernel.hpp:105
static constexpr const std::size_t value
Definition: variant.hpp:29
Quat< T > asin(const Quat< T > &q)
static Ptr< LargeKinfu > create(const Ptr< Params > &_params)
Base class for transform using lookup table.
Definition: cudaarithm.hpp:493
void upload(InputArray arr, Stream &stream)
Performs data upload to GpuMat (Non-Blocking call)
Vec2i maxTexture2DMipmap() const
maximum 2D mipmapped texture dimensions
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
virtual void setOmega(float val)=0
Relaxation factor in SOR.
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:180
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
virtual void setForwardBackward(float val)=0
Threshold for the forward backward confidence check.
bool isValid() const
Definition: types.hpp:874
int photoVertex
Definition: multicalib.hpp:85
void mapBackward(float u, float v, float &x, float &y)
#define CV_DbgAssert(expr)
Definition: base.hpp:375
__host__ void gridTransformUnary(const SrcPtr &src, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:423
void validate_input_arg(const GRunArg &arg)
_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.
@ COLOR_RGB2YUV_YV12
Definition: imgproc.hpp:737
Definition: gcpukernel.hpp:296
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:131
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
@ CAP_PROP_XI_LENS_APERTURE_VALUE
Current lens aperture value in stops. Examples: 2.8, 4, 5.6, 8, 11.
Definition: videoio.hpp:438
void adaptiveThreshold(InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
Applies an adaptive threshold to an array.
std::underlying_type< _Tp >::type member_type
Definition: core.hpp:3293
Definition: warping.hpp:126
libmv_CameraIntrinsicsOptions(const int _distortion_model=0, const double _focal_length_x=0, const double _focal_length_y=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:76
int aprilTagMinWhiteBlackDiff
Definition: aruco.hpp:186
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:164
int rows
Definition: interpolation.hpp:136
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:1439
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:405
std::vector< double > radius_m
Definition: facemarkLBF.hpp:85
int model_scale_idx
Definition: facemarkAAM.hpp:91
Definition: functional.hpp:235
virtual void setUseLocalInitDataCost(bool use_local_init_data_cost)=0
virtual void augAssignXor(const MatExpr &expr, Mat &m) const
void motionFromEssential(InputArray E, OutputArrayOfArrays Rs, OutputArrayOfArrays ts)
Texture2D()
The constructors.
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 *)
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
Mat operator()(const Rect &roi) const
Definition: mat.hpp:321
const int * cyrillic
Definition: highgui.hpp:706
This class provides all data needed to initialize layer.
Definition: dnn.hpp:109
virtual float getSaturationWeight() const =0
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
virtual void setThresholdDelta(int thresholdDelta)=0
virtual void setOuterIterations(int val)=0
Outer iterations (number of inner loops) used in the numerical scheme.
@ COLOR_SPACE_REC_2020_RGB
https://en.wikipedia.org/wiki/Rec._2020 , RGB color space
Definition: ccm.hpp:108
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
virtual void clearState()=0
@ FHT_AVE
Definition: fast_hough_transform.hpp:96
@ BINARIZATION_NIBLACK
Classic Niblack binarization. See .
Definition: ximgproc.hpp:119
size_t numVotes
Definition: pose_3d.hpp:126
Memory memory
Definition: variant.hpp:179
void hashtablePrint(hashtable_int *hashtbl)
Access
Definition: opengl.hpp:93
Abstract base class for TrackerFeature that represents the feature.
Definition: tracking.private.hpp:33
Definition: depth.hpp:625
@ 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:79
@ BORDER_TRANSPARENT
uvwxyz|abcdefgh|ijklmno
Definition: base.hpp:274
@ COLOR_RGB2BGR
Definition: imgproc.hpp:541
int thick
The thickness of the lines used to draw a text.
Definition: render_types.hpp:79
static Ptr< MSM_middlebury > create()
@ CALIB_FIX_S1_S2_S3_S4
Definition: calib3d.hpp:509
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:340
int maxTrackLifetime
Definition: detection_based_tracker.hpp:62
#define _v512_set_epu16(a31, a30, a29, a28, a27, a26, a25, a24, a23, a22, a21, a20, a19, a18, a17, a16, a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:24
#define CV_INTRIN_DEF_TYPE_TRAITS_NO_Q_TYPE(type, int_type_, uint_type_, abs_type_, w_type_, sum_type_, nlanes128_)
Definition: intrin.hpp:134
virtual void setBinaryKernelType(int value)=0
@ ARO_45_90
Definition: fast_hough_transform.hpp:67
Definition: onlineBoosting.hpp:66
@ PRESET_FAST
Definition: tracking.hpp:590
@ COLOR_YUV2BGRA_YV12
Definition: imgproc.hpp:660
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:1161
Definition: functional.hpp:772
const std::vector< Ptr< TrackerFeature > > & getTrackerFeatures() const
Get the TrackerFeature collection (TrackerFeature name, TrackerFeature pointer)
bool errorCorrectionSupport() const
virtual void setRLOFOpticalFlowParameter(Ptr< RLOFOpticalFlowParameter > val)=0
Configuration of the RLOF alogrithm.
@ DNN_TARGET_MYRIAD
Definition: dnn.hpp:92
Definition: quaternion.hpp:133
Base class for Template Matching. :
Definition: cudaimgproc.hpp:658
int channels() const
Returns the number of matrix channels.
@ COLOR_SPACE_DCI_P3_RGBL
https://en.wikipedia.org/wiki/DCI-P3 , linear RGB color space
Definition: ccm.hpp:103
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:135
__device__ __forceinline__ double4 exp10(const double4 &a)
Definition: vec_math.hpp:256
float c
Definition: ml.hpp:1184
int n_landmarks
number of landmark points
Definition: facemarkLBF.hpp:65
@ FEATURE_SET_COMPUTE_30
Definition: cuda.hpp:781
friend Quat< T > sinh(const Quat< T > &q)
return sinh value of quaternion q, sinh could be calculated as:
Scalar(double v0, double v1, double v2=0, double v3=0)
Definition: scalar.hpp:25
~optional_lock_guard()
Definition: lock.private.hpp:82
void collectGarbage() CV_OVERRIDE
Releases all inner buffers.
bool isND() const
Definition: gmat.hpp:110
Ptr< GuidedFilter > createGuidedFilter(InputArray guide, int radius, double eps)
Factory method, create instance of GuidedFilter and produce initialization routines.
RgbdPlane(int method=RgbdPlane::RGBD_PLANE_METHOD_DEFAULT)
Definition: depth.hpp:337
@ CAP_PROP_XI_AEAG_LEVEL
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:362
virtual void setClipLimit(double clipLimit)=0
Sets threshold for contrast limiting.
edge(int cv, int pv, int pi, Mat trans)
Definition: multicalib.hpp:89
const T & get() const
Definition: gcommon.hpp:178
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.
virtual float getLambda() const =0
decltype(test< T >(nullptr)) type
Definition: gtype_traits.hpp:110
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.
Params(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:153
_Tp x
Definition: quaternion.hpp:1437
virtual void setMaxLines(int maxLines)=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:77
virtual void setFGSSigma(float _sigma)=0
v_float64x2()
Definition: intrin_rvv.hpp:521
void read(const FileNode &fn)
NCVStatus nppiStIntegral_8u32u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
virtual float getSaturationThreshold() const =0
Maximum saturation for a pixel to be included in the gray-world assumption.
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:100
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name. Thread-safe.
Definition: quasi_dense_stereo.hpp:28
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
bool use_rgb
Definition: tracking.hpp:48
Params & pluginConfig(const IEConfig &cfg)
Definition: ie.hpp:171
GCompiledT()
Definition: gtyped.hpp:178
Size maxSize
Maximum possible object size.
Definition: facemark_train.hpp:40
virtual double getNoiseSigma() const =0
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:124
Definition: tr_svt.hpp:61
virtual void setMaxArea(int maxArea)=0
void reset()
Definition: garray.hpp:167
TrackerContribFeature based on HOG.
Definition: tracking_internals.hpp:832
GMat addWeighted(const GMat &src1, double alpha, const GMat &src2, double beta, double gamma, int ddepth=-1)
Calculates the weighted sum of two matrices.
__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.
@ CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio.hpp:514
cv::GOpaque< int64_t > seq_id(G g)
Definition: meta.hpp:65
IOStream & operator<<(IOStream &os, const cv::Point &pt)
GMatDesc(int d, int c, cv::Size s, bool p=false)
Definition: gmat.hpp:85
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:257
virtual void getNames(std::vector< String > &names) const =0
Returns vector of symbolic names captured in loadFromCSV()
DrawMatchesFlags
Definition: features2d.hpp:1297
GComputation(const std::vector< GMat > &ins, const std::vector< GMat > &outs)
Defines a computation with arbitrary input/output number.
int height
Definition: histogramphaseunwrapping.hpp:82
virtual ~LargeKinfu()=default
char person
Definition: hpe_humaneva.hpp:62
GMat filter2D(const GMat &src, int ddepth, const Mat &kernel, const Point &anchor=Point(-1,-1), const Scalar &delta=Scalar(0), int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Convolves an image with the kernel.
virtual void detect(InputArray edges, InputArray dx, InputArray dy, OutputArray positions, OutputArray votes=noArray())=0
void remove()
Remove all kernels implementing the given API from the package.
Definition: gkernel.hpp:557
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 forEach_impl(const Functor &operation)
Definition: utility.hpp:607
virtual float getTheta() const =0
@ CAP_PROP_XI_AG_MAX_LIMIT
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:361
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
static tracked_cv_umat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:166
Definition: all_layers.hpp:678
bool mustEstimateTrimaRatio() const
Definition: stabilizer.hpp:175
void filter(double thresh=0.8)
Filters the bounding boxes.
virtual ~MotionFilterBase()
Definition: motion_stabilizing.hpp:87
@ EVENT_FLAG_ALTKEY
indicates that ALT Key is pressed.
Definition: highgui.hpp:231
__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
int64 getFLOPS(const MatShape &netInputShape) const
schar elem_type
Definition: vec_traits.hpp:168
__device__ __forceinline__ uint saturate_cast< uint >(double v)
Definition: saturate_cast.hpp:267
Compound widgets.
Definition: widgets.hpp:514
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
Definition: interpolation.hpp:156
Definition: or_sun.hpp:61
Definition: timelapsers.hpp:81
DMatch(int _queryIdx, int _trainIdx, float _distance)
LineTypes
Definition: imgproc.hpp:807
__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
Access
Definition: rmat.hpp:100
static HostCtor get()
Definition: gtype_traits.hpp:209
void putStreamBytes(const uchar *buf, int count)
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:376
@ IMREAD_ANYDEPTH
If set, return 16-bit/32-bit image when the input has the corresponding depth, otherwise convert it t...
Definition: imgcodecs.hpp:73
cv::GRunArgs getRunArgsWithRMats(const std::vector< char > &p)
Definition: s11n.hpp:346
virtual void setSpatialWeight(float w)=0
: set and get the parameter spatialWeight. This parameter is used in the first stage mentioned above(...
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > remapPtr(const SrcPtr &src, const MapPtr &map)
Definition: remap.hpp:116
bool operator==(const Quat< _Tp > &) const
return true if two quaternions p and q are nearly equal, i.e. when the absolute value of each and i...
int borderMode() const
Definition: stabilizer.hpp:96
void findMinMaxLoc(InputArray src, OutputArray minMaxVals, OutputArray loc, InputArray mask=noArray(), Stream &stream=Stream::Null())
const Ptr< Algorithm > & const_param_type
Definition: core.hpp:3243
virtual void setInterpolation(InterpolationType val)=0
Interpolation used to compute the dense optical flow.
int hal_ni_minMaxIdx(const uchar *src_data, size_t src_step, int width, int height, int depth, double *minVal, double *maxVal, int *minIdx, int *maxIdx, uchar *mask)
Finds the global minimum and maximum in an array.
Definition: hal_replacement.hpp:724
int activeDatasetID
Definition: track_vot.hpp:87
@ NumFormats
Definition: cudacodec.hpp:276
Definition: gfluidbuffer.hpp:44
Mat clone() const
Creates a full copy of the matrix and the underlying data.
Definition: mat.hpp:262
bool supports(FeatureSet feature_set) const
Provides information on CUDA feature support.
void erode(InputArray rlSrc, OutputArray rlDest, InputArray rlKernel, bool bBoundaryOn=true, Point anchor=Point(0, 0))
Erodes an run-length encoded binary image by using a specific structuring element.
@ BINARIZATION_NICK
NICK technique. See .
Definition: ximgproc.hpp:122
int id
Definition: detection_based_tracker.hpp:147
@ L2Hys
Default histogramNormType.
Definition: objdetect.hpp:375
const char * getOpenCLErrorString(int errorCode)
std::underlying_type< _Tp >::type const_param_type
Definition: core.hpp:3292
cv::detail::OpaqueKind getKind() const
Definition: garray.hpp:256
util::variant< cv::UMat, cv::RMat, cv::gapi::wip::IStreamSource::Ptr, cv::Mat, cv::Scalar, cv::detail::VectorRef, cv::detail::OpaqueRef, cv::MediaFrame > GRunArgBase
Definition: garg.hpp:109
__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
OpenCLExecutionContext cloneWithNewQueue() const
GArg state()
Definition: gcpukernel.hpp:114
int v_scan_forward(const v_reg< _Tp, n > &a)
Get first negative lane index.
Definition: intrin_cpp.hpp:1294
@ is_integral
Definition: type_traits.hpp:144
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:1017
static int type()
Definition: flann.hpp:77
@ flat
Definition: gr_skig.hpp:78
virtual ~TrackerSamplerAlgorithm()
T & getRef() const
Get data associated with key.
Definition: tls.hpp:68
@ CV_SPARSE_CENSUS
Definition: descriptor.hpp:13
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
@ COLOR_BayerBG2BGRA
Demosaicing with alpha channel.
Definition: imgproc.hpp:781
GCompoundContext(const GArgs &in_args)
@ DNN_BACKEND_VKCOM
Definition: dnn.hpp:75
static void write(FileStorage &fs, const String &name, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:1030
virtual void render(OutputArray image, const Matx44f &cameraPose=Matx44f::eye()) const =0
Renders a volume into an image.
virtual void setSuperpixelRuler(float ruler=15.f)=0
Parameter to tune enforcement of superpixel smoothness factor used for oversegmentation.
String getWindowName() const
Returns the name of the window which has been set in the constructor. Viz - is prepended to the name ...
cv::viz::Color Color
Definition: viz3d.hpp:70
__host__ GpuMat_(Size asize, Allocator *allocator=defaultAllocator())
float size
Definition: interface.h:23
std::unordered_map< std::size_t, GArg > m_results
Definition: gplaidmlkernel.hpp:53
virtual int getExcludeRange() const =0
int lt
The Type of the line. See LineTypes.
Definition: render_types.hpp:323
Definition: deriv.hpp:370
int rows
Definition: remap.hpp:105
int featSize
Definition: tracking_feature.private.hpp:47
virtual int getMaxFeatures() const =0
ComputeMode
Definition: cuda.hpp:906
LSDDetector(LSDParam _params)
Definition: descriptor.hpp:730
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.
virtual void setCameraPose(InputArray tvec=noArray(), InputArray rot=noArray(), bool invert=false)=0
Definition: gplaidmlkernel.hpp:126
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:105
GKernel::M outMeta
Definition: gkernel.hpp:61
FileNodeIterator end() const
returns iterator pointing to the element following the last node element
Matx< double, 1, 6 > Matx16d
Definition: matx.hpp:228
__device__ __forceinline__ uchar1 min(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:794
GPCPatchDescriptor neg
Definition: sparse_matching_gpc.hpp:81
@ COLOR_YUV2BGRA_YVYU
Definition: imgproc.hpp:708
void recip16s(const short *, size_t, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
static Ptr< BFMatcher > create(int normType=NORM_L2, bool crossCheck=false)
Brute-force matcher create method.
__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.
void backProject(InputArray vec, OutputArray result) const
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
Definition: sr_bsds.hpp:29
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
int dst_img_idx
Images indices (optional)
Definition: matchers.hpp:106
@ INPAINT_TELEA
Use the algorithm proposed by Alexandru Telea .
Definition: photo.hpp:97
void write(FileStorage &fs) const
write PCA objects
@ COLOR_SPACE_XYZ_D65_10
non-RGB color space
Definition: ccm.hpp:111
void upsample(InputArray img, OutputArray result)
Upsample via neural network.
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:2097
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
virtual Mat getUncompressedSupportVectors() const =0
Retrieves all the uncompressed support vectors of a linear SVM.
@ block_size_x
Definition: split_merge.hpp:496
@ SGD
Stochastic Gradient Descent.
Definition: ml.hpp:1804
Definition: gplaidmlkernel.hpp:92
double minMarkerDistanceRate
Definition: aruco.hpp:165
@ COLOR_RGB2BGR565
Definition: imgproc.hpp:556
virtual void setMinRadius(int minRadius)=0
void create(Size asize, Format aformat, bool autoRelease=false)
void release()
Releases all inner buffers.
StandardCollector(double threshold_=DBL_MAX)
Constructor.
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:223
RMat(AdapterP &&a)
Definition: rmat.hpp:120
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
GCall & pass(Ts &&... args)
Definition: gcall.hpp:35
void winrt_setFrameContainer(::Windows::UI::Xaml::Controls::Image^ image)
@ DEPTH_MASK
Definition: mat.hpp:2080
std::vector< double > gains() const
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
@ FLAGS_NONE
Definition: instrumentation.hpp:110
v_reg< double, 2 > v_float64x2
Two 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:407
bool resize
activate the resize feature to improve the processing speed
Definition: tracking.hpp:127
int hal_ni_sepFilterFree(cvhalFilter2D *context)
hal_sepFilterFree
Definition: hal_replacement.hpp:174
virtual void raycast(const Matx44f &cameraPose, const kinfu::Intr &intrinsics, const Size &frameSize, OutputArray points, OutputArray normals) const =0
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
@ CHAIN_APPROX_SIMPLE
Definition: imgproc.hpp:437
@ QT_FONT_DEMIBOLD
Weight of 63.
Definition: highgui.hpp:243
@ 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
@ ARO_CTR_VER
Definition: fast_hough_transform.hpp:75
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:419
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:132
@ DISTANCE_RGBL
Euclidean distance of rgbl color space.
Definition: ccm.hpp:353
GMat erode3x3(const GMat &src, int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Erodes an image by using 3 by 3 rectangular structuring element.
std::tuple< R > OutArgs
Definition: gkernel.hpp:244
Mat getTargetResponses() const
Get the features extracted.
Computes average hash value of the input image.
Definition: average_hash.hpp:22
static __device__ double atomicMin(double *address, double val)
Definition: atomic.hpp:132
virtual Rect warpRoi(Size src_size, InputArray K, InputArray R)=0
Scalar member_type
Definition: core.hpp:3284
Ptr< DisparityWLSFilter > createDisparityWLSFilter(Ptr< StereoMatcher > matcher_left)
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevan...
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco board.
@ CAP_PROP_XI_DEBOUNCE_POL
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:436
double pointPolygonTest(InputArray contour, Point2f pt, bool measureDist)
Performs a point-in-contour test.
virtual void getLabels(OutputArray labels_out)=0
Returns the segmentation labeling of the image.
float compute(const cv::Mat &descr1, const cv::Mat &descr2) override
Computes distance between image descriptors.
void ncvSetDebugOutputHandler(NCVDebugOutputHandler *func)
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.
Ptr< SyntheticSequenceGenerator > createSyntheticSequenceGenerator(InputArray background, InputArray object, double amplitude=2.0, double wavelength=20.0, double wavespeed=0.2, double objspeed=6.0)
Creates an instance of SyntheticSequenceGenerator.
DescriptorCollection(const DescriptorCollection &collection)
The Viz3d class represents a 3D visualizer window. This class is implicitly shared.
Definition: viz3d.hpp:68
__host__ Expr< IntegralBody< SrcPtr > > integral_(const SrcPtr &src)
Definition: reduction.hpp:253
v_reg< _Tp, n > v_fma(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:934
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
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.
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
void setImage(InputArray image)
Sets the image content of the widget.
bool save_model
Definition: facemarkAAM.hpp:72
virtual void multiply(const MatExpr &expr1, double s, MatExpr &res) const
#define _mm512_cvtpd_pslo(a)
Definition: intrin_avx512.hpp:60
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:442
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
virtual void process(InputArrayOfArrays src, OutputArray dst)=0
Short version of process, that doesn't take extra arguments.
void HoughLinesPointSet(InputArray _point, OutputArray _lines, int lines_max, int threshold, double min_rho, double max_rho, double rho_step, double min_theta, double max_theta, double theta_step)
Finds lines in a set of points using the standard Hough transform.
RgbdOdometry(const Mat &cameraMatrix, float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), int transformType=Odometry::RIGID_BODY_MOTION)
static void call(typename Impl::State &st, Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:431
@ COLOR_BayerGB2RGBA
Definition: imgproc.hpp:787
Params(const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:86
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
virtual ~BasicOpaqueRef()
Definition: gopaque.hpp:119
SrcPtr src
Definition: interpolation.hpp:102
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).
@ QT_FONT_BOLD
Weight of 75.
Definition: highgui.hpp:244
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
virtual Mat getSampleWeights() const =0
float corr
Definition: quasi_dense_stereo.hpp:31
static float DEFAULT_MAX_ROTATION()
Definition: depth.hpp:560
void colorMomentHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes color moment hash of the input, the algorithm is come from the paper "Perceptual Hashing f...
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:292
cv::Mat & outMatR(int output)
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"))
Definition: transpose.hpp:85
float getScaleFactor()
Definition: detection_based_tracker.hpp:96
T * get() const
Get data associated with key.
Definition: tls.hpp:67
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:209
void zeroFill()
Fill all buffers with zeroes.
int plusShift
Definition: imgproc.hpp:4818
int area_height
Definition: interpolation.hpp:240
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
converts matrix to another datatype with optional scaling. See cvConvertScale.
virtual Point2f getCenter()=0
SrcPtr src
Definition: reduction.hpp:242
hashtable_int * hashtable_int_clone(hashtable_int *hashtbl)
GArrayU(const GNode &n, std::size_t out)
std::vector< int > icpIterations
number of ICP iterations for each pyramid level
Definition: large_kinfu.hpp:75
static float DEFAULT_MAX_TRANSLATION()
Definition: depth.hpp:555
@ CCM_3x3
The CCM with the shape performs linear transformation on color values.
Definition: ccm.hpp:61
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 void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:785
__host__ GpuMat_< typename MakeVec< typename VecTraits< T >::elem_type, cn >::type > reshape_(const GpuMat_< T > &mat, int rows=0)
Definition: gpumat.hpp:150
@ CAP_INTEL_MFX
Intel MediaSDK.
Definition: videoio.hpp:122
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:465
WaldBoost detector.
Definition: xobjdetect.hpp:61
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
bool save_model
flag to save the trained model or not
Definition: facemarkLBF.hpp:81
void * rgbd_normals_impl_
Definition: depth.hpp:181
float overlap
overlapping for the search windows
Definition: tracking_internals.hpp:713
Ptr< TonemapReinhard > createTonemapReinhard(float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f)
Creates TonemapReinhard object.
@ COLOR_BayerGB2BGR_EA
Definition: imgproc.hpp:771
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:271
TrackerContribFeature based on Feature2D.
Definition: tracking_internals.hpp:805
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
virtual void findProCamMatches(InputArray projUnwrappedPhaseMap, InputArray camUnwrappedPhaseMap, OutputArrayOfArrays matches)=0
Find correspondences between the two devices thanks to unwrapped phase maps.
@ FEATURE_SET_COMPUTE_13
Definition: cuda.hpp:778
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
@ LDR_SIZE
Definition: photo.hpp:332
Node< OBJECT > * m_pParent
Definition: utility.hpp:1115
String getPathToApplication() const
Returns application path.
bool isEmptyFrameSize() const
Definition: container_avi.private.hpp:173
@ COLOR_BayerBG2RGB_EA
Definition: imgproc.hpp:775
void inverseWarp(InputArray img1, OutputArray img2) const CV_OVERRIDE
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:104
@ LSBP_CAMERA_MOTION_COMPENSATION_LK
Definition: bgsegm.hpp:247
Scalar sum(InputArray src, InputArray mask=noArray())
Returns the sum of matrix elements.
CV_EXPORTS_W bool imwrite(const String &filename, InputArray img, const std::vector< int > ¶ms=std::vector< int >())
Saves an image to a specified file.
__device__ __forceinline__ uint vsetgt4(uint a, uint b)
Definition: simd_functions.hpp:765
virtual void setFlags(int val)=0
float scale_model_max_area
Definition: tracking.hpp:70
std::vector< DMatch > matches
Definition: matchers.hpp:107
DictValue(const char *s)
This is an overloaded member function, provided for convenience. It differs from the above function o...
Definition: dict.hpp:69
virtual void forward(InputArrayOfArrays inputs, OutputArrayOfArrays outputs, OutputArrayOfArrays internals)
Given the input blobs, computes the output blobs.
GMat NV12toRGB(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to RGB. The function converts an input image from N...
virtual int getLevels() const =0
static DictValue arrayInt(TypeIter begin, int size)
Constructs integer array.
void setText(const String &text)
Sets the text content of the widget.
static Ptr< TR_svt > create()
@ DESCRIPTOR_MLDB
Definition: features2d.hpp:831
static Ptr< BNLLLayer > create(const LayerParams ¶ms)
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
GMat render3ch(const GMat &src, const GArray< Prim > &prims)
Renders on 3 channels input.
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:230
static Ptr< FacemarkKazemi > create(const FacemarkKazemi::Params ¶meters=FacemarkKazemi::Params())
virtual double getMaxDataTerm() const =0
truncation of data cost
GMat sepFilter(const GMat &src, int ddepth, const Mat &kernelX, const Mat &kernelY, const Point &anchor, const Scalar &delta, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Applies a separable linear filter to a matrix(image).
void releaseHDDLPlugin()
Release a HDDL plugin.
__host__ __device__ __forceinline__ ZipPtrSz()
Definition: zip.hpp:112
void apply(GCompoundContext &ctx)
std::vector< float > scales
Definition: facemarkAAM.hpp:74
The base class for camera response calibration algorithms.
Definition: photo.hpp:532
GMat mask(const GMat &src, const GMat &mask)
Applies a mask to a matrix.
void setSmallWinSize(int val)
DetectionModel(const String &model, const String &config="")
Create detection model from network represented in one of the supported formats. An order of model an...
int y
Definition: types.hpp:28
@ USAGE_ALLOCATE_HOST_MEMORY
Definition: mat.hpp:454
virtual void addImage(InputArray img)=0
Add a new image in the list of images to process.
virtual void setSpeckleRange(int speckleRange)=0
@ NCV_ALLOCATOR_BAD_REUSE
Definition: NCV.hpp:337
virtual void setIsClassifier(bool val)=0
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
virtual Mat getErrorCov() const =0
@ CAP_PROP_XI_HDR_T2
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:479
vuint8mf4_t(const uchar *ptr)
Definition: intrin_rvv.hpp:132
virtual String getDefaultName() const
static Ptr< HPE_humaneva > create(int num=humaneva_1)
Size winSize
Definition: tracking_feature.private.hpp:87
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.
HoughModes
Variants of a Hough transform.
Definition: imgproc.hpp:464
@ QT_STYLE_ITALIC
Italic font.
Definition: highgui.hpp:251
bool operator==(const Scalar &lhs, const Scalar &rhs)
Definition: scalar.hpp:38
virtual void setGamma(double gamma)=0
float member_type
Definition: core.hpp:3252
FText(const std::wstring &text_, const cv::Point &org_, int fh_, const cv::Scalar &color_)
FText constructor.
Definition: render_types.hpp:102
Matx< double, 3, 1 > Matx31d
Definition: matx.hpp:233
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...
int N1c
Number of color vectors used to model normal background color variation at a given pixel.
Definition: cudalegacy.hpp:157
SupportRegionType supportRegionType
Definition: rlofflow.hpp:88
softdouble(const int32_t)
virtual void setL2HysThreshold(double threshold_L2hys)=0
L2-Hys normalization method shrinkage.
A shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:45
Ptr< IFrameSource > maskSource_
Definition: stabilizer.hpp:116
@ paperWithCharacters
Definition: gr_skig.hpp:91
Detector()
Empty constructor, initialize with read().
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
Definition: NPP_staging.hpp:115
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:846
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
@ COLORCHECKER_Vinyl
DKK ColorChecker.
Definition: ccm.hpp:90
NppStBorderType
Definition: NPP_staging.hpp:89
This class represents high-level API for text recognition networks.
Definition: dnn.hpp:1338
This sampler is based on particle filtering.
Definition: tracking_internals.hpp:768
Params< Net > & cfgPostProc(const std::vector< cv::GMatDesc > &outs, const PostProc &pp)
Definition: onnx.hpp:118
@ INSIDE_MAP
Definition: persistence.hpp:328
virtual void load(const std::string &path) CV_OVERRIDE=0
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
int globalMemCacheLineSize() const
CirclesGridFinderParameters CirclesGridFinderParameters2
Definition: calib3d.hpp:1658
WrapValue< typename std::decay< T >::type > wrap_gapi_helper
Definition: gtype_traits.hpp:192
@ CAP_PROP_XI_GAIN
Gain in dB.
Definition: videoio.hpp:367
int method_
Definition: depth.hpp:262
__device__ __forceinline__ float1 acosh(const uchar1 &a)
Definition: vec_math.hpp:375
@ TYPE_MASK
Definition: mat.hpp:2080
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:550
const char * name
Definition: logtag.hpp:17
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:276
any(value_t &&arg)
Definition: any.hpp:76
@ PSM_SINGLE_BLOCK
Definition: ocr.hpp:75
Rect rect
Definition: erfilter.hpp:82
virtual ~TrackerMIL() CV_OVERRIDE
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:159
GAPI_WRAP GStreamingCompiled compileStreaming(GMetaArgs &&in_metas, GCompileArgs &&args={})
Compile the computation for streaming mode.
Definition: mappergradshift.hpp:53
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=OCR_LEVEL_WORD) CV_OVERRIDE=0
Recognize text using a segmentation based word-spotting/classifier cnn.
void undistortPoints(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R=noArray(), InputArray P=noArray())
Computes the ideal point coordinates from the observed point coordinates.
virtual float getFGSLambda()=0
Ptr< MergeDebevec > createMergeDebevec()
Creates MergeDebevec object.
vint64m1_t vwcvt_x_x_v_i64m1(vint32mf2_t v)
Definition: intrin_rvv.hpp:195
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response) CV_OVERRIDE=0
Merges images.
Point resultTl(const std::vector< Point > &corners)
virtual bool getUseInitialFlow() const =0
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:105
NAryMatIterator(const Mat **arrays, uchar **ptrs, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
GRunArg value_of(const GOrigin &origin)
void getLeadingEdgeList(std::vector< int > &leadingEdgeList) const
Returns a list of the leading edge ID connected to each triangle.
Matx< double, 3, 4 > Matx34d
Definition: matx.hpp:250
virtual void integrate(InputArray _depth, float depthFactor, const Matx44f &cameraPose, const kinfu::Intr &intrinsics, const int frameId=0)=0
void apply(GPlaidMLContext &ctx) const
Definition: gplaidmlkernel.hpp:64
LineIterator(Size boundingAreaSize, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4784
virtual void print(const char *format,...) CV_OVERRIDE
virtual size_t maxSize() const
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...
void setWeightsList(const Mat &weights_list)
set WeightsList
static const double ORIG_RESOL
Definition: stitching.hpp:149
SortFlags
Definition: core.hpp:154
__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:299
GRunArgsP gout(Ts &... args)
Definition: garg.hpp:247
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
~UMat()
destructor - calls release()
@ CAP_PROP_XI_EXPOSURE
Exposure time in microseconds.
Definition: videoio.hpp:364
virtual void setScaleFactor(double scaleFactor)=0
MorphTypes
type of morphological operation
Definition: imgproc.hpp:212
@ COLOR_RGB2Lab
Definition: imgproc.hpp:593
Basic interface for all solvers.
Definition: optim.hpp:59
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
Definition: mapshift.hpp:54
__device__ __forceinline__ void warpReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:84
static const char * id()
Definition: desync.hpp:25
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:757
virtual Size getMaxObjectSize() const =0
int loIterations
Definition: calib3d.hpp:557
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: gstreaming.hpp:25
Status estimateTransform(InputArrayOfArrays images, InputArrayOfArrays masks=noArray())
These functions try to match the given images and to estimate rotations of each camera.
Gray-world white balance algorithm.
Definition: white_balance.hpp:140
Definition: optical_flow.hpp:80
double member_type
Definition: core.hpp:3212
void warpPerspective(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])
@ DETECTED
Definition: detection_based_tracker.hpp:141
void v_rshr_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:2589
virtual ~InpainterBase()
Definition: inpainting.hpp:68
Definition: saliencyBaseClasses.hpp:121
Ncv32u height() const
Definition: NCV.hpp:825
Rect boundingRect() const
returns the minimal up-right integer rectangle containing the rotated rectangle
@ RETR_TREE
Definition: imgproc.hpp:425
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:99
static softdouble nan()
Default NaN constant.
Definition: softfloat.hpp:350
virtual Size getWinStride() const =0
Definition: gstreaming.hpp:34
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
Abstract base class for all facemark models.
Definition: facemark.hpp:48
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:950
void match(const Mat &queryDescriptors, std::vector< DMatch > &matches, const std::vector< Mat > &masks=std::vector< Mat >())
Definition: calib3d.hpp:553
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, const Range &range) CV_OVERRIDE
SrcPtr src
Definition: reduction.hpp:176
FileStorage::Impl * fs
Definition: persistence.hpp:687
@ is_const
Definition: type_traits.hpp:136
@ NCV_ALLOCATOR_NOT_INITIALIZED
Definition: NCV.hpp:332
void lda(InputArrayOfArrays src, InputArray labels)
virtual double getMinVal() const =0
void save(const String &configFile) const
Saves parameters to config file.
String cascade
the face detector
Definition: facemark_train.hpp:36
cv::Rect predicted_rect
Definition: tracking_by_matching.hpp:387
static const char * tag()
Definition: gkernel.hpp:721
detail::GOpaqueU yieldOpaque(int output=0)
virtual float getRegressionAccuracy() const =0
Ncv32u _pitch
Definition: NCV.hpp:835
virtual bool getIsClassifier() const =0
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 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 intrinsic matrix.
virtual int getGridSize() const =0
Returns grid size of output buffer as per the hardware's capability.
unsigned char Ncv8u
Definition: NCV.hpp:132
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
DictValue(int i)
Constructs integer scalar.
Definition: dict.hpp:65
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
double get(int prop) const
Definition: agast.txt:7513
static Vec< _Tp, cn > normalize(const Vec< _Tp, cn > &v)
@ OCR_LEVEL_WORD
Definition: ocr.hpp:62
bool empty() const
true if empty
@ COLORMAP_JET
Definition: imgproc.hpp:4269
std::tuple< R > OutArgs
Definition: infer.hpp:102
cv::Mat getIterationCounts() const
Definition: depth.hpp:1120
int adaptiveThreshWinSizeMin
Definition: checker_detector.hpp:106
__device__ __forceinline__ T operator()(float y, float x) const
Definition: texture.hpp:192
Color(double blue, double green, double red)
virtual int getHistBinNum() const =0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
virtual void setFlags(int flags)=0
int num_split
Definition: all_layers.hpp:368
std::vector< char > readFrame(frame_iterator it)
any & operator=(any &&)=default
@ DICT_6X6_100
Definition: dictionary.hpp:151
void resetColorArray()
Resets vertex colors.
bool isParallel
Definition: calib3d.hpp:556
GMat RGB2YUV422(const GMat &src)
Converts an image from RGB color space to YUV422. The function converts an input image from RGB color...
Ptr< Facemark > createFacemarkAAM()
construct an AAM facemark detector
__host__ void gridTranspose_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:61
float y
Definition: interface.h:22
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:316
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:182
cv::GOpaque< int64_t > timestamp(G g)
Definition: meta.hpp:60
Minimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical fe...
Definition: mace.hpp:72
virtual void setVariationalRefinementDelta(float val)=0
Weight of the color constancy term.
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:599
@ CORNER_REFINE_CONTOUR
ArUco approach and refine the corners locations using the contour-points line fitting.
Definition: aruco.hpp:84
virtual int getScalesNumber() const =0
Number of scales used to create the pyramid of images.
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,...
virtual const UMat & getDst()
Definition: timelapsers.hpp:69
double uniform(double a, double b)
int64 runProfiling(int dims, size_t globalsize[], size_t localsize[], const Queue &q=Queue())
Similar to synchronized run() call with returning of kernel execution time Separate OpenCL command qu...
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1085
void removeAllLights()
Remove all lights from the current scene.
static Ptr< GrayCodePattern > create(int width, int height)
SrcPtr src
Definition: resize.hpp:65
void sepFilter2D(int stype, int dtype, int ktype, 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, uchar *kernelx_data, int kernelx_len, uchar *kernely_data, int kernely_len, int anchor_x, int anchor_y, double delta, int borderType)
virtual Mat getMeasurementNoiseCov() const =0
void load(const String &configFile)
Reads parameters from config file.
@ LSD_REFINE_STD
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:486
static constexpr const ArgKind kind
Definition: gtype_traits.hpp:53
int depth() const
Returns the depth of a matrix element.
v_reg< _Tp, n > operator-(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Subtract values.
virtual void setInitStep(InputArray step)=0
Sets the initial step that will be used in downhill simplex algorithm.
SrcPtr src
Definition: deriv.hpp:334
std::string imageName
Definition: ir_affine.hpp:63
std::vector< Point2f > estimate(InputArray frame, float thresh=0.5)
Given the input frame, create input blob, run net.
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:2361
@ 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:159
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
const Ptr< detail::BundleAdjusterBase > bundleAdjuster() const
Definition: stitching.hpp:225
virtual cv::Size size() const =0
Descriptor size getter.
float edgePenalty
Definition: calib3d.hpp:1643
Definition: depth.hpp:187
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
void writeIndex(int stream_number, StreamType strm_type)
virtual void setExcludeRange(int exclude_range)=0
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
Definition: deriv.hpp:208
_Tp w
Definition: quaternion.hpp:1437
virtual AgastFeatureDetector::DetectorType getType() const =0
Definition: sr_bsds.hpp:24
virtual void setXi(double xi)=0
Angle difference in degrees between two points in feature.
MatExpr inv(int method=DECOMP_LU) const
void encodeParameters(InputArray K, InputArrayOfArrays omAll, InputArrayOfArrays tAll, InputArray distoaration, double xi, OutputArray parameters)
float weight4() const
Definition: motion_stabilizing.hpp:141
@ WINDOW_NORMAL
the user can resize the window (no constraint) / also use to switch a fullscreen window to a normal s...
Definition: highgui.hpp:187
Implementation of the PCAFlow algorithm from the following paper: http://files.is....
@ NCV_UNKNOWN_ERROR
Definition: NCV.hpp:317
double L2HysThreshold
L2-Hys normalization method shrinkage.
Definition: objdetect.hpp:611
static T get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:205
#define CV_CUDEV_MINMAX_INST(type, maxop, minop)
Definition: functional.hpp:328
static Quat< _Tp > spline(const Quat< _Tp > &q0, const Quat< _Tp > &q1, const Quat< _Tp > &q2, const Quat< _Tp > &q3, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
to calculate a quaternion which is the result of a continuous spline curve constructed by squad at t...
ushort bits() const
Definition: cvdef.h:908
virtual void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
cv::Ptr< IDetector > cascadeForTracking
Definition: detection_based_tracker.hpp:210
@ CAP_PROP_XI_USED_FFS_SIZE
Size of used camera FFS.
Definition: videoio.hpp:489
static GComputation get_pattern()
Definition: gtransform.hpp:55
std::is_same< GCompileArg, typename std::decay< T >::type > is_compile_arg
Definition: gcommon.hpp:113
void create(int _rows, int _cols)
equivalent to Mat::create(_rows, _cols, DataType<_Tp>::type)
virtual void setMinRegionSizeII(int n)=0
: set and get the parameter minRegionSizeII. This parameter is used in the third stage mentioned abov...
@ ARO_315_135
Definition: fast_hough_transform.hpp:72
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:399
double getMaxPointsPart() const
Definition: depth.hpp:823
bool isIntegral
Definition: feature.hpp:216
cv::UMat & outMatR(int output)
float aff_thr_strong
Definition: tracking_by_matching.hpp:277
static Ptr< DepthCleaner > create(int depth, int window_size=5, int method=DepthCleaner::DEPTH_CLEANER_NIL)
float value_type
Definition: vec_distance.hpp:92
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
@ CALIB_CHECK_COND
Definition: calib3d.hpp:3768
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:289
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute GMSD.
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: kinfu.hpp:95
Net()
Default constructor.
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
@ CAP_PROP_XI_COUNTER_SELECTOR
Select counter.
Definition: videoio.hpp:454
frame_list::iterator frame_iterator
Definition: container_avi.private.hpp:69
gapi::GNetParam strip(T &&t)
Definition: infer.hpp:471
Point_< int64 > Point2l
Definition: types.hpp:191
InputArray InputArrayOfArrays
Definition: mat.hpp:438
static void expand(GCompoundContext &ctx)
Definition: gcompoundkernel.hpp:102
This interface class allows to build new Layers - are building blocks of networks.
Definition: dnn.hpp:184
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:258
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:62
Definition: depth.hpp:760
void drawDetectedDiamonds(InputOutputArray image, InputArrayOfArrays diamondCorners, InputArray diamondIds=noArray(), Scalar borderColor=Scalar(0, 0, 255))
Draw a set of detected ChArUco Diamond markers.
@ COLOR_SPACE_REC_2020_RGBL
https://en.wikipedia.org/wiki/Rec._2020 , linear RGB color space
Definition: ccm.hpp:109
ptr_type::value_type value_type
Definition: expr.hpp:75
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
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
virtual void setMaxLevel(int maxLevel)=0
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
@ MORPH_DILATE
see dilate
Definition: imgproc.hpp:214
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
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
std::string elname
Definition: persistence.hpp:463
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking_internals.hpp:657
std::vector< GCompileArg > GCompileArgs
Definition: gcommon.hpp:196
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.
virtual int getMaxDepth() const =0
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
static void call_impl(cv::GCPUContext &ctx, Impl &impl, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:394
Ptr< Impl > p
Definition: objdetect.hpp:763
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:126
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)
static cv::detail::GOpaqueU wrap_value(const cv::GOpaque< T > &t)
Definition: gtype_traits.hpp:98
GAPI_WRAP void setSource(const gapi::wip::IStreamSource::Ptr &s)
Specify an input video stream for a single-input computation pipeline.
void fastBilateralSolverFilter(InputArray guide, InputArray src, InputArray confidence, OutputArray dst, double sigma_spatial=8, double sigma_luma=8, double sigma_chroma=8, double lambda=128.0, int num_iter=25, double max_tol=1e-5)
Simple one-line Fast Bilateral Solver filter call. If you have multiple images to filter with the sam...
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:489
bool pull(cv::GRunArgsP &&outs)
Get the next processed frame from the pipeline.
GMatDesc withSizeDelta(int dx, int dy) const
Definition: gmat.hpp:133
int height
height of the rectangle
Definition: types.hpp:61
~TrackerContribFeatureSet()
Definition: features2d.hpp:912
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
v_reg< _Tp, n > operator<<(const v_reg< _Tp, n > &a, int imm)
Bitwise shift left.
Definition: intrin_cpp.hpp:1156
double compositingResol() const
Definition: stitching.hpp:192
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
@ Uncompressed_YUYV
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:264
const void * ptr() const
Definition: garray.hpp:311
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:284
Vec< float, 2 > Vec2f
Definition: matx.hpp:427
int x
Definition: types.hpp:27
@ TRIANGLE_FAN
Definition: opengl.hpp:485
float getSigmaDepth() const
Definition: depth.hpp:1096
@ CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Number of output channels from sensor used for data transfer.
Definition: videoio.hpp:452
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
static Ptr< ELULayer > create(const LayerParams ¶ms)
RansacParams ransacParams() const
Definition: global_motion.hpp:137
int type1
Definition: hpe_humaneva.hpp:64
Ptr< SuperpixelSLIC > createSuperpixelSLIC(InputArray image, int algorithm=SLICO, int region_size=10, float ruler=10.0f)
Initialize a SuperpixelSLIC object.
double minContourSolidity
Definition: checker_detector.hpp:113
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.
int getMaxCatCount() const
Definition: tracking_feature.private.hpp:65
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:267
Matx< _Tp, m, n > operator*() const
bool parseInfo()
Definition: container_avi.private.hpp:114
static softfloat min()
Smallest normalized value.
Definition: softfloat.hpp:212
void detectResultRoiByBorder(Size src_size, Point &dst_tl, Point &dst_br)
static Stream wrapStream(cudaStream_t stream)
virtual int getPolyN() const =0
_Tp getAngle(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
get the angle of quaternion, it returns the rotation angle.
diag_type diag() const
extract the matrix diagonal
Mat(int ndims, const int *sizes, int type, const Scalar &s)
float pnorm
Definition: all_layers.hpp:643
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
@ CAP_PROP_XI_BPC
Correction of bad pixels.
Definition: videoio.hpp:386
int derivAperture
not documented
Definition: objdetect.hpp:602
Matx< _Tp, m1, n1 > reshape() const
change the matrix shape
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:154
void setMotionModel(MotionModel val)
Definition: motion_stabilizing.hpp:122
TrackerStateEstimator based on SVM.
Definition: tracking_internals.hpp:625
@ COLOR_YUV2BGR_YV12
Definition: imgproc.hpp:651
virtual void grcreate(const String &grlabel)=0
Create a group.
__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
void modelUpdate()
Update the model.
virtual ~IStreamSource()=default
@ CAP_PROP_OPENNI_FRAME_MAX_DEPTH
In mm.
Definition: videoio.hpp:237
void setColorArray(InputArray color)
Sets an array of vertex colors.
static Ptr< TR_chars > create()
const Ptr< Feature2D > featuresFinder() const
Definition: stitching.hpp:208
High level image stitcher.
Definition: stitching.hpp:139
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)
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
static Ptr< DescriptorMatcher > create(const String &descriptorMatcherType)
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
virtual void setVariationalRefinementGamma(float val)=0
Weight of the gradient constancy term.
Affine3< float > Affine3f
Definition: affine.hpp:290
@ NPPST_MEM_INSUFFICIENT_BUFFER
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
std::vector< cv::Point > points
Points to connect.
Definition: render_types.hpp:320
int rows
Definition: deriv.hpp:76
int getWidth() const
Definition: container_avi.private.hpp:165
Matx23d PeiLinNormalization(InputArray I)
Calculates an affine transformation that normalize given image using Pei&Lin Normalization.
static Ptr< ReshapeLayer > create(const LayerParams ¶ms)
@ COLOR_BGR2BGR555
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:567
@ IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs.hpp:133
T value_type
Definition: constant.hpp:59
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray H) CV_OVERRIDE
Projects the image point.
Definition: outlier_rejection.hpp:59
~TrackerFeatureHOG() CV_OVERRIDE
virtual void generateFeatures() CV_OVERRIDE
Definition: ccalib.hpp:61
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
Point_(Point_ &&pt) CV_NOEXCEPT
Definition: qualitybase.hpp:25
void setMode(int samplingMode)
Set the sampling mode of TrackerContribSamplerCSC.
void estimatePoseSingleMarkers(InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs, OutputArray _objPoints=noArray())
Pose estimation for single markers.
Scalar_ & operator=(const Scalar_ &s)
TraitAs
Definition: ie.hpp:41
@ CPU_AVX
Definition: cvdef.h:301
virtual double getC() const =0
Definition: optical_flow.hpp:144
virtual void setCostMap(const Mat &costMap)=0
Interface to provide a more elaborated cost map, i.e. edge map, for the edge-aware term....
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:97
static void read(const FileNode &node, bool &value, bool default_value)
Definition: persistence.hpp:1127
Quat< _Tp > sinh() const
return sinh value of this quaternion, sinh could be calculated as: where
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
Computes disparity map with specified CUDA Stream.
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:123
const Priv & priv() const
Definition: gframe.hpp:56
bool is_thread_safe_
Definition: matchers.hpp:164
Size poolStride
Definition: all_layers.hpp:537
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
float weight
Definition: util.hpp:79
@ COLOR_YUV2RGB_NV12
YUV 4:2:0 family to RGB.
Definition: imgproc.hpp:636
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:67
Ncv32s x
Point X.
Definition: NCV.hpp:193
virtual void setup(RetinaParameters newParameters)=0
@ ACCESS_READ
Definition: mat.hpp:64
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:139
Quat< _Tp > & operator*=(const _Tp s)
Multiplication assignment operator of a quaternions and a scalar. It multiplies right operand with th...
virtual void printDefaults() const CV_OVERRIDE
The class represents a decision tree node.
Definition: ml.hpp:1158
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.
unsigned minGroupSize
Definition: checker_detector.hpp:123
int predict
Definition: tracking_by_matching.hpp:293
NCVStatus nppiStDecimate_64f_C1R(Ncv64f *d_src, Ncv32u srcStep, Ncv64f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
virtual int getGridY() const =0
virtual const Mat getMagnoRAW() const =0
float weights_lr
Definition: tracking.hpp:62
Quat< _Tp > conjugate() const
return the conjugate of this quaternion.
bool useOptimized()
Returns the status of optimized code usage.
Definition: quasi_dense_stereo.hpp:39
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:212
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
@ DICT_4X4_250
Definition: dictionary.hpp:144
@ THRESHOLD
Definition: features2d.hpp:610
Vec< short, 3 > Vec3s
Definition: matx.hpp:414
std::vector< std::string > input_names
Definition: ie.hpp:55
Vec(_Tp v0, _Tp v1)
2-element vector constructor
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
void read(const FileNode &)
Read parameters from file, currently unused.
@ CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio.hpp:245
float filter_lr
Definition: tracking.hpp:61
virtual int getPreFilterCap() const =0
Body body
Definition: expr.hpp:59
@ WAVE_CORRECT_VERT
Definition: motion_estimators.hpp:331
Definition: objdetect.hpp:671
static void AGAST_7_12s(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:3264
static ProgramSource fromSPIR(const String &module, const String &name, const unsigned char *binary, const size_t size, const cv::String &buildOptions=cv::String())
Describe OpenCL program in SPIR format. Do not call clCreateProgramWithBinary() and/or clBuildProgram...
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
@ COLOR_RGB2YUV_I420
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:728
int iterationNum
number of selection rounds
Definition: tracking_internals.hpp:777
@ COLOR_BayerGB2GRAY_MHT
Definition: cudaimgproc.hpp:106
Mat_(const Point3_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
@ CAP_VFW
Video For Windows (obsolete, removed)
Definition: videoio.hpp:91
int nlevels
Maximum number of detection window increases. Default value is 64.
Definition: objdetect.hpp:626
T * get_if(util::variant< Types... > *v) noexcept
Definition: variant.hpp:364
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:211
void copyTo(OutputArray dst, InputArray mask) const
copies those GpuMat elements to "m" that are marked with non-zero mask elements (Blocking call)
float gsl_sigma
Definition: tracking.hpp:57
std::vector< T > & wref()
Definition: garray.hpp:275
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:439
__host__ T * operator[](int y)
more convenient forms of row and element access operators
int numOutput
Definition: all_layers.hpp:218
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3389
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 *)
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:498
UMat colRange(const Range &r) const
virtual void unwrapPhaseMap(InputArray wrappedPhaseMap, OutputArray unwrappedPhaseMap, InputArray shadowMask=noArray())=0
Unwraps a 2D phase map.
Background Subtraction using Local SVD Binary Pattern. More details about the algorithm can be found ...
Definition: bgsegm.hpp:266
@ CAP_PROP_CONTRAST
Contrast of the image (only for cameras).
Definition: videoio.hpp:146
int computeReplaceWeakestClassifier(const std::vector< float > &errors)
__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:737
void write(const String &fileName) const
virtual const std::unordered_map< size_t, Track > & tracks() const =0
tracks Returns all tracks including forgotten (lost too many frames ago).
double getFps()
Definition: container_avi.private.hpp:95
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
@ INPAINT_NS
Use Navier-Stokes based method.
Definition: photo.hpp:96
Matx(_Tp v0, _Tp v1, _Tp v2)
1x3 or 3x1 matrix
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
static Ptr< DetectionOutputLayer > create(const LayerParams ¶ms)
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
int index_type
Definition: deriv.hpp:144
virtual double getPolySigma() const =0
@ StsInplaceNotSupported
in-place operation is not supported
Definition: base.hpp:103
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:328
int getFDSize()
Definition: fourier_descriptors.hpp:74
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
virtual int getMaxLevel() const =0
@ CAP_PVAPI_PIXELFORMAT_BAYER8
Bayer8.
Definition: videoio.hpp:328
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:79
GMat add(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element sum of two matrices.
void updatePose(Matx44d &NewPose)
Updates the pose with the new one.
bool operator==(const GArrayDesc &) const
Definition: garray.hpp:42
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.
bool wrap_kernel
wrap around the kernel values
Definition: tracking.hpp:129
@ EVENT_LBUTTONUP
indicates that left mouse button is released.
Definition: highgui.hpp:214
static cv::detail::VectorRef wrap_out(std::vector< T > &t)
Definition: gtype_traits.hpp:89
virtual void setSigmaS(double val)=0
static Ptr< Odometry > create(const String &odometryType)
int getNumComponents() const
Quat< _Tp > exp() const
return the value of exponential value.
virtual bool pull(cv::gapi::wip::Data &data) override
Definition: cap.hpp:79
virtual double getScaleFactor() const =0
Pyramid scale factor.
DMatch(int _queryIdx, int _trainIdx, int _imgIdx, float _distance)
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: gcommon.hpp:183
virtual float getSaturationThreshold() const =0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: large_kinfu.hpp:55
_Tp y
y coordinate of the 3D point
Definition: types.hpp:266
Main interface for all disparity map filters.
Definition: disparity_filter.hpp:53
virtual void setBackgroundPrior(double bgprior)=0
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R)
Projects the image point backward.
_OutputArray(std::vector< std::vector< bool > > &)=delete
virtual ~OpaqueRefT()
Definition: gopaque.hpp:146
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:755
int period_
Definition: wobble_suppression.hpp:110
GKernelPackage kernels()
Create a kernel package object containing kernels and transformations specified in variadic template ...
Definition: gkernel.hpp:646
bool empty() const
Returns true if the array has no elements.
Definition: mat.hpp:301
int numTemplates(const String &class_id) const
float index_type
Definition: warping.hpp:110
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:458
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
@ RECTIFY_PERSPECTIVE
Definition: omnidir.hpp:69
Context & getContext() const
std::recursive_mutex Mutex
Definition: utility.hpp:706
static const char * tag()
Definition: gfluidkernel.hpp:162
Mat inpaintingMask_
Definition: stabilizer.hpp:132
Definition: interpolation.hpp:235
@ CAP_PROP_XI_DEVICE_MODEL_ID
Returns device model id.
Definition: videoio.hpp:445
virtual void add(InputArrayOfArrays descriptors)
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
Definition: cvstd.hpp:111
std::vector< Mat > blobs
List of learned parameters must be stored here to allow read them by using Net::getParam().
Definition: dnn.hpp:188
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)
virtual void getMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:88
virtual void setEPICLambda(float val)=0
see ximgproc::EdgeAwareInterpolator() lambda value.
bool useOpenCL
Definition: pcaflow.hpp:104
Definition: facerec.hpp:127
void _cleanupTerminatedData()
Definition: tls.hpp:199
double getFPS() const
returns average FPS (frames per second) value.
Definition: utility.hpp:351
void detectWithoutConf(InputArray img, std::vector< Point > &found_locations)
Performs object detection without a multi-scale window.
Definition: cudaobjdetect.hpp:176
int clamp(int ax, int dims)
Definition: shape_utils.hpp:208
int cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:288
@ SFM_DISTORTION_MODEL_POLYNOMIAL
Definition: simple_pipeline.hpp:52
_OutputArray(Mat_< _Tp > &m)
virtual int getDelta() const =0
virtual ~SuperpixelSEEDS()
Definition: seeds.hpp:141
void linear(const Mat3 &L)
void locateROI(Size &wholeSize, Point &ofs) const
Locates the matrix header within a parent matrix.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:568
int preferredVectorWidthInt() const
v_int32x4(vint32m1_t v)
Definition: intrin_rvv.hpp:395
Affine3(const float_type *vals)
From 16-element array.
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
InterpolationType
Definition: rlofflow.hpp:31
Op op
Definition: tuple_adapter.hpp:61
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
float getScale() const
self explain
Definition: reduction.hpp:241
#define CV_API_CALL
calling convention (including callbacks)
Definition: llapi.h:27
@ CAP_XIAPI
XIMEA Camera API.
Definition: videoio.hpp:106
virtual const char * what() const noexcept CV_OVERRIDE
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.
unsigned get0() const
Definition: intrin_rvv.hpp:381
@ DICT_APRILTAG_16h5
4x4 bits, minimum hamming distance between any two codes = 5, 30 codes
Definition: dictionary.hpp:159
@ COLORMAP_RAINBOW
Definition: imgproc.hpp:4271
bool verbose
Definition: facemarkAAM.hpp:71
double ncvEndQueryTimerUs(NcvTimer t)
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
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.
void addRNGBias32f(float *arr, const float *scaleBiasPairs, int len)
Represents a successful template match.
Definition: linemod.hpp:260
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:87
virtual void run(const std::vector< String > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
Definition: warpers.hpp:461
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.
const uchar * ptr() const
virtual void setMaxX(double _plotMaxX)=0
Mat_(const Mat &m)
copy/conversion constructor. 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.
static Ptr< BIF > create(int num_bands=8, int num_rotations=12)
virtual void operator()(const cv::Range &range) const CV_OVERRIDE
Definition: utility.hpp:594
detail::ParamDesc desc
Definition: ie.hpp:147
virtual int getMaxFeatures() const =0
PyRotationWarper(String type, float scale)
void add64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
@ CAP_PROP_XI_IS_DEVICE_EXIST
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:465
v_reg< _Tp, n > operator==(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Equal comparison.
Definition: intrin_cpp.hpp:770
Definition: pd_caltech.hpp:61
Size(const cv::Size &other)
Definition: types.hpp:104
static size_t getElemSize(int type)
Definition: utility.hpp:568
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2426
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.
NCVStatus nppiStDecimate_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
@ HISTCMP_CORREL
Definition: imgproc.hpp:502
virtual int dsgettype(const String &dslabel) const =0
Fetch dataset type.
static Ptr< PowerLayer > create(const LayerParams ¶ms)
@ OCR_KNN_CLASSIFIER
Definition: ocr.hpp:180
@ PREFILTER_XSOBEL
Definition: stereo.hpp:127
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
@ 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:76
virtual Ptr< BackendNode > initInfEngine(const std::vector< Ptr< BackendWrapper > > &inputs)
virtual ~MatAllocator()
Definition: mat.hpp:469
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
unsigned long long int m_movi_end
Definition: container_avi.private.hpp:127
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:115
std::vector< float > weightsPositionsSmoothing
Definition: detection_based_tracker.hpp:207
@ CAP_PROP_XI_CC_MATRIX_03
Color Correction Matrix element [0][3].
Definition: videoio.hpp:417
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
std::shared_ptr< GOrigin > m_priv
Definition: garray.hpp:96
PoseCluster3D()
Definition: pose_3d.hpp:141
@ COLOR_RGBA2RGB
Definition: imgproc.hpp:532
Mat * planes
the current planes
Definition: mat.hpp:3408
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitypsnr.hpp:62
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)
std::tuple< GOpaque< double >, GMat, GMat > kmeans(const GMat &data, const int K, const GMat &bestLabels, const TermCriteria &criteria, const int attempts, const KmeansFlags flags)
Finds centers of clusters and groups input samples around the clusters.
int getNSS() const
Definition: saliencySpecializedClasses.hpp:345
Definition: all_layers.hpp:505
@ COLOR_GRAY2BGR
Definition: imgproc.hpp:548
size_t getStreamPos() const
size_t getMoviPointer() const
Definition: container_avi.private.hpp:168
@ IMWRITE_JPEG_LUMA_QUALITY
Separate luma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:91
Size winSize_
Definition: optical_flow.hpp:92
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
no CUDA support
Definition: base.hpp:116
__host__ GpuMat_ rowRange(Range r) const
@ HDO_DESKEW
Definition: fast_hough_transform.hpp:108
double ceild(double x)
Definition: saturate.hpp:82
NCVMemNativeAllocator(NCVMemoryType memT, Ncv32u alignment)
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:736
cv::Point_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:43
@ CAP_PROP_XI_GPI_LEVEL
Get general purpose level.
Definition: videoio.hpp:351
Meta meta
Definition: garg.hpp:125
std::vector< int > T_at_level
Definition: linemod.hpp:398
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:75
Ptr< detail::BundleAdjusterBase > bundleAdjuster()
Definition: stitching.hpp:224
void readRaw(const String &fmt, void *vec, size_t len) const
Reads node elements to the buffer with the specified format.
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
GScalar sum(const GMat &src)
Calculates sum of all matrix elements.
std::string srcBw
Definition: is_weizmann.hpp:63
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:230
virtual void setType(FastFeatureDetector::DetectorType type)=0
virtual void setNMixtures(int nmixtures)=0
Sets the number of gaussian components in the background model.
result_type mySum
Definition: vec_distance.hpp:95
uint8_t UINT8
Definition: descriptor.hpp:66
@ CAP_PVAPI
PvAPI, Prosilica GigE SDK.
Definition: videoio.hpp:102
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)
static cv::util::optional< GCompileArg > exec(const std::string &, cv::gapi::s11n::IIStream &)
Definition: s11n.hpp:274
Callback with the classifier is made a class.
Definition: erfilter.hpp:128
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Volume(float _voxelSize, Matx44f _pose, float _raycastStepFactor)
Definition: volume.hpp:21
UMat(Size size, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
bool setMarkers
Definition: sinusoidalpattern.hpp:92
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:68
String getVersionString()
Returns library version string.
@ WRITE
value, open the file for writing
Definition: persistence.hpp:310
float minRNGEdgeSwitchDist
Definition: calib3d.hpp:1645
void flags2idx(int flags, std::vector< int > &idx, int n)
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
void writeTrajectory(InputArray traj, const String &files_format="pose%05d.xml", int start=0, const String &tag="pose")
Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio)
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:634
virtual bool empty() const CV_OVERRIDE
Return true if detector object is empty.
virtual void setSigmaSpace(float sigma_space)=0
Definition: gfluidbuffer.hpp:26
NcvBool isMemReused() const
Definition: NCV.hpp:979
virtual void setCalculateVarImportance(bool val)=0
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
@ WMF_COS
Definition: weighted_median_filter.hpp:69
virtual float getEPICSigma() const =0
see ximgproc::EdgeAwareInterpolator() sigma value.
const GMetaArgs & metas() const
Vector of metadata this graph was compiled for.
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:367
void unregisterAllWindows()
Unregisters all Viz windows from internal database. After it 'getWindowByName()' will create new wind...
virtual int loadParameters(cv::String filepath)=0
Load a file containing the configuration parameters of the class.
float contextEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:105
void update(std::vector< ConfidenceMap > &confidenceMaps)
Update the ConfidenceMap with the scores.
String member_type
Definition: core.hpp:3220
virtual float getOmega() const =0
Relaxation factor in SOR.
Ptr< CalibrateDebevec > createCalibrateDebevec(int samples=70, float lambda=10.0f, bool random=false)
Creates CalibrateDebevec object.
std::vector< Mat > blobs
List of learned parameters stored as blobs.
Definition: dnn.hpp:112
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:780
size_t step(size_t i=0) const
Definition: rmat.hpp:90
@ 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.
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:157
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams ¶ms)
Unscented Kalman Filter factory method.
void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst) CV_OVERRIDE
Projects the image backward.
const std::vector< GTransform > & get_transformations() const
Returns vector of transformations included in the package.
_OutputArray(std::array< Mat, _Nm > &arr)
IplMagnoParameters()
Definition: retina.hpp:166
@ CAP_PROP_XI_LIMIT_BANDWIDTH
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:394
int maxTexture1D() const
maximum 1D texture size
@ CAP_PROP_PVAPI_BINNINGX
Horizontal binning factor.
Definition: videoio.hpp:305
@ NPPST_MEMCPY_ERROR
CUDA memory copy error.
Definition: NCV.hpp:360
static void help_init(const cv::GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:227
virtual void setK(int k=32)=0
K is a number of nearest-neighbor matches considered, when fitting a locally affine model for a super...
virtual double getTheta() const =0
Weight parameter for (u - v)^2, tightness parameter.
- normalization layer.
Definition: all_layers.hpp:641
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1135
@ CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Horizontal sub-sampling of the image.
Definition: videoio.hpp:303
@ DECOMP_QR
Definition: base.hpp:145
std::vector< std::string > lex
Definition: tr_svt.hpp:69
std::map< std::string, std::string > IEConfig
Definition: ie.hpp:46
GArray()
Definition: garray.hpp:348
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
@ Uncompressed_NV12
Y,UV (4:2:0)
Definition: cudacodec.hpp:263
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
int ymin
Definition: core_detect.hpp:28
__host__ void gridPyrDown_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:62
OptRef(cv::optional< T > &t)
Definition: gstreaming.hpp:54
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:395
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
Definition: gcpukernel.hpp:470
@ CALIB_CB_ACCURACY
Definition: calib3d.hpp:485
ResizedImageDescriptor(const cv::Size &descr_size, const cv::InterpolationFlags interpolation)
Constructor.
Definition: tracking_by_matching.hpp:113
int m_idxOfNewWeakClassifier
Definition: onlineBoosting.hpp:147
v_reg< _Tp, n > v_interleave_quads(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2289
bool addTarget(InputArray image, const Rect2d &boundingBox, Ptr< legacy::Tracker > tracker_algorithm)
Add a new target to a tracking-list and initialize the tracker with a known bounding box that surroun...
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1093
virtual uint64_t getTotalUsage() const =0
static Ptr< SR_bsds > create()
Net readNetFromDarknet(const String &cfgFile, const String &darknetModel=String())
Reads a network model stored in Darknet model files.
virtual void setup(cv::FileStorage &fs, const bool applyDefaultSetupOnFailure=true)=0
@ GC_FGD
an obvious foreground (object) pixel
Definition: imgproc.hpp:346
Definition: optical_flow.hpp:65
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:306
Definition: cap_ios.h:141
@ COLORSPACE_BGR
Definition: container_avi.private.hpp:135
IMPL
Definition: instrumentation.hpp:54
size_t image3DMaxWidth() const
QualitySSIM(_mat_data refImgData)
Constructor.
Definition: qualityssim.hpp:90
FGDParams()
default Params
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:3259
virtual int getMaxBits() const =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.
virtual void setSigmaRange(double sigma_range)=0
static GpuMat::Allocator * defaultAllocator()
default allocator
@ CAP_PROP_GAMMA
Definition: videoio.hpp:158
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
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:409
float hog_clip
Definition: tracking.hpp:59
Mat controlMatrix
control matrix (B) (not used if there is no control)
Definition: tracking.hpp:396
Cylindrical warper factory class.
Definition: warpers.hpp:169
int modifiers
Definition: types.hpp:325
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:95
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:395
void setInitialVolumePose(Matx33f R, Vec3f t)
Set Initial Volume Pose Sets the initial pose of the TSDF volume.
virtual cv::Mat getLayerSizes() const =0
Complex< double > Complexd
Definition: types.hpp:91
Size rectSize
rect size
Definition: tracking_internals.hpp:857
cudaStream_t nppStGetActiveCUDAstream()
void * fastMalloc(size_t bufSize)
Allocates an aligned memory buffer.
int globalMemCacheType() const
void drawMarker(InputOutputArray 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.
void setConstructFcn(ConstructVec &&cv)
void calcOpticalFlowSparseRLOF(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=0)
Calculates fast optical flow for a sparse feature set using the robust local optical flow (RLOF) simi...
GMat morphologyEx(const GMat &src, const MorphTypes op, const Mat &kernel, const Point &anchor=Point(-1,-1), const int iterations=1, const BorderTypes borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Performs advanced morphological transformations.
int trackMaxPosNum
Definition: tracking_internals.hpp:660
virtual int getNumDisparities() const =0
int cols
Definition: zip.hpp:110
virtual void read(const FileNode &fn)=0
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
GProtoArgs m_args
Definition: gproto.hpp:65
bool equalTo(const FileNodeIterator &it) const
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2189
Size cellSize() const
Definition: outlier_rejection.hpp:80
static const char * tag()
Definition: render.hpp:156
::int64_t int64_t
Definition: cvdef.h:800
Definition: gcommon.hpp:229
float getAlpha() const
self explain
virtual Mat cluster() const CV_OVERRIDE
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:338
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:1853
@ SCENE_AA
Apply anti-aliasing. The first window determines the setting for all windows.
Definition: ovis.hpp:53
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:231
int right
Index of right child node.
Definition: ml.hpp:1167
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.
#define CV_32FC1
Definition: interface.h:118
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
@ ASGD
Average Stochastic Gradient Descent.
Definition: ml.hpp:1805
@ NORM_L2SQR
Definition: base.hpp:194
void getBinary(std::vector< char > &binary) const
Query device-specific program binary.
MatchesInfo(const MatchesInfo &other)
bool detectMulti(InputArray img, OutputArray points) const
Detects QR codes in image and returns the vector of the quadrangles containing the codes.
__device__ __host__ NcvBool isLeftNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:157
GOCVFunctor(const char *id, const Meta &meta, const Impl &impl)
Definition: gcpukernel.hpp:497
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
void deallocate(pointer p, size_type)
Definition: cvstd.hpp:133
float depthFactor
pre-scale per 1 meter for input values Typical values are: 5000 per 1 meter for the 16-bit PNG files ...
Definition: large_kinfu.hpp:50
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)
static Ptr< InnerProductLayer > create(const LayerParams ¶ms)
int numStepsToTrackWithoutDetectingIfObjectHasNotBeenShown
Definition: detection_based_tracker.hpp:169
virtual void setSVMDetector(InputArray svmdetector)
Sets coefficients for the linear SVM classifier.
_Tp x
x coordinate of the top-left corner
Definition: types.hpp:453
virtual float getMaxFlow() const =0
MaxFlow is a threshold to validate the predictions using a certain piece-wise affine model....
virtual void write(String fs) const =0
write xml/yml formated parameters information
@ CAP_PROP_XI_CMS
Mode of color management system.
Definition: videoio.hpp:407
@ REDUCE_MAX
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:229
cv::Mat descriptor_strong
Strong descriptor (reid embedding).
Definition: tracking_by_matching.hpp:391
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:135
Mat(std::vector< int > &&_dims, int _type, void *_data)
Definition: mat.hpp:115
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:749
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
@ CASCADE_SCALE_IMAGE
Definition: objdetect.hpp:169
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
virtual bool getGammaCorrection() const =0
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
int cols
Definition: mask.hpp:85
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())
@ StsAssert
assertion failed
Definition: base.hpp:115
static Ptr< ProposalLayer > create(const LayerParams ¶ms)
virtual int getBoostType() const =0
virtual double getClipLimit() const =0
Returns threshold value for contrast limiting.
Definition: feature.hpp:385
CvFeatureParams * featureParams
Definition: tracking_feature.private.hpp:88
void update(float value, int target)
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:162
Definition: gplaidmlkernel.hpp:57
vint8mf2_t(const schar *ptr)
Definition: intrin_rvv.hpp:39
flann_distance_t flann_distance_type()
int cols
Definition: resize.hpp:79
static Ptr< legacy::TrackerCSRT > create(const TrackerCSRT::Params ¶meters)
Constructor.
@ CAP_UEYE
uEye Camera API
Definition: videoio.hpp:124
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:283
WPaintedCloud(InputArray cloud)
Paint cloud with default gradient between cloud bounds points.
virtual int getFlags() const =0
Definition: motion_stabilizing.hpp:85
cv::String getBackendName(VideoCaptureAPIs api)
Returns backend API name or "UnknownVideoAPI(xxx)".
static Ptr< BaseConvolutionLayer > create(const LayerParams ¶ms)
Smart pointer for OpenGL 2D texture memory with reference counting.
Definition: opengl.hpp:284
CostType
Definition: seam_finders.hpp:235
virtual void setDiffusivity(KAZE::DiffusivityType diff)=0
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
@ MOTION_TRANSLATION
Definition: tracking.hpp:262
uchar * data
pointer to the data
Definition: mat.hpp:2094
GMatDesc asPlanar() const
Definition: gmat.hpp:169
int state
Definition: persistence.hpp:462
v_reg< _Tp, n > v_muladd(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c)
A synonym for v_fma.
Definition: intrin_cpp.hpp:945
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
Definition: warpers.hpp:244
virtual void divide(double s, const MatExpr &expr, MatExpr &res) const
@ CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:383
void winrt_initContainer(::Windows::UI::Xaml::Controls::Panel^ container)
Initializes container component that will be used to hold generated window content.
void getRunArgByIdx(IIStream &is, cv::util::variant< Ts... > &v, uint32_t idx)
Definition: s11n.hpp:264
util::variant< util::monostate, GMatDesc, GScalarDesc, GArrayDesc, GOpaqueDesc, GFrameDesc > GMetaArg
Definition: gmetaarg.hpp:43
virtual void setFirstLevel(int firstLevel)=0
Definition: interface.h:20
Ptr< HoughCirclesDetector > createHoughCirclesDetector(float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096)
Creates implementation for cuda::HoughCirclesDetector .
GMat cmpGE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
virtual void setRICSPSize(int val)=0
Parameter to tune the approximate size of the superpixel used for oversegmentation.
static Ptr< Timelapser > createDefault(int type)
#define OPENCV_HAL_IMPL_RVV_SELECT(_Tpvec, merge, ne, width)
Definition: intrin_rvv.hpp:1735
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...
virtual Mat correct(InputArray measurement)=0
int area
incrementally computable features
Definition: erfilter.hpp:79
@ DECODE_3D_UNDERWORLD
Kyriakos Herakleous, Charalambos Poullis. "3DUNDERWORLD-SLS: An Open-Source Structured-Light Scanning...
Definition: structured_light.hpp:56
OclVectorStrategy
Definition: ocl.hpp:654
virtual void load(const std::string &path) CV_OVERRIDE=0
Context & initializeContextFromDirect3DDevice9Ex(IDirect3DDevice9Ex *pDirect3DDevice9Ex)
Creates OpenCL context from Direct3DDevice9Ex device.
#define CV_CUDEV_GRAY2RGB5x5_INST(name, green_bits)
Definition: color_cvt.hpp:457
T maxVal
Definition: functional.hpp:697
void drawColorDisp(InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null())
Colors a disparity image.
void * ptr
Definition: NCV.hpp:441
Hdr(int _dims, const int *_sizes, int _type)
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors) CV_OVERRIDE
GRunArg & operator=(const GRunArg &arg)
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
VideoCapture(const String &filename, int apiPreference=CAP_ANY)
Opens a video file or a capturing device or an IP video stream for video capturing with API Preferenc...
@ CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio.hpp:162
Definition: warpers.hpp:398
@ WINDOW_OPENGL
window with opengl support.
Definition: highgui.hpp:189
virtual void setPreFilterCap(int preFilterCap)=0
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
Definition: facerec.hpp:55
SrcPtr src
Definition: deriv.hpp:286
Point pointer
Definition: types.hpp:324
Mat eigenvalues() const
Definition: core.hpp:2614
RgbdNormals()
Definition: depth.hpp:83
virtual void setEPICK(int val)=0
see ximgproc::EdgeAwareInterpolator() K value.
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:642
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
std::string value
Definition: tr_svt.hpp:62
@ MM_TRANSLATION
Definition: motion_core.hpp:61
GraphCutSeamFinder(String cost_type, float terminal_cost=10000.f, float bad_region_penalty=1000.f)
void checkMasks(InputArrayOfArrays masks, int queryDescriptorsCount) const
void mapForward(float x, float y, float &u, float &v)
void qconj(InputArray qimg, OutputArray qcimg)
calculates conjugate of a quaternion image.
static Ptr< KinFu > create(const Ptr< Params > &_params)
vint8mf4_t(const schar *ptr)
Definition: intrin_rvv.hpp:144
virtual void getDenseMatches(std::vector< stereo::Match > &denseMatches)=0
Get The dense corresponding points.
__host__ SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelYPtr(const SrcPtr &src)
Definition: deriv.hpp:219
SupportRegionType getSupportRegionType() const
Class that manages the extraction and selection of features.
Definition: tracking.private.hpp:60
GMat cmpNE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are not eq...
virtual bool getFaces(InputArray image, OutputArray faces)=0
Detect faces from a given image using default or user defined face detector. Some Algorithm might not...
static Ptr< TrackerContribSamplerAlgorithm > create(const String &trackerSamplerType)
Create TrackerContribSamplerAlgorithm by tracker sampler type.
@ SCENE_INTERACTIVE
allow the user to control the camera.
Definition: ovis.hpp:49
@ COLOR_YCrCb2BGR
Definition: imgproc.hpp:586
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.
unsigned char ValueType
Definition: base.hpp:385
::uint64_t uint64_t
Definition: cvdef.h:801
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
_Mutex Mutex
Definition: lock.private.hpp:78
void cvt16f32f(const float16_t *src, float *dst, int len)
void setRadius(int val)
Definition: stabilizer.hpp:74
The CosDistance class allows computing cosine distance between two reidentification descriptors.
Definition: tracking_by_matching.hpp:186
Layer(const LayerParams ¶ms)
Initializes only name, type and blobs fields.
virtual float getVariationalRefinementAlpha() const =0
Weight of the smoothness term.
void getRTfromHomogeneous(InputArray H, Mat &R, Mat &T)
Extracts rotation and translation matrices from matrix H representing affine transformation in homoge...
virtual void forward(std::vector< Mat * > &input, std::vector< Mat > &output, std::vector< Mat > &internals)
Given the input blobs, computes the output blobs.
virtual void dswrite(InputArray Array, const String &dslabel, const int *dims_offset) const =0
float compute(const cv::Mat &descr1, const cv::Mat &descr2) override
Computes distance between two descriptors.
float raycast_step_factor
A length of one raycast step.
Definition: kinfu.hpp:137
T ValueType
Definition: features2d.hpp:914
void cvtBGRtoTwoPlaneYUV(const uchar *src_data, size_t src_step, uchar *y_data, uchar *uv_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int uIdx)
Separate Y and UV planes.
static Ptr< RgbdNormals > create(int rows, int cols, int depth, InputArray K, int window_size=5, int method=RgbdNormals::RGBD_NORMALS_METHOD_FALS)
LSDDetector()
Definition: descriptor.hpp:725
ScoreType
Definition: features2d.hpp:407
void knnMatch(const Mat &queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const std::vector< Mat > &masks=std::vector< Mat >(), bool compactResult=false)
VectorRefT(std::vector< T > &vec)
Definition: garray.hpp:158
virtual void reset()=0
Resets the algorithm.
virtual void radiusMatchAsync(InputArray queryDescriptors, OutputArray matches, float maxDistance, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
std::tuple< GArray< Point2f >, GArray< uchar >, GArray< float > > calcOpticalFlowPyrLK(const GMat &prevImg, const GMat &nextImg, const GArray< Point2f > &prevPts, const GArray< Point2f > &predPts, const Size &winSize=Size(21, 21), const GScalar &maxLevel=3, const TermCriteria &criteria=TermCriteria(TermCriteria::COUNT|TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThresh=1e-4)
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyra...
float a
Definition: warpers.hpp:453
Definition: reduce_to_vec.hpp:90
Device & device(size_t idx) const
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...
void validate() const
Definition: goclkernel.hpp:137
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:468
GArray< T > yieldArray(int output=0)
Definition: gcall.hpp:47
@ LINE_AA
antialiased line
Definition: imgproc.hpp:811
@ is_unsigned_int
Definition: type_traits.hpp:142
int end
Definition: types.hpp:598
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.
virtual double getLowThreshold() const =0
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut_quads(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2192
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.
int octave
Definition: interface.h:26
std::shared_ptr< GOrigin > m_priv
Definition: gopaque.hpp:89
@ CPU_AVX_512BW
Definition: cvdef.h:306
bool has(const String &name) const
Check if field was provided in the command line.
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
int getKernelSize() const
Definition: depth.hpp:1112
::uint32_t uint32_t
Definition: cvdef.h:799
SurfaceFormat
Definition: cudacodec.hpp:73
void render(cv::Mat &y_plane, cv::Mat &uv_plane, const Prims &prims, cv::GCompileArgs &&args={})
The function renders on two NV12 planes passed drawing primitivies.
virtual void write(FileStorage &fs) const =0
@ CAP_PROP_XI_TEST_PATTERN
Selects which test pattern type is generated by the selected generator.
Definition: videoio.hpp:378
@ CAP_PROP_TRIGGER_DELAY
Definition: videoio.hpp:161
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
Mat_(const MatExpr &e)
from a matrix expression
@ CAP_PROP_WHITE_BALANCE_BLUE_U
Currently unsupported.
Definition: videoio.hpp:153
static constexpr const char * id()
Definition: infer.hpp:226
MakeVec< typename LargerType< float, typename VecTraits< T >::elem_type >::type, VecTraits< T >::cn >::type type
Definition: functional.hpp:452
util::optional< Border > BorderOpt
Definition: gfluidbuffer.hpp:34
double stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, InputOutputArray R, InputOutputArray T, OutputArray E, OutputArray F, OutputArray perViewErrors, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6))
Calibrates a stereo camera set up. This function finds the intrinsic parameters for each of the two c...
double ncvEndQueryTimerMs(NcvTimer t)
virtual void setUniquenessRatio(int uniquenessRatio)=0
virtual std::vector< Point3f > getNodesPos() const =0
int targetId
Target identifier.
Definition: dnn.hpp:173
virtual double getGradientConstancyImportance() const =0
static void removeDuplicated(std::vector< KeyPoint > &keypoints)
@ CAP_PROP_XI_SENSOR_BOARD_TEMP
Camera sensor board temperature.
Definition: videoio.hpp:406
cv::Mat img
Image to draw.
Definition: render_types.hpp:289
virtual int getMinSize()=0
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:127
Abstract streaming pipeline source.
Definition: source.hpp:40
static const softfloat fromRaw(const uint32_t a)
Construct from raw.
Definition: softfloat.hpp:106
@ CAP_PROP_XI_CC_MATRIX_13
Color Correction Matrix element [1][3].
Definition: videoio.hpp:421
size_t getDescriptorSize() const
Returns the number of coefficients required for the classification.
Quat< T > atanh(const Quat< T > &q)
This structure represents a circle to draw.
Definition: render_types.hpp:162
static const U & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:197
virtual void setOctaves(int octaves)
Set detection octaves.
Definition: features2d.hpp:393
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)
const std::vector< T > & rref() const
Definition: garray.hpp:197
CMTime lastSampleTime
Definition: cap_ios.h:107
static Ptr< TrackerCSRT > create(const TrackerCSRT::Params ¶meters=TrackerCSRT::Params())
Create CSRT tracker instance.
void setKind(cv::detail::OpaqueKind)
static void call(Impl &impl, Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:376
const int & operator[](int i) const
virtual void setScaleFactor(double val)=0
Pyramid scale factor.
void sub32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
Describes RANSAC method parameters.
Definition: motion_core.hpp:74
void compute(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, std::vector< Mat > &descriptors, bool returnFloatDescr=false) const
void mapBackward(float u, float v, float &x, float &y)
std::size_t size() const
Returns total number of kernels in the package (across all backends included)
void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
virtual void setSaturationThreshold(float val)=0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
static Color orange_red()
@ IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs.hpp:131
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:195
PyParams params(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
Definition: warpers.hpp:645
DnnSuperResImpl(const String &algo, int scale)
Constructor which immediately sets the desired model.
int preferableTarget
prefer target for layer forwarding
Definition: dnn.hpp:376
virtual bool grab()
Grabs the next frame from video file or capturing device.
Op op
Definition: functional.hpp:832
Definition: utility.hpp:1044
KernelTypes
SVM kernel type
Definition: ml.hpp:647
static cv::detail::OpaqueRef wrap_in(const T &t)
Definition: gtype_traits.hpp:99
virtual NcvBool isCounting(void) const =0
virtual void setTheta(float theta)=0
float distance
Definition: types.hpp:819
Definition: facemarkAAM.hpp:48
TextDetectionModel_DB & setMaxCandidates(int maxCandidates)
Ptr< Layer > getLayer(LayerId layerId)
Returns pointer to layer with specified id or name which the network use.
Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels algorithm described in .
Definition: slic.hpp:79
GArg m_state
Definition: gcpukernel.hpp:124
int index_type
Definition: constant.hpp:60
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:212
static softdouble inf()
Positive infinity constant.
Definition: softfloat.hpp:348
Definition: intrin_rvv.hpp:120
Ptr< GpuMat::Allocator > getAllocator() const
Returns the allocator associated with the stream.
Definition: cuda.hpp:498
virtual int getNSamples() const =0
~BufferPoolController()
Definition: bufferpool.hpp:24
@ updown
Definition: gr_skig.hpp:64
@ CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio.hpp:229
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
void transform_bboxes_inv(std::vector< std::vector< double > > *pre, std::vector< std::vector< double > > *post)
Transform bounding boxes from [x, y, h, w] to [xmin, ymin, xmax, ymax].
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:395
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:115
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
void circle(InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a circle.
UMat oclSvmDetector
coefficients for the linear SVM classifier used when OpenCL is enabled
Definition: objdetect.hpp:620
Custom array allocator.
Definition: mat.hpp:466
int cols
Definition: deriv.hpp:371
virtual void setDp(float dp)=0
virtual void setUseSurrogates(bool val)=0
virtual void load(const std::string &path) CV_OVERRIDE=0
int samplerInitMaxNegNum
Definition: tracking.hpp:762
void recognize(InputArray frame, InputArrayOfArrays roiRects, std::vector< std::string > &results) const
Given the input frame, create input blob, run net and return recognition result.
float bias
Definition: all_layers.hpp:239
Implementation of ICP (Iterative Closest Point) Algorithm.
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3188
void depthTo3dSparse(InputArray depth, InputArray in_K, InputArray in_points, OutputArray points3d)
int y
y offset
Definition: linemod.hpp:29
@ DICT_APRILTAG_36h11
6x6 bits, minimum hamming distance between any two codes = 11, 587 codes
Definition: dictionary.hpp:162
Minimum graph cut-based seam estimator. See details in .
Definition: seam_finders.hpp:241
DpSeamFinder(CostFunction costFunc=COLOR)
Implementation of the camera parameters refinement algorithm which minimizes sum of the distances bet...
Definition: motion_estimators.hpp:266
Mat_(const Vec< typename DataType< _Tp >::channel_type, n > &vec, bool copyData=true)
@ CPU_AVX_512ER
Definition: cvdef.h:309
unsigned long num_test_coordinates
num_test_coordinates stores number of test coordinates.
Definition: face_alignment.hpp:31
int hal_ni_dftInit1D(cvhalDFT **context, int len, int count, int depth, int flags, bool *needBuffer)
Definition: hal_replacement.hpp:510
View(const View &)=delete
__device__ static __forceinline__ float max()
Definition: limits.hpp:112
virtual float getSegEgbThresholdII()=0
uchar * original_data
Definition: gcpukernel.hpp:211
__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
unsigned int bufId() const
get OpenGL opject id
virtual bool open(const String &filename, int apiPreference=CAP_ANY)
Opens a video file or a capturing device or an IP video stream for video capturing.
VideoWriter(const String &filename, int apiPreference, int fourcc, double fps, const Size &frameSize, const std::vector< int > ¶ms)
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:709
uint64 member_type
Definition: core.hpp:3268
cv::GMat BGR(const cv::GFrame &in)
Gets bgr plane from input frame.
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors)=0
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking.private.hpp:367
static constexpr const OpaqueKind kind
Definition: gcommon.hpp:62
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)
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitybase.hpp:46
#define FEATURES
Definition: feature.hpp:65
const std::vector< cv::Mat > & getObjectPoints()
virtual Mat getSupportVectors() const =0
Retrieves all the support vectors.
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
virtual void deleteDataInstance(void *pData) const CV_OVERRIDE
Wrapper to release data by template.
Definition: tls.hpp:214
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:969
ushort w
Definition: cvdef.h:910
friend const T & get(const variant< Us... > &v)
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
static Ptr< TrackerMIL > create(const TrackerMIL::Params ¶meters=TrackerMIL::Params())
Create MIL tracker instance.
bool isContourConvex(InputArray contour)
Tests a contour convexity.
std::enable_if<!is_nongapi_type< T >::value, typename MetaType< T >::type >::type get_in_meta(const GMetaArgs &in_meta, const GArgs &, int idx)
Definition: gkernel.hpp:121
GpuMat getBuffer(int rows, int cols, int type)
Allocates a new GpuMat of given size and type.
std::vector< float > weightsSizesSmoothing
Definition: detection_based_tracker.hpp:208