 |
OpenCV
4.5.2
Open Source Computer Vision
|
@ SFM_REFINE_RADIAL_DISTORTION_K1
Definition: simple_pipeline.hpp:126
DescriptorStorageFormat
Definition: objdetect.hpp:379
Definition: all_layers.hpp:74
Definition: gkernel.hpp:59
Definition: traits.hpp:56
@ CALIB_FIX_K4
Definition: calib3d.hpp:504
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.
@ SFM_IO_OPENSFM
Definition: io.hpp:60
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
float32x2_t cv_vrecp_f32(float32x2_t val)
Definition: neon_utils.hpp:90
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:479
Matrix read-write iterator.
Definition: mat.hpp:3133
@ 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:432
@ REDUCE_MIN
the output is the minimum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:233
int defaultDir
Definition: ml.hpp:1168
@ COLOR_YUV2RGBA_I420
Definition: imgproc.hpp:668
v_reg< _Tp, n > v_pack_triplets(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2736
virtual bool pull(Data &data)=0
Definition: gkernel.hpp:375
Definition: resize.hpp:77
static softdouble max()
Biggest finite value.
Definition: softfloat.hpp:358
#define CV_16F
Definition: interface.h:80
Definition: intrin_rvv.hpp:516
A class to post process model predictions.
Definition: core_detect.hpp:37
@ TYPE_GENERAL
Definition: instrumentation.hpp:47
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)
Matx33d mat3
Definition: msm_epfl.hpp:64
typename detail::flatten_g< typename std::decay< T >::type >::type HT
Definition: garray.hpp:349
int depth
Definition: pd_inria.hpp:77
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:136
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:3766
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
AgastFeatureDetector_Impl(int _threshold, bool _nonmaxSuppression, int _type)
Definition: agast.txt:7484
double rintd(double x)
Definition: saturate.hpp:85
Definition: functional.hpp:269
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:410
GRunArg(const T &t, const Meta &m=Meta{}, typename std::enable_if< detail::in_variant< T, GRunArgBase >::value, int >::type=0)
Definition: garg.hpp:137
@ VIDEOWRITER_PROP_DEPTH
Defaults to CV_8U.
Definition: videoio.hpp:202
@ CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio.hpp:578
@ CPU_AVX512_KNL
Knights Landing with AVX-512F/CD/ER/PF.
Definition: cvdef.h:335
static cv::GArray< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:60
cv::GComputation getGraph(const std::vector< char > &p)
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.
const typedef _OutputArray & OutputArray
Definition: mat.hpp:443
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:217
@ COLOR_RGBA2YUV_IYUV
Definition: imgproc.hpp:740
Definition: gcompoundkernel.hpp:30
@ CAP_PROP_XI_DEVICE_SN
Returns device serial number.
Definition: videoio.hpp:480
float samplerInitInRadius
radius for gathering positive instances during init
Definition: tracking.hpp:761
@ IMWRITE_EXR_TYPE_FLOAT
store as FP32 (default)
Definition: imgcodecs.hpp:111
T * ptr() const
Definition: NCV.hpp:823
UMat dst_mask_
Definition: blenders.hpp:94
Matx< _Tp, n, m > t() const
transpose the matrix
@ SORT_DESCENDING
Definition: core.hpp:163
void matchGMS(const Size &size1, const Size &size2, const std::vector< KeyPoint > &keypoints1, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, std::vector< DMatch > &matchesGMS, const bool withRotation=false, const bool withScale=false, const double thresholdFactor=6.0)
GMS (Grid-based Motion Statistics) feature matching strategy described in .
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
int pyramidLevels() const
Get number of pyramid levels used by this detector.
Definition: linemod.hpp:369
char2 type
Definition: vec_traits.hpp:77
Definition: goclkernel.hpp:106
static _InputOutputArray rawInOut(_Tp &v)
BackgroundSubtractorType
Definition: video.hpp:92
@ Uncompressed_YV12
Y,V,U (4:2:0)
Definition: cudacodec.hpp:262
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
static int roundUp(int a, unsigned int b)
Round first value up to the nearest multiple of second value.
Definition: utility.hpp:499
std::tuple< Args... > InArgs
Definition: gkernel.hpp:219
Affine3< Y > cast() const
RotatedRect fitEllipseDirect(InputArray points)
Fits an ellipse around a set of 2D points.
HoughOp
Specifies binary operations.
Definition: fast_hough_transform.hpp:88
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)
void setConstructFcn(ConstructOpaque &&cv)
#define OPENCV_HAL_IMPL_RVV_NATIVE_WCVT(_Tpwvec, _Tpvec, _wTp, wcvt, suffix, width, n)
Definition: intrin_rvv.hpp:178
void include(const cv::gapi::GBackend &backend, const std::string &kernel_id)
Adds a new kernel based on it's backend and id into the kernel package.
Definition: gkernel.hpp:622
@ FEATURE_SET_COMPUTE_10
Definition: cuda.hpp:990
v_uint16x32 v_uint16
Maximum available vector register capacity 16-bit unsigned integer values.
Definition: intrin.hpp:390
virtual int getUniquenessRatio() const =0
virtual int getNumThreads() const CV_OVERRIDE
Definition: parallel_for.tbb.hpp:109
double focal_length_x
Definition: simple_pipeline.hpp:109
std::vector< std::pair< int, int > > edges_
Definition: motion_estimators.hpp:215
void accumulateProduct(InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray())
Adds the per-element product of two input images to the accumulator image.
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: cudaoptflow.hpp:258
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 *)
@ COLOR_SPACE_XYZ_E_2
non-RGB color space
Definition: ccm.hpp:120
virtual ~ClassifierThreshold()
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracking_internals.hpp:535
@ StsBadSize
the input/output structure size is incorrect
Definition: base.hpp:101
This structure specifies which FreeType font to use by FText primitives.
Definition: render_types.hpp:30
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:254
GMatDesc withSize(cv::Size sz) const
Definition: gmat.hpp:138
@ CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Number of output channels from sensor used for data transfer.
Definition: videoio.hpp:486
Definition: gfluidkernel.hpp:414
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
StepArray step
Definition: cuda.hpp:524
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)
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
int radius
The radius of the circle.
Definition: render_types.hpp:187
Context & initializeContextFromD3D11Device(ID3D11Device *pD3D11Device)
Creates OpenCL context from D3D11 device.
@ CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Readonly, returns (const char *).
Definition: videoio.hpp:611
tracked_cv_mat(cv::Mat &m)
Definition: gcpukernel.hpp:214
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:69
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:138
@ MULTI_STEP
processing in multiple step
Definition: types.hpp:62
T * get() const
Definition: rmat.hpp:132
Definition: reduce_to_vec.hpp:65
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
@ CAP_PROP_FRAME_WIDTH
Width of the frames in the video stream.
Definition: videoio.hpp:138
std::vector< const uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:45
String configfile
configfile stores the name of the file containing the values of training parameters
Definition: face_alignment.hpp:37
_Tp y
Definition: quaternion.hpp:1618
@ CAP_PROP_XI_REGION_SELECTOR
Selects Region in Multiple ROI which parameters are set by width, height, ... ,region mode.
Definition: videoio.hpp:426
int type
Definition: agast.txt:7534
#define GAPI_Assert
Definition: assert.hpp:20
GFunctor(const char *id)
Definition: gkernel.hpp:424
_Tp re
Definition: types.hpp:87
virtual ~Allocator()
Definition: cuda.hpp:111
Definition: descriptor.hpp:699
float motion_affinity_w
Motion affinity weight.
Definition: tracking_by_matching.hpp:283
std::string name
Definition: feature.hpp:137
Ptr< SuperpixelLSC > createSuperpixelLSC(InputArray image, int region_size=10, float ratio=0.075f)
Class implementing the LSC (Linear Spectral Clustering) superpixels.
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
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)
void setSensitivity(float val)
Definition: deblurring.hpp:101
void setRows(int val)
Definition: depth.hpp:128
Base class for text detection networks.
Definition: dnn.hpp:1421
@ 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
Ptr< Filter > createDerivFilter(int srcType, int dstType, int dx, int dy, int ksize, bool normalize=false, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a generalized Deriv operator.
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:86
QualityGMSD(_mat_data refImgData)
Definition: qualitygmsd.hpp:85
void mov(VectorRef &v)
Definition: garray.hpp:301
@ CAP_PROP_XI_GAIN
Gain in dB.
Definition: videoio.hpp:401
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2096
int left
Index of the left child node.
Definition: ml.hpp:1166
Definition: gr_skig.hpp:105
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
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
const char * getName() const CV_OVERRIDE
Definition: parallel_for.openmp.hpp:64
Definition: functional.hpp:95
@ NPPST_MEM_ALLOC_ERR
CUDA memory allocation error.
Definition: NCV.hpp:361
@ CAP_PROP_POS_AVI_RATIO
Relative position of the video file: 0=start of the film, 1=end of the film.
Definition: videoio.hpp:137
@ COLOR_BayerGR2BGR_VNG
Definition: imgproc.hpp:767
@ ENTITY_ANIMBLEND_MODE
Definition: ovis.hpp:79
Rect detectROI
Definition: facemarkLBF.hpp:89
v_reg< _Tp, n > v_rotate_right(const v_reg< _Tp, n > &a)
Element shift right among vector.
Definition: intrin_cpp.hpp:1329
Definition: texture.hpp:185
AllocType
Definition: cuda.hpp:733
@ COLOR_YUV2GRAY_YUYV
Definition: imgproc.hpp:725
static cv::Scalar & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:262
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:823
ThenType type
Definition: type_traits.hpp:98
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:436
int _num_components
Definition: facerec.hpp:45
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
_Tp value_type
Definition: matx.hpp:344
@ CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio.hpp:550
@ 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 numTrackedSteps
Definition: detection_based_tracker.hpp:204
@ CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Current format of pixels on transport layer.
Definition: videoio.hpp:483
variant & operator=(const variant &rhs)
@ MARKER_STAR
A star marker shape, combination of cross and tilted cross.
Definition: imgproc.hpp:841
__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.
Definition: texture.hpp:205
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: agast.txt:7475
Classical recurrent layer.
Definition: all_layers.hpp:181
@ NORM_L2
Definition: base.hpp:185
_Tp at(size_t index) const
a way to get element.
v_int64x2 v_setzero_s64()
Definition: intrin_cpp.hpp:2799
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
void setThreshold(int threshold_)
Definition: agast.txt:7523
GBackend backend() const
Definition: ie.hpp:239
Definition: gtype_traits.hpp:50
static softfloat pi()
Correct pi approximation.
Definition: softfloat.hpp:218
int flags
Definition: mat.hpp:3549
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 Quat< _Tp > createFromYRot(const _Tp theta)
get a quaternion from a rotation about the Y-axis by .
float scale_sigma_factor
Definition: tracking.hpp:69
v_reg< _Tp, n > & operator+=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
std::map< std::string, std::vector< std::size_t > > reshape_table
Definition: ie.hpp:72
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
std::vector< Rect > bndboxes
Definition: pd_inria.hpp:80
cv::gapi::GBackend backend()
AutoBuffer< int64, 1 > * pi
Definition: dict.hpp:103
Quat< _Tp > acosh() const
return arccosh value of this quaternion, arccosh could be calculated as:
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
#define CV_RGB(r, g, b)
Definition: imgproc.hpp:4363
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....
detail::HostCtor ctor
Definition: gkernel.hpp:33
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
Definition: functional.hpp:194
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
Sensor clock frequency index. Sensor with selected frequencies have possibility to set the frequency ...
Definition: videoio.hpp:485
NCVMemoryType memtype
Definition: NCV.hpp:442
@ RIGID_BODY_MOTION
Definition: depth.hpp:531
@ dc
Definition: container_avi.private.hpp:136
@ INT_YZY
Intrinsic rotations with the Euler angles type Y-Z-Y.
Definition: quaternion.hpp:109
virtual void printDefaults() const
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
Intr()
Definition: intrinsics.hpp:61
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:186
int minNeighbors
Parameter specifying how many neighbors each candidate rectangle should have to retain it.
Definition: facemark_train.hpp:38
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.
static auto wrap(const T &t) -> typename std::remove_reference< T >::type
Definition: gtype_traits.hpp:167
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:142
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))
v_int64x8 v_int64
Maximum available vector register capacity 64-bit signed integer values.
Definition: intrin.hpp:400
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
double distance
Definition: predict_collector.hpp:88
__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
std::string name
Definition: pd_caltech.hpp:64
void setException(const cv::Exception &exception)
void setMethod(int val)
Definition: depth.hpp:168
UMatData * u
interaction with UMat
Definition: mat.hpp:2116
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
Performs generalized matrix multiplication.
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
@ CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Automatic bandwidth calculation.
Definition: videoio.hpp:519
@ CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:417
_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
@ woodenBoard
Definition: gr_skig.hpp:89
void finalShow()
Passes the control to the debug-window for a last time.
Definition: final_show.hpp:23
SrcPtr src
Definition: deriv.hpp:146
Point2f targetPosition
Definition: tracking.detail.hpp:204
size_t * p
Definition: mat.hpp:600
Definition: edgeboxes.hpp:57
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
Definition: outlier_rejection.hpp:67
std::vector< GArg > m_args
Definition: gplaidmlkernel.hpp:52
int flags
Definition: mat.hpp:2092
InputOutputArray noArray()
@ CAP_PROP_XI_OFFSET_X
Horizontal offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:379
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2989
uint64_t UINT64
Definition: descriptor.hpp:63
@ COLOR_SPACE_XYZ_A_10
non-RGB color space
Definition: ccm.hpp:115
@ COLORMAP_TWILIGHT_SHIFTED
Definition: imgproc.hpp:4331
GOpaque()
Definition: gopaque.hpp:318
A complex number class.
Definition: types.hpp:74
U type
Definition: gtyped.hpp:30
vint8mf2_t()
Definition: intrin_rvv.hpp:38
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.
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
optional< typename std::decay< T >::type > make_optional(T &&value)
Definition: optional.hpp:171
virtual void parallel_for(int tasks, FN_parallel_for_body_cb_t body_callback, void *callback_data) CV_OVERRIDE
Definition: parallel_for.openmp.hpp:37
Kernel & args(const _Tps &... kernel_args)
Setup OpenCL Kernel arguments. Avoid direct using of set(i, ...) methods.
Definition: ocl.hpp:473
static float16_t zero()
Definition: cvdef.h:906
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:133
__device__ __forceinline__ bool operator()(int, int) const
Definition: mask.hpp:62
v_uint64x8 v512_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2869
const typedef value_type & const_reference
Definition: cvstd.hpp:117
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:327
VideoCaptureAPIs
cv::VideoCapture API backends identifier.
Definition: videoio.hpp:90
unsigned long tree_depth
tree_depth This stores the max height of the regression tree built.
Definition: face_alignment.hpp:23
DetectorType
Definition: features2d.hpp:602
Optional parameter for fitting process.
Definition: facemarkAAM.hpp:80
@ COLORMAP_TURBO
Definition: imgproc.hpp:4332
void writeTextGraph(const String &model, const String &output)
Create a text representation for a binary network stored in protocol buffer format.
@ ENTITY_SCALE
Definition: ovis.hpp:77
int flags
Definition: ocl.hpp:421
@ DICT_7X7_50
Definition: dictionary.hpp:154
std::string String
Definition: cvstd.hpp:150
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
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 >())
virtual void setThreshold(int threshold)
Set detection threshold.
Definition: features2d.hpp:387
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
@ CAP_PROP_XI_USED_FFS_SIZE
Size of used camera FFS.
Definition: videoio.hpp:523
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:3776
@ CV_QUADRATIC_INTERPOLATION
Definition: stereo.hpp:118
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
@ NCV_UNKNOWN_ERROR
Definition: NCV.hpp:317
__device__ __forceinline__ uint vadd2(uint a, uint b)
Definition: simd_functions.hpp:136
@ ERFILTER_NM_RGBLGrad
Definition: erfilter.hpp:244
#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:52
void setSensorErrorC(double val)
Definition: depth.hpp:441
vuint8mf2_t(const uchar *ptr)
Definition: intrin_rvv.hpp:27
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
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:69
T thresh
Definition: functional.hpp:736
#define CV_DbgCheck(v, test_expr, msg)
Some complex conditions: CV_Check(src2, src2.empty() || (src2.type() == src1.type() && src2....
Definition: check.hpp:141
size_t(* hashfunc)(uint)
Definition: t_hash_int.hpp:71
@ NCVPipeObjDet_Default
Definition: NCVHaarObjectDetection.hpp:354
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
MouseButton button
Definition: types.hpp:328
#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
@ REGULAR
Generate points in a regular grid.
Definition: xfeatures2d.hpp:465
OutputArray OutputArrayOfArrays
Definition: mat.hpp:444
static const Device & getDefault()
int refcount
Definition: mat.hpp:2679
void mapBackward(float u, float v, float &x, float &y)
double getMaxPointsPart() const
Definition: depth.hpp:700
@ DICT_7X7_1000
Definition: dictionary.hpp:157
Definition: gtype_traits.hpp:120
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitygmsd.hpp:34
#define OPENCV_HAL_IMPL_RVV_INIT_FP(_Tpv, _Tp, width, suffix)
Definition: intrin_rvv.hpp:573
v_reg< ushort, 16 > v_uint16x16
Sixteen 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:514
#define CV_CheckLT(v1, v2, msg)
Definition: check.hpp:117
#define OPENCV_HAL_IMPL_ROTATE_SHIFT_OP(suffix, opA, opB)
Helper macro.
Definition: intrin_cpp.hpp:1280
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
This 3D Widget defines a cone. :
Definition: widgets.hpp:330
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)
@ SFM_REFINE_FOCAL_LENGTH
Definition: simple_pipeline.hpp:124
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:85
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
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.
Definition: tr_icdar.hpp:60
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
@ COLOR_BayerBG2GRAY
Definition: imgproc.hpp:758
@ CAP_PROP_XI_LUT_EN
Activates LUT.
Definition: videoio.hpp:493
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
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:
int ProfileLevel
NVVE_PROFILE_LEVEL,.
Definition: cudacodec.hpp:97
static const constexpr std::size_t value
Definition: variant.hpp:44
Size & operator+=(Size &lhs, const Size &rhs)
Definition: types.hpp:117
int eval(const Mat &image)
__device__ __forceinline__ uint vavg2(uint a, uint b)
Definition: simd_functions.hpp:205
QualityPSNR(Ptr< QualityMSE > qualityMSE, double maxPixelValue)
Constructor.
Definition: qualitypsnr.hpp:95
void setOpenGlContext(const String &winname)
Sets the specified window as current OpenGL context.
Definition: msm_epfl.hpp:77
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:902
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
@ CAP_PROP_XI_DECIMATION_VERTICAL
Vertical Decimation - vertical sub-sampling of the image - reduces the vertical resolution of the ima...
Definition: videoio.hpp:408
Graph(int num_vertices=0)
Definition: util.hpp:88
Template class for 2D points specified by its coordinates x and y.
Definition: types.hpp:157
Definition: deriv.hpp:141
@ COLOR_RGB2HLS_FULL
Definition: imgproc.hpp:618
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:303
#define OPENCV_HAL_IMPL_RVV_FLT_BIT_OP(bin_op, intrin)
Definition: intrin_rvv.hpp:1252
Vec< short, 4 > Vec4s
Definition: matx.hpp:415
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
@ DIST_L2
the simple euclidean distance
Definition: imgproc.hpp:303
GKinds inKinds
Definition: gkernel.hpp:52
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.
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:577
bool calibrateRotatingCamera(const std::vector< Mat > &Hs, Mat &K)
#define _v512_set_epu64(a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:20
Definition: functional.hpp:310
virtual bool read(const FileNode &node)=0
P projector_
Definition: warpers.hpp:187
ChArUco board Specific class for ChArUco boards. A ChArUco board is a planar board where the markers ...
Definition: charuco.hpp:62
uchar4 type
Definition: vec_traits.hpp:84
int radius_
Definition: deblurring.hpp:84
NppStInterpMode
Definition: NPP_staging.hpp:100
double workScale() const
Definition: stitching.hpp:304
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:364
static constexpr const char * id()
Definition: infer.hpp:267
MapXPtr mapx
Definition: remap.hpp:81
@ BORDER_CONSTANT
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:269
void setParams(int radius, float stdev=-1.f)
void max8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
Definition: tracking_legacy.hpp:235
static cv::gapi::GBackend backend()
Definition: gplaidmlkernel.hpp:132
virtual void setBinaryKernelType(int value)=0
void pHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes pHash value of the input image.
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > > warpPerspective_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:101
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
void addWeighted32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scalars)
Op op
Definition: tuple_adapter.hpp:82
bool truncated
Definition: or_pascal.hpp:71
static MatExpr min(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3693
short val[4]
Definition: intrin_rvv.hpp:61
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:71
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:152
@ CAP_PROP_XI_GAIN_SELECTOR
Gain selector for parameter Gain allows to select different type of gains.
Definition: videoio.hpp:400
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:298
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)
@ 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
double getAvgTimeSec() const
returns average time in seconds
Definition: utility.hpp:360
@ CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio.hpp:549
@ CAP_PROP_XI_CC_MATRIX_10
Color Correction Matrix element [1][0].
Definition: videoio.hpp:452
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:182
virtual ~ClassifierCallback()
Definition: ocr.hpp:409
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
Definition: msm_epfl.hpp:69
@ GPC_DESCRIPTOR_DCT
Better quality but slow.
Definition: sparse_matching_gpc.hpp:92
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:686
String symbol
Definition: types.hpp:303
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: reduce_to_vec.hpp:109
Mat clone() const CV_NODISCARD
Creates a full copy of the array and the underlying data.
Definition: facemarkAAM.hpp:115
Rect(int _x, int _y, int _width, int _height)
Definition: types.hpp:45
QuatAssumeType
Unit quaternion flag.
Definition: quaternion.hpp:38
float hcellsSpatialConstant
Definition: retina.hpp:162
void watershed(InputArray image, InputOutputArray markers)
Performs a marker-based image segmentation using the watershed algorithm.
@ DYNAMIC_PARALLELISM
Definition: cuda.hpp:1005
uchar * data
Definition: mat.hpp:562
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
@ RGBD_PLANE_METHOD_DEFAULT
Definition: depth.hpp:334
int hal_ni_merge64s(const int64 **src_data, int64 *dst_data, int len, int cn)
Definition: hal_replacement.hpp:369
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
initializes the iterator
Definition: imgproc.hpp:4813
v_reg< typename V_TypeTraits< _Tp >::q_type, simd256_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> v256_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1993
double getTotalMs() const
Definition: instrumentation.hpp:92
#define OPENCV_HAL_IMPL_RVV_SIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1380
int minInterContourDistance
Definition: checker_detector.hpp:120
void throw_error(ExceptionType &&e)
Definition: throw.hpp:23
bool checkChessboard(InputArray img, Size size)
@ DICT_5X5_1000
Definition: dictionary.hpp:149
double get0() const
Definition: intrin_rvv.hpp:540
__host__ __device__ static __forceinline__ char4 all(schar v)
Definition: vec_traits.hpp:178
int maxCMLength
Definition: tracking.detail.hpp:335
Projector(Intr intr)
Definition: intrinsics.hpp:41
@ NV_OF_OUTPUT_VECTOR_GRID_SIZE_UNDEFINED
Definition: cudaoptflow.hpp:485
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:128
virtual ~CvLBPEvaluator() CV_OVERRIDE
Definition: feature.hpp:371
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:160
int tree_n
number of tree in the model for each landmark point refinement
Definition: facemarkLBF.hpp:72
float squareSize
Distance between two adjacent points. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1653
virtual void setTextureThreshold(int textureThreshold)=0
std::string model_path
Definition: ie.hpp:51
@ COLOR_YUV2BGRA_UYNV
Definition: imgproc.hpp:699
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:144
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
@ COLORMAP_OCEAN
Definition: imgproc.hpp:4317
@ RGBD_NORMALS_METHOD_FALS
Definition: depth.hpp:78
void operator()() const
Definition: parallel_for.tbb.hpp:82
@ CAP_PROP_VIEWFINDER
Enter liveview mode.
Definition: videoio.hpp:619
#define OPENCV_HAL_IMPL_RVV_ABSDIFF_S(_Tpvec, _rTpvec, _nwTpvec, sub, rshr, width)
Definition: intrin_rvv.hpp:1693
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
v_int8x16(vint8m1_t v)
Definition: intrin_rvv.hpp:266
Affine transform.
Definition: affine.hpp:126
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
@ COLOR_BGR5652RGBA
Definition: imgproc.hpp:567
the MOSSE (Minimum Output Sum of Squared Error) tracker
Definition: tracking_legacy.hpp:334
Interface for video demultiplexing. :
Definition: cudacodec.hpp:317
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:137
void drawWireframe(InputOutputArray img, InputArray pts2d, InputArray tris, const Scalar &color, int type=LINE_8, bool cullBackface=false)
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
checker draw
Definition: checker_model.hpp:112
void symetricCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
void covarianceEstimation(InputArray src, OutputArray dst, int windowRows, int windowCols)
Computes the estimated covariance matrix of an image using the sliding window forumlation.
FLAGS
Definition: instrumentation.hpp:108
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
@ SOFT_MARGIN
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1811
@ COLOR_YUV2RGB_I420
Definition: imgproc.hpp:659
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
static Scalar_< double > all(double v0)
returns a scalar with all elements set to v0
Definition: sr_div2k.hpp:28
float area_height
Definition: interpolation.hpp:300
Definition: extrapolation.hpp:197
double val[4]
Definition: scalar.hpp:35
__device__ __forceinline__ uint vsetle2(uint a, uint b)
Definition: simd_functions.hpp:359
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1652
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:768
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:214
OpenCV's VideoCapture-based streaming source.
Definition: cap.hpp:47
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:197
__device__ __forceinline__ float1 exp10(const uchar1 &a)
Definition: vec_math.hpp:249
int flags
Definition: cuda.hpp:513
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:156
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:166
cv::String getConfigurationParameterString(const char *name, const char *defaultValue)
@ CAP_PROP_XI_WB_KG
White balance green coefficient.
Definition: videoio.hpp:422
@ CAP_DSHOW
DirectShow (via videoInput)
Definition: videoio.hpp:102
@ CAP_PROP_XI_LIMIT_BANDWIDTH
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:428
InnerParameters innerParameters
Definition: detection_based_tracker.hpp:179
bool getExceptionMode()
query if exception mode is active
Definition: videoio.hpp:897
void read(const String &fileName)
Definition: features2d.hpp:1108
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:1219
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
@ SAMPLING_UNIFORM
Definition: calib3d.hpp:545
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:204
GInferOutputsTyped()=default
Definition: infer.hpp:228
@ NPPST_INVALID_SCALE
Invalid scale parameter passed.
Definition: NCV.hpp:367
Definition: warpers.hpp:215
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
Definition: functional.hpp:941
int numDetectedFrames
Definition: detection_based_tracker.hpp:187
util::any opaque
Definition: gkernel.hpp:61
Definition: objdetect.hpp:207
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.
int dy
Definition: fr_adience.hpp:77
OpaqueRef(T &&obj)
Definition: gopaque.hpp:250
@ MCC24
Standard Macbeth Chart with 24 squares.
Definition: checker_model.hpp:48
@ COLOR_YUV2GRAY_YUNV
Definition: imgproc.hpp:726
@ GEMM_3_T
transposes src3
Definition: base.hpp:222
schar elem_type
Definition: vec_traits.hpp:144
@ COLOR_HLS2RGB
Definition: imgproc.hpp:613
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
@ SAMPLING_PROSAC
Definition: calib3d.hpp:546
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
Mat transPCCoeff(Mat pc, float scale, float Cx, float Cy, float Cz, float MinVal, float MaxVal)
_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)
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:1395
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: video.hpp:38
GPCMatchingParams(const GPCMatchingParams ¶ms)
Definition: sparse_matching_gpc.hpp:149
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:563
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:307
@ COLOR_YUV2GRAY_420
Definition: imgproc.hpp:673
@ CAP_PROP_XI_CC_MATRIX_02
Color Correction Matrix element [0][2].
Definition: videoio.hpp:450
__device__ __forceinline__ float1 tan(const uchar1 &a)
Definition: vec_math.hpp:303
static softfloat nan()
Default NaN constant.
Definition: softfloat.hpp:208
@ COLOR_BayerGB2GRAY
Definition: imgproc.hpp:759
@ CAP_PROP_GPHOTO2_FLUSH_MSGS
Readonly, returns (const char *).
Definition: videoio.hpp:615
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
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:600
cv::GCompileArgs getCompileArgs(const std::vector< char > &p)
Definition: s11n.hpp:326
Pose3D()
Definition: pose_3d.hpp:73
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:341
double threshold
Definition: video.hpp:113
void setMinObjectSize(const cv::Size &min)
Definition: detection_based_tracker.hpp:80
IIStream & operator>>(IIStream &is, cv::Point &pt)
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:66
void findMinMax(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Definition: detection_based_tracker.hpp:165
softfloat setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:177
@ MATERIAL_TEXTURE0
Definition: ovis.hpp:67
size_t lost
How many frames ago track has been lost.
Definition: tracking_by_matching.hpp:392
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
Definition: reduction.hpp:86
@ CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio.hpp:586
void construct(pointer p, const _Tp &v)
Definition: cvstd.hpp:135
@ VAR_CATEGORICAL
categorical variables
Definition: ml.hpp:85
Size poolPad
Definition: all_layers.hpp:545
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
@ COLOR_BayerRG2RGB_MHT
Definition: cudaimgproc.hpp:102
std::pair< cv::Rect, int > Object
Definition: detection_based_tracker.hpp:134
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
int difference_threshold
Definition: linemod.hpp:233
int index_type
Definition: deriv.hpp:64
static gapi::fluid::BorderOpt get_border_impl(const GMetaArgs &metas, const cv::GArgs &in_args, cv::detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:268
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.
float2 value_type
Definition: warping.hpp:63
@ H5_NONE
No compression,.
Definition: hdf5.hpp:127
const cv::Vec< double, 2 > & getShift() const
Definition: mapshift.hpp:85
__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
@ OEM_TESSERACT_CUBE_COMBINED
Definition: ocr.hpp:87
Mat _eigenvectors
Definition: facerec.hpp:49
@ CALIB_FIX_K2
Definition: omnidir.hpp:60
@ NCV_FILE_ERROR
Definition: NCV.hpp:321
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:212
static void call(GOCLContext &ctx)
Definition: goclkernel.hpp:219
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
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
@ DECOMP_SVD
Definition: base.hpp:138
bool operator==(const util::monostate &, const util::monostate &)
Definition: variant.hpp:58
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tp)
Helper macro.
Definition: intrin_cpp.hpp:2898
Definition: gstreaming.hpp:33
std::vector< int > feats_m
Definition: facemarkLBF.hpp:84
void stereoRectify(InputArray K1, InputArray D1, InputArray K2, InputArray D2, const Size &imageSize, InputArray R, InputArray tvec, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags, const Size &newImageSize=Size(), double balance=0.0, double fov_scale=1.0)
Stereo rectification for fisheye camera model.
T work_type
Definition: reduce_to_vec.hpp:67
void mapBackward(float u, float v, float &x, float &y)
copy_through_move_t(T &&g)
Definition: copy_through_move.hpp:22
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:140
@ 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:592
Dataset()
Definition: dataset.hpp:567
BundleAdjusterReproj()
Definition: motion_estimators.hpp:248
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:1236
bool operator<(const DMatch &m) const
v_reg< _Tp, n > v_interleave_pairs(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2706
RGBD_NORMALS_METHOD
Definition: depth.hpp:76
static const char * tag()
Definition: video.hpp:352
static Quat< _Tp > createFromRvec(InputArray rvec)
from a rotation vector has the form , where represents rotation angle and represents normalized ro...
void unpackBlobs(const cv::GInferInputs::Map &blobs, std::vector< cv::GArg > &args, std::vector< std::string > &names, cv::GKinds &kinds)
Definition: infer.hpp:382
Matx< _Tp, m, n > mat_type
Definition: matx.hpp:114
static softdouble one()
One constant.
Definition: softfloat.hpp:352
The class defining termination criteria for iterative algorithms.
Definition: types.hpp:852
__host__ GpuMat_ col(int x) const
@ CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio.hpp:282
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
ParallelForBackend()
Definition: parallel_for.openmp.hpp:29
@ humaneva_1
Definition: hpe_humaneva.hpp:73
@ RETR_CCOMP
Definition: imgproc.hpp:428
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:418
@ COLOR_RGBA2BGR565
Definition: imgproc.hpp:565
__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)
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1784
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:4327
static void setup(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &compileArgs)
Definition: gcpukernel.hpp:352
v_float64x8 v512_setall_f64(double val)
Definition: intrin_cpp.hpp:2868
virtual ~DFT2D()
Definition: hal.hpp:217
v_reg< _Tp, n > operator<(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Less-than comparison.
Definition: intrin_cpp.hpp:865
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)
Definition: warpers.hpp:619
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
@ DNN_TARGET_OPENCL
Definition: dnn.hpp:90
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:115
int rows
Definition: remap.hpp:94
void fillFixedStereo(Mat &G, int flags, int n)
SphericalWarperGpu(float scale)
Definition: warpers.hpp:558
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:203
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
double findCandidatesApproxPolyDPEpsMultiplier
Definition: checker_detector.hpp:114
GArg()
Definition: garg.hpp:49
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(uint))
AlphaCompTypes
Definition: cudaimgproc.hpp:159
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:256
Tracker-by-Matching algorithm interface.
Definition: tracking_by_matching.hpp:416
void setOpenGlDrawCallback(const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0)
Sets a callback function to be called to draw on top of displayed image.
T Type
Definition: features2d.hpp:882
Definition: intrin_cpp.hpp:368
Applies Ridge Detection Filter to an input image. Implements Ridge detection similar to the one in Ma...
Definition: ridgefilter.hpp:27
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
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
@ VIDEO_ACCELERATION_D3D11
DirectX 11.
Definition: videoio.hpp:234
@ DEPTH_MASK
Definition: mat.hpp:2084
static Stream & Null()
return Stream object for default CUDA stream
virtual const char * what() const noexcept override
Definition: optional.hpp:21
virtual void setMode(int mode)=0
int getPatchIdxOfBestDetection()
int getSelectedClassifier() const
@ CAP_PROP_XI_HOUS_TEMP
Camera housing temperature.
Definition: videoio.hpp:438
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:393
int markerSize
Definition: dictionary.hpp:65
Rect2i Rect
Definition: types.hpp:462
ICP()
Definition: icp.hpp:90
Board of markers.
Definition: aruco.hpp:272
auto compile(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GCompiled >::type
Definition: gcomputation.hpp:373
value_type & reference
Definition: cvstd.hpp:116
@ CAP_PROP_XI_CC_MATRIX_32
Color Correction Matrix element [3][2].
Definition: videoio.hpp:462
void stop()
stops counting ticks.
Definition: utility.hpp:310
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:927
Params< Net > & cfgPostProc(const std::vector< cv::GMatDesc > &out_metas, const PostProc &pp)
Configures graph output and sets the post processing function from user.
Definition: onnx.hpp:135
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...
int fps
Definition: gr_chalearn.hpp:78
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,...
@ COLOR_BGRA2YUV_I420
Definition: imgproc.hpp:739
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:92
Definition: warpers.hpp:418
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1076
GpuMat trace
Definition: cuda.hpp:193
@ FILTER_SCHARR
Definition: imgproc.hpp:209
Definition: intrin_rvv.hpp:71
@ FEATURE_SET_COMPUTE_35
Definition: cuda.hpp:998
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:211
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
@ COLOR_BayerRG2RGB_VNG
Definition: imgproc.hpp:771
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
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.
Definition: reduce_to_vec.hpp:105
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:63
~optional_shared_lock_guard()
Definition: lock.private.hpp:106
genderType
Definition: fr_adience.hpp:60
Ptr< BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts Cartesian coordinates into polar.
@ LSD_REFINE_NONE
No refinement applied.
Definition: imgproc.hpp:490
@ CAP_PROP_OPENNI_FRAME_MAX_DEPTH
In mm.
Definition: videoio.hpp:271
float a
Definition: warpers.hpp:432
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:80
std::vector< Box > Boxes
Definition: edgeboxes.hpp:63
@ MATERIAL_TEXTURE1
Definition: ovis.hpp:69
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
Definition: features2d.hpp:1151
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:3168
@ COLOR_RGB2HSV
Definition: imgproc.hpp:595
Definition: feature.hpp:296
void FT02D_FL_process_float(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
BackgroundSubtractorParams()
default constructor
Definition: video.hpp:125
SrcPtr src
Definition: warping.hpp:132
float fxinv
Definition: intrinsics.hpp:35
BackendNode(int backendId)
double val[1]
Definition: intrin_rvv.hpp:121
size_t sz
Definition: ocl.hpp:424
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...
@ CAP_PROP_XI_CC_MATRIX_23
Color Correction Matrix element [2][3].
Definition: videoio.hpp:459
@ IMWRITE_JPEG2000_COMPRESSION_X1000
For JPEG2000, use to specify the target compression rate (multiplied by 1000). The value can be from ...
Definition: imgcodecs.hpp:105
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
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:239
virtual size_t getReservedSize() const =0
@ COLOR_SPACE_Lab_D50_2
non-RGB color space
Definition: ccm.hpp:124
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
@ StsOk
everything is ok
Definition: base.hpp:69
bool use_hog
Definition: tracking.hpp:45
static constexpr const OpaqueKind op_kind
Definition: gtype_traits.hpp:54
Intelligent Scissors image segmentation.
Definition: segmentation.hpp:30
Definition: intrin_rvv.hpp:35
Definition: gproto.hpp:90
SIFT SiftDescriptorExtractor
Definition: features2d.hpp:335
virtual GMetaArg descr_of() const override
Definition: cap.hpp:109
This 3D Widget defines a circle.
Definition: widgets.hpp:306
Definition: saliencyBaseClasses.hpp:85
Mat image
Definition: depth.hpp:473
@ nlanes
Definition: intrin_rvv.hpp:423
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
virtual int radius() const
Definition: inpainting.hpp:71
void mulTransposed(InputArray src, OutputArray dst, bool aTa, InputArray delta=noArray(), double scale=1, int dtype=-1)
Calculates the product of a matrix and its transposition.
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
const T & inArg(int input)
Definition: gcpukernel.hpp:96
GAPI_PROP cv::Size size
Definition: gmat.hpp:81
Matx33f intr
camera intrinsics
Definition: kinfu.hpp:83
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
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 .
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...
float Ncv32f
Definition: NCV.hpp:133
size_t size
Definition: mat.hpp:564
__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
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:241
@ CPU_MAX_FEATURE
Definition: cvdef.h:341
void setWindowSize(int val)
Definition: depth.hpp:235
Definition: layer.details.hpp:57
static uint64 abs(uint64 a)
Definition: cvstd.hpp:69
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:400
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
@ COEF
Definition: ml.hpp:674
v_int32x16 v_int32
Maximum available vector register capacity 32-bit signed integer values.
Definition: intrin.hpp:396
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
int getNrFeeds()
Definition: exposure_compensate.hpp:156
std::vector< std::string > getVectorOfStrings(const std::vector< char > &p)
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:3420
float tsdf_min_camera_movement
Minimal camera movement in meters.
Definition: kinfu.hpp:116
@ MATERIAL_OPACITY
Definition: ovis.hpp:64
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)
std::string fileName
Definition: tr_icdar.hpp:68
Definition: functional.hpp:663
Vec< uchar, 2 > Vec2b
Definition: matx.hpp:409
int cols
Definition: remap.hpp:94
Definition: interpolation.hpp:97
#define OPENCV_HAL_IMPL_RVV_SIGNED_SHIFT_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1324
@ CAP_PROP_XI_BINNING_HORIZONTAL
Horizontal Binning - number of horizontal photo-sensitive cells to combine together.
Definition: videoio.hpp:405
ConnectedComponentsAlgorithmsTypes
connected components algorithm
Definition: imgproc.hpp:407
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.
float time_affinity_w
Time affinity weight.
Definition: tracking_by_matching.hpp:285
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...
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
@ LOG_LEVEL_WARNING
Warning message.
Definition: logger.defines.hpp:29
Matx33d mat1
Definition: msm_epfl.hpp:62
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:85
@ COLOR_SPACE_WideGamutRGBL
https://en.wikipedia.org/wiki/Wide-gamut_RGB_color_space , linear RGB color space
Definition: ccm.hpp:99
Warper that maps an image onto the unit sphere located at the origin.
Definition: warpers.hpp:315
Fill-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:127
@ AGAST_7_12d
Definition: features2d.hpp:604
__device__ __forceinline__ void blockReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:63
Definition: tracking_legacy.hpp:271
@ CAP_PROP_XI_DECIMATION_PATTERN
Decimation pattern type.
Definition: videoio.hpp:410
int reductionRatio
Definition: descriptor.hpp:200
@ NORMCONV_FILTER
Normalized Convolution Filtering.
Definition: photo.hpp:800
int height
Definition: types.hpp:114
int nbrOfPixelsBetweenMarkers
Definition: sinusoidalpattern.hpp:90
__device__ __forceinline__ float1 acos(const uchar1 &a)
Definition: vec_math.hpp:321
@ MORPH_OPEN
Definition: imgproc.hpp:216
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
@ fmt
Definition: traits.hpp:290
const MatOp * op
Definition: mat.hpp:3548
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1667
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
@ COLOR_Lab2RGB
Definition: imgproc.hpp:609
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.
Abstract class that represents the model of the target.
Definition: tracking.detail.hpp:276
@ FONT_HERSHEY_COMPLEX
normal size serif font
Definition: imgproc.hpp:826
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:288
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
@ EVENT_FLAG_RBUTTON
indicates that the right mouse button is down.
Definition: highgui.hpp:228
This structure represents a rectangle to draw.
Definition: render_types.hpp:125
void patchNaNs(InputOutputArray a, double val=0)
converts NaNs to the given number
@ COLOR_BayerRG2GRAY_MHT
Definition: cudaimgproc.hpp:107
int hal_ni_SVD32f(float *src, size_t src_step, float *w, float *u, size_t u_step, float *vt, size_t vt_step, int m, int n, int flags)
Definition: hal_replacement.hpp:633
@ COLOR_YUV2RGB_UYNV
Definition: imgproc.hpp:689
@ DNN_TARGET_HDDL
Definition: dnn.hpp:97
Returns result of asynchronous operations.
Definition: async.hpp:31
Ptr< Facemark > createFacemarkLBF()
construct an LBF facemark detector
void moveWindow(const String &winname, int x, int y)
Moves the window to the specified position.
Class implementing the Harris-Laplace feature detector as described in .
Definition: xfeatures2d.hpp:919
int cols
Definition: deriv.hpp:302
Ncv32f gamma
gradient constancy importance
Definition: NCVBroxOpticalFlow.hpp:74
@ TM_SQDIFF
Definition: imgproc.hpp:3709
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:1574
virtual void setPeriod(int val)
Definition: wobble_suppression.hpp:104
clock_t processingStartTime_
Definition: stabilizer.hpp:140
NCVStatus nppiStDecimate_32u_C1R(Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
static int type()
Definition: flann.hpp:78
float minCircularity
Definition: features2d.hpp:731
vint8mf4_t vle8_v_i8mf4(const int8_t *base)
Definition: intrin_rvv.hpp:201
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< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:234
Ptr< AlignMTB > createAlignMTB(int max_bits=6, int exclude_range=4, bool cut=true)
Creates AlignMTB object.
@ CASCADE_SCALE_IMAGE
Definition: objdetect.hpp:169
Base class for statistical models in OpenCV ML.
Definition: ml.hpp:318
size_t size() const
Definition: sparse_matching_gpc.hpp:114
@ NOT_DRAW_SINGLE_POINTS
Single keypoints will not be drawn.
@ IMWRITE_EXR_COMPRESSION_RLE
run length encoding
Definition: imgcodecs.hpp:116
Ncv8u height
Definition: NCV.hpp:142
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:90
virtual ~TrackerCSRT() CV_OVERRIDE
Definition: tracking_legacy.hpp:525
#define OPENCV_HAL_IMPL_RVV_NATIVE_LOADSTORE_MF2(_Tpvec, _Tp, suffix, width, n)
Definition: intrin_rvv.hpp:153
bool printProgress
Print progress to stdout.
Definition: sparse_matching_gpc.hpp:128
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.
@ 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)
const T & get() const
Definition: garg.hpp:72
__device__ __forceinline__ float1 tanh(const uchar1 &a)
Definition: vec_math.hpp:357
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:1393
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
const typedef Ptr< Algorithm > & const_param_type
Definition: core.hpp:3246
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:147
#define OPENCV_HAL_IMPL_RVV_REDUCE_SAD(_Tpvec, scalartype)
Definition: intrin_rvv.hpp:1719
float depthTruncThreshold
Threshold for depth truncation in meters Truncates the depth greater than threshold to 0.
Definition: volume.hpp:92
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
Model & setInputSize(int width, int height)
Definition: dnn.hpp:1128
std::tuple< GMat, GScalar > GMatScalar
Definition: core.hpp:36
virtual ~CvFeatureEvaluator()
Definition: feature.hpp:163
@ BadOrigin
incorrect input origin
Definition: base.hpp:89
static T deserialize(const std::vector< char > &p)
Definition: s11n.hpp:50
void drawAxis(InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length)
Draw coordinate system axis from pose estimation.
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:221
void setW(int val)
Definition: saliencySpecializedClasses.hpp:357
int countNonZero(InputArray src)
Counts non-zero array elements.
@ ARO_315_45
Definition: fast_hough_transform.hpp:70
__host__ GpuMat_ clone() const
overridden forms of GpuMat::row() etc.
GMat bitwise_not(const GMat &src)
Inverts every bit of an array.
const cv::Scalar & inVal(int input)
int hal_ni_min64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:117
__device__ __forceinline__ value_type operator()(index_type y, index_type x) const
Definition: mask.hpp:76
int lkTemplateSize
Definition: quasi_dense_stereo.hpp:56
@ COLOR_Luv2BGR
Definition: imgproc.hpp:610
int getMaxCatCount() const
Definition: feature.hpp:176
v_reg< int, 16 > v_int32x16
Sixteen 32-bit signed integer values.
Definition: intrin_cpp.hpp:543
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
int64 get0() const
Definition: intrin_rvv.hpp:507
float gftQualityThres
Definition: quasi_dense_stereo.hpp:62
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
#define CVAUX_STR(__A)
Definition: version.hpp:14
void Sobel(InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
void mov(OpaqueRef &v)
Definition: gopaque.hpp:285
@ ST_BILINEAR
Definition: rlofflow.hpp:25
v_uint8x16()
Definition: intrin_rvv.hpp:232
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)
Represents a computation (graph) compiled for streaming.
Definition: gstreaming.hpp:136
void preconditionerFromPoints(InputArray points, OutputArray T)
Quat< T > inv(const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
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.
Net & getNetwork_()
Definition: dnn.hpp:1184
#define CV_CUDEV_MAKE_VEC_INST(elem_type)
Definition: vec_traits.hpp:60
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:977
void evenLevels(OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Computes levels with even distribution.
Size stride
Definition: all_layers.hpp:213
unary_function implementation of inRange
Definition: functional.hpp:919
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:45
@ CPU_AVX512_COMMON
Common instructions AVX-512F/CD for all CPUs that support AVX-512.
Definition: cvdef.h:334
@ MOTION_HOMOGRAPHY
Definition: tracking.hpp:265
@ COLOR_YUV2GRAY_UYVY
Definition: imgproc.hpp:719
const T * InLine(int i) const
Definition: gfluidbuffer.hpp:64
int pixel
seed point and the threshold (max grey-level value)
Definition: erfilter.hpp:75
@ WINDOW_FULLSCREEN
change the window to fullscreen.
Definition: highgui.hpp:191
@ QUAT_ASSUME_UNIT
Definition: quaternion.hpp:52
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP(op, input_type, scalar_type, output_type)
Definition: vec_math.hpp:548
@ WMF_IV1
Definition: weighted_median_filter.hpp:67
std::vector< bool > normalize
Definition: onnx.hpp:60
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
@ IMWRITE_EXR_COMPRESSION_DWAB
lossy DCT based compression, in blocks of 256 scanlines. More efficient space wise and faster to deco...
Definition: imgcodecs.hpp:124
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:1369
actionType type
Definition: gr_skig.hpp:102
v_reg< uint64, 8 > v_uint64x8
Eight 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:549
GScalar mean(const GMat &src)
Calculates an average (mean) of matrix elements.
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
virtual uint64_t getCurrentUsage() const =0
cv::Mat first
Definition: cap.hpp:58
SrcPtr src
Definition: extrapolation.hpp:99
Params< Net > & cfgPostProc(const std::vector< cv::GMatDesc > &out_metas, const PostProc &pp, const std::vector< std::string > &names_to_remap)
Definition: onnx.hpp:163
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:244
virtual int getPreFilterCap() const =0
bool useInstrumentation()
void buildWarpAffineMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for affine transformation.
int flags
Definition: cuda.hpp:792
@ THRESH_BINARY
Definition: imgproc.hpp:321
int hal_ni_log32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:456
#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
void computeJacobian(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
K API
Definition: gplaidmlkernel.hpp:130
const char * getName() const CV_OVERRIDE
Definition: parallel_for.tbb.hpp:145
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
@ MARKER_CROSS
A crosshair marker shape.
Definition: imgproc.hpp:839
vuint32mf2_t(const unsigned *ptr)
Definition: intrin_rvv.hpp:75
__device__ __forceinline__ uint vsub2(uint a, uint b)
Definition: simd_functions.hpp:157
int imageWidth
Definition: msm_epfl.hpp:66
Mat errorCov
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: video.hpp:29
GMat I4202RGB(const GMat &src)
Converts an image from I420 color space to BGR color space.
Ptr2DSz ::index_type index_type
Definition: traits.hpp:62
RansacParams()
Definition: motion_core.hpp:80
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:891
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: functional.hpp:68
Definition: all_layers.hpp:572
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:374
const String & getBuildInformation()
Returns full configuration time cmake output.
@ CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Sensor output data bit depth.
Definition: videoio.hpp:429
Definition: saliencyBaseClasses.hpp:111
Definition: mappergradaffine.hpp:52
bool includesAPI() const
Definition: gkernel.hpp:577
Pose3D(double Alpha, size_t ModelIndex=0, size_t NumVotes=0)
Definition: pose_3d.hpp:83
std::unordered_set< std::string > layer_names_to_reshape
Definition: ie.hpp:73
const char * m_fileName
Definition: instrumentation.hpp:80
int type
Definition: imgproc.hpp:1228
v_reg< int64, 8 > v_int64x8
Eight 64-bit signed integer values.
Definition: intrin_cpp.hpp:551
Quat< _Tp > normalize() const
return a normalized .
Mat transform
Definition: multicalib.hpp:87
v_uint32x4()
Definition: intrin_rvv.hpp:362
@ COLOR_BGR2YUV_YV12
Definition: imgproc.hpp:743
@ CORNER_REFINE_APRILTAG
Tag and corners detection based on the AprilTag 2 approach .
Definition: aruco.hpp:85
@ GC_INIT_WITH_MASK
Definition: imgproc.hpp:360
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.
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:3777
@ CAP_PROP_XI_CC_MATRIX_22
Color Correction Matrix element [2][2].
Definition: videoio.hpp:458
SceneSettings
Definition: ovis.hpp:44
int getVersionRevision()
Returns revision field of the library version.
std::string humanSeg
Definition: is_weizmann.hpp:65
float getMarkerLength() const
Definition: charuco.hpp:116
unsigned int getHeight()
Definition: container_avi.private.hpp:94
@ CAP_PROP_PVAPI_BINNINGY
Vertical binning factor.
Definition: videoio.hpp:340
void setRNGSeed(int seed)
Sets state of default random number generator.
uint64 val[2]
Definition: intrin_rvv.hpp:480
void mapBackward(float u, float v, float &x, float &y)
@ NO
Definition: blenders.hpp:68
@ COLOR_RGB2YUV
Definition: imgproc.hpp:636
bool getFaces(InputArray image, OutputArray faces, CParams *params)
Default face detector This function is mainly utilized by the implementation of a Facemark Algorithm....
Definition: remap.hpp:103
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
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
void getErrors(float *errors)
int rows
Definition: texture.hpp:207
void exp64f(const double *src, double *dst, int n)
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:150
virtual ~WeakClassifierHaarFeature()
Definition: gkernel.hpp:263
@ 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.
__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:1252
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:581
@ CALIB_FIX_TAUX_TAUY
Definition: calib3d.hpp:511
Ncv32s y
Point Y.
Definition: NCV.hpp:194
static float DEFAULT_MAX_DEPTH_DIFF()
Definition: depth.hpp:545
@ CV_MODIFIED_CS_CENSUS
Definition: descriptor.hpp:14
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
Definition: type_traits.hpp:89
virtual MotionModel motionModel() const
Definition: global_motion.hpp:181
virtual ~TrackerKCF() CV_OVERRIDE
Definition: tracking_legacy.hpp:286
Definition: track_alov.hpp:61
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.
@ LDR_SIZE
Definition: photo.hpp:332
@ StsOutOfRange
some of parameters are out of range
Definition: base.hpp:111
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:2843
@ VIDEO_ACCELERATION_ANY
Definition: videoio.hpp:230
Definition: gcpukernel.hpp:244
static Quat< _Tp > createFromZRot(const _Tp theta)
get a quaternion from a rotation about the Z-axis by .
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
int rows
Definition: lut.hpp:77
Detection output layer.
Definition: all_layers.hpp:618
static softdouble pi()
Correct pi approximation.
Definition: softfloat.hpp:360
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2844
int object_id
Unique object identifier (-1 if N/A).
Definition: tracking_by_matching.hpp:37
int numLev_
Definition: mapperpyramid.hpp:68
ReduceTypes
Definition: core.hpp:230
int disparityGradient
Definition: quasi_dense_stereo.hpp:53
Point_ & operator=(const Point_ &pt)
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.
SrcPtr src
Definition: reduction.hpp:198
@ RETR_LIST
Definition: imgproc.hpp:423
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.
@ NEIGH_FLANN_KNN
Definition: calib3d.hpp:550
float Sigma
sigma value for internal GaussianBlur() function.
Definition: edge_drawing.hpp:59
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
v_uint16 vx_setall_u16(ushort v)
Definition: intrin.hpp:497
@ CMP_EQ
src1 is equal to src2.
Definition: base.hpp:211
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)
Definition: intrin_rvv.hpp:260
void split8u(const uchar *src, uchar **dst, int len, int cn)
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)
This 3D Widget defines an arrow.
Definition: widgets.hpp:288
float icpDistThresh
distance theshold for ICP in meters
Definition: kinfu.hpp:147
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
Definition: qualityssim.hpp:53
virtual ~Callback()
Definition: calib3d.hpp:610
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:128
bool includes() const
Test if a particular kernel implementation KImpl is included in this kernel package.
Definition: gkernel.hpp:538
Ptr< SimpleWB > createSimpleWB()
Creates an instance of SimpleWB.
GAPI_PROP bool planar
Definition: gmat.hpp:82
static void serialize(IOStream &, const T &)
Definition: base.hpp:28
std::function< void(const std::unordered_map< std::string, cv::Mat > &, std::unordered_map< std::string, cv::Mat > &)> PostProc
Definition: onnx.hpp:35
Mat skew(InputArray x)
Returns the 3x3 skew symmetric matrix of a vector.
size_t num_features
Definition: linemod.hpp:234
CParams(String cascade_model, double sf=1.1, int minN=3, Size minSz=Size(30, 30), Size maxSz=Size())
GMat div(const GMat &src1, const GMat &src2, double scale, int ddepth=-1)
Performs per-element division of two matrices.
Definition: feature.hpp:301
Definition: vec_distance.hpp:61
uchar val[4]
Definition: intrin_rvv.hpp:130
Base abstract class for the long-term tracker:
Definition: tracking_legacy.hpp:72
@ COLOR_RGB2BGR555
Definition: imgproc.hpp:573
@ CCL_DEFAULT
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity. The parallel implement...
Definition: imgproc.hpp:408
__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:3136
int getMethod() const
Definition: depth.hpp:405
virtual void setStabilizedFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:87
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:84
@ SINUS
sinusoidal shape
Definition: types.hpp:56
int admm_iterations
Definition: tracking.hpp:64
Ptr< AdaptiveManifoldFilter > createAMFilter(double sigma_s, double sigma_r, bool adjust_outliers=false)
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load(const _Tp *ptr)
Load 512-bit length register contents from memory.
Definition: intrin_cpp.hpp:1636
Ncv32u number_of_outer_iterations
number of warping iterations (number of pyramid levels)
Definition: NCVBroxOpticalFlow.hpp:80
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:515
Base class for Contrast Limited Adaptive Histogram Equalization.
Definition: imgproc.hpp:961
@ MM_SIMILARITY
Definition: motion_core.hpp:65
Ptr< InpainterBase > inpainter_
Definition: stabilizer.hpp:119
Definition: or_sun.hpp:66
Intr(cv::Matx33f m)
Definition: intrinsics.hpp:63
Definition: sparse_matching_gpc.hpp:65
@ CPU_AVX512_SKX
Skylake-X with AVX-512F/CD/BW/DQ/VL.
Definition: cvdef.h:333
@ HOG
Definition: feature.hpp:147
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:483
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:117
@ GAUSSIAN
Definition: xfeatures2d.hpp:482
int ID
Definition: depth.hpp:472
@ IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs.hpp:148
@ CPU_VSX
Definition: cvdef.h: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.
int ScanInterval
Definition: edge_drawing.hpp:55
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 ~IOutlierRejector()
Definition: outlier_rejection.hpp:61
Definition: or_pascal.hpp:89
Definition: deriv.hpp:188
const uchar * datalimit
Definition: mat.hpp:2103
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:186
float maxError
Definition: checker_detector.hpp:117
void idft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
@ 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
double bagging_overlap
overlap ratio for training the LBF feature
Definition: facemarkLBF.hpp:76
TermCriteria()
default constructor
static Ptr< DetectorParameters > create()
@ CAP_INTELPERC_IR_GENERATOR
Definition: videoio.hpp:588
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:687
@ BadOrder
number of dimensions is out of range
Definition: base.hpp:88
kinfu::VolumeParams volumeParams
Volume parameters.
Definition: large_kinfu.hpp:84
#define OPENCV_HAL_IMPL_RVV_UNSIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1372
int minDistanceToAddKeypoint
Definition: calib3d.hpp:1636
#define G_TYPED_KERNEL(Class,...)
Definition: gkernel.hpp:344
static cv::gapi::GBackend backend()
Definition: gcompoundkernel.hpp:119
double confidenceThreshold
Definition: checker_detector.hpp:112
double aspect
Definition: camera.hpp:66
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
Net readNet(const String &model, const String &config="", const String &framework="")
Read deep learning network represented in one of the supported formats.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: variant.hpp:47
Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix ...
Definition: pose_3d.hpp:70
const std::vector< int > & dims() const
Definition: rmat.hpp:70
DISTANCE_TYPE
Enum of possible functions to calculate the distance between colors.
Definition: ccm.hpp:344
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.
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).
@ CAP_PROP_MODE
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:145
bool m_is_indx_present
Definition: container_avi.private.hpp:132
std::string dev_id
Device ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:30
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
std::vector< size_t > StepArray
Definition: cuda.hpp:362
util::variant< cv::UMat *, cv::Mat *, cv::RMat *, cv::Scalar *, cv::MediaFrame *, cv::detail::VectorRef, cv::detail::OpaqueRef > GRunArgP
Definition: garg.hpp:216
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:143
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
size_t nodeSize
Definition: mat.hpp:2682
#define CV_16SC1
Definition: interface.h:106
@ nppStBorderClamp
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:127
const T & get(const util::variant< Types... > &v)
Definition: variant.hpp:397
#define OPENCV_HAL_IMPL_RVV_EXTRACT(_Tpvec, _Tp, suffix, width, vmv)
Definition: intrin_rvv.hpp:670
Context & initializeContextFromGL()
Creates OpenCL context from GL.
@ WND_PROP_OPENGL
opengl support.
Definition: highgui.hpp:203
cv::utils::logging::LogLevel getLogTagLevel(const char *tag)
This structure allows to control the output image region which Fluid backend will produce in the grap...
Definition: gfluidkernel.hpp:109
BlockMeanHashMode
Definition: block_mean_hash.hpp:16
String class_id
Definition: linemod.hpp:285
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:229
BaseClassifier(int numWeakClassifier, int iterationInit)
void convertFromD3D11Texture2D(ID3D11Texture2D *pD3D11Texture2D, OutputArray dst)
Converts ID3D11Texture2D to OutputArray. If input texture format is DXGI_FORMAT_NV12 then data will b...
@ COLORCHECKER_Macbeth
Macbeth ColorChecker.
Definition: ccm.hpp:89
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:473
static constexpr bool value
Definition: base.hpp:37
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
_Mutex Mutex
Definition: lock.private.hpp:18
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.
v_float32x16 v_float32
Maximum available vector register capacity 32-bit floating point values (single precision)
Definition: intrin.hpp:402
void setMinDepth(double val)
Definition: depth.hpp:929
@ block_size_y
Definition: reduce_to_vec.hpp:215
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:216
Definition: gtype_traits.hpp:107
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:83
Vec4d q
Definition: pose_3d.hpp:130
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:351
@ VIDEOWRITER_PROP_FRAMEBYTES
(Read-only): Size of just encoded video frame. Note that the encoding order may be different from rep...
Definition: videoio.hpp:198
virtual ~HOGDescriptor()
Default destructor.
Definition: objdetect.hpp:434
@ FEATURE_SET_COMPUTE_50
Definition: cuda.hpp:999
const char * depthToString(int depth)
virtual ~WobbleSuppressorBase()
Definition: wobble_suppression.hpp:65
void setConfThresh(double conf_thresh)
Definition: motion_estimators.hpp:144
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
std::vector< GArg > m_args
Definition: gcpukernel.hpp:123
const cv::Matx< double, 3, 3 > & getProjTr() const
Definition: mapprojec.hpp:84
void FT12D_polynomial(InputArray matrix, InputArray kernel, OutputArray c00, OutputArray c10, OutputArray c01, OutputArray components, InputArray mask=noArray())
Computes elements of -transform components.
@ COLOR_RGB2RGBA
Definition: imgproc.hpp:534
void mapBackward(float u, float v, float &x, float &y)
std::unique_ptr< IIStream > getInStream(const std::vector< char > &p)
static cv::MediaFrame & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:269
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:866
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:451
static String dumpSizeT(size_t argument)
Definition: bindings_utils.hpp:39
virtual int getUniquenessRatio() const =0
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:307
@ CALIB_FIX_SKEW
Definition: calib3d.hpp:3769
@ COLOR_BGR2HSV
convert RGB/BGR to HSV (hue saturation value) with H range 0..180 if 8 bit image, color conversions
Definition: imgproc.hpp:594
float trimRatio_
Definition: stabilizer.hpp:121
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
Definition: infer.hpp:218
@ BORDER_REPLICATE
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:270
@ MORPH_GRADIENT
Definition: imgproc.hpp:220
__host__ __device__ Binder2nd< Op > bind2nd(const Op &op, const typename Op::second_argument_type &arg2)
Definition: functional.hpp:1014
#define CV_INTRIN_DEF_TYPE_TRAITS_NO_Q_TYPE(type, int_type_, uint_type_, abs_type_, w_type_, sum_type_)
Definition: intrin.hpp:133
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:2696
@ is_pointer
Definition: type_traits.hpp:140
Ptr< TonemapMantiuk > createTonemapMantiuk(float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
Creates TonemapMantiuk object.
@ COLOR_GRAY2BGRA
Definition: imgproc.hpp:555
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 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)
virtual ~QuantizedPyramid()
Definition: linemod.hpp:59
cv::use_only() is a special combinator which hints G-API to use only kernels specified in cv::GComput...
Definition: gkernel.hpp:724
@ 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
Definition: warping.hpp:107
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:215
@ SLICO
Definition: slic.hpp:132
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
Definition: sparse_matching_gpc.hpp:281
@ value
Definition: type_traits.hpp:91
cv::Mat _range
Definition: qualitybrisque.hpp:68
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:155
This class represents high-level API for text detection DL networks compatible with DB model.
Definition: dnn.hpp:1555
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:107
Class, allowing the load and matching 3D models. Typical Use:
Definition: ppf_match_3d.hpp:97
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)
@ CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:431
@ CAP_PROP_XI_AEAG_LEVEL
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:396
Definition: gstreaming.hpp:40
S State
Definition: gcpukernel.hpp:481
@ QT_CHECKBOX
Checkbox button.
Definition: highgui.hpp:259
@ block_size_x
Definition: reduce.hpp:296
int height
Definition: graycodepattern.hpp:80
Definition: volume.hpp:18
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
void setMinDepth(double val)
Definition: depth.hpp:795
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, prefix, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2830
Definition: gopaque.hpp:33
@ VORONOI_SEAM
Definition: seam_finders.hpp:62
void remove_all(const cv::String &path)
Definition: optical_flow.hpp:103
virtual void init(const CvFeatureParams &fp) CV_OVERRIDE
v_int64x2(int64 v0, int64 v1)
Definition: intrin_rvv.hpp:494
@ CAP_PROP_OPENNI2_SYNC
Definition: videoio.hpp:283
@ SCENE_SHADOWS
Enable real-time shadows in the scene. All entities cast shadows by default. Control via ENTITY_CAST_...
Definition: ovis.hpp:57
virtual Ncv32u alignment(void) const =0
_Tp dot(const Point3_ &pt) const
dot product
SparseMatConstIterator const_iterator
Definition: mat.hpp:2670
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.
void * VADisplay
Definition: va_intel.hpp:22
@ CALIB_ZERO_TANGENT_DIST
Definition: calib3d.hpp:499
T & value()
Definition: optional.hpp:139
static MatExpr max(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3703
@ CAP_PROP_PVAPI_BINNINGX
Horizontal binning factor.
Definition: videoio.hpp:339
bool signedGradient
Indicates signed gradient will be used or not.
Definition: objdetect.hpp:629
@ COLORMAP_PARULA
Definition: imgproc.hpp:4324
int distance_threshold
Definition: linemod.hpp:232
@ NORM_RELATIVE
flag
Definition: base.hpp:206
Ncv32u _height
Definition: NCV.hpp:834
static GFluidKernel kernel()
Definition: gfluidkernel.hpp:423
Mat getDefaultNewCameraMatrix(InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
Returns the default new camera matrix.
void storeKind()
Definition: gopaque.hpp:268
schar get0() const
Definition: intrin_rvv.hpp:285
v_reg< schar, n0 *sizeof(_Tp0)/sizeof(schar)> v_reinterpret_as_s8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2885
@ COLOR_SPACE_AdobeRGB
https://en.wikipedia.org/wiki/Adobe_RGB_color_space , RGB color space
Definition: ccm.hpp:96
int clusterCount
Definition: features2d.hpp:1456
float Type
Definition: features2d.hpp:888
bool ceilMode
Definition: all_layers.hpp:255
int numVertices() const
Definition: util.hpp:90
~shared_lock_guard()
Definition: lock.private.hpp:51
ushort val[4]
Definition: intrin_rvv.hpp:49
@ ALPHA_PLUS
Definition: cudaimgproc.hpp:159
Mat initCameraMatrix2D(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
Finds an initial camera intrinsic matrix from 3D-2D point correspondences.
virtual const std::vector< Mat > & stabilizedFrames() const
Definition: inpainting.hpp:88
@ MATERIAL_POINT_SIZE
Definition: ovis.hpp:62
float shift
Definition: all_layers.hpp:506
GMatP yieldP(int output=0)
v_reg< double, 8 > v_float64x8
Eight 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:547
#define GAPI_PROP
Definition: exports.hpp:20
DetectorType
Definition: features2d.hpp:542
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:232
std::shared_ptr< void > allocatorContext
Definition: mat.hpp:572
v_float64 vx_load_low(const double *ptr)
Definition: intrin.hpp:573
void extractControlPoints(int num, int len, InputArray pts3d, InputArray rvec, InputArray tvec, InputArray K, const Size &imsize, InputArray tris, OutputArray ctl2d, OutputArray ctl3d)
std::vector< std::string > output_names
Definition: ie.hpp:57
@ 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.
virtual void setIterations(int val)=0
void setScale(float)
Definition: warpers.hpp:130
__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:4330
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:156
double value
Definition: ml.hpp:1161
Params< Net > & cfgPostProc(std::vector< cv::GMatDesc > &&out_metas, PostProc &&pp)
Definition: onnx.hpp:145
void setDevice(int device)
Sets a device and initializes it for the current thread.
std::vector< Mat > stabilizationMotions_
Definition: stabilizer.hpp:139
unsigned char code
Definition: types.hpp:304
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:97
@ COLOR_SPACE_XYZ_D55_2
non-RGB color space
Definition: ccm.hpp:116
void setWindowTitle(const String &winname, const String &title)
Updates window title.
void _cleanupDetachedData()
Definition: tls.hpp:191
@ EXT_ZXZ
Extrinsic rotations with the Euler angles type Z-X-Z.
Definition: quaternion.hpp:123
cv::Mat get_column_range(const cv::Mat &data)
Definition: quality_utils.hpp:62
int value_type
Definition: vec_distance.hpp:63
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
int getCols() const
Definition: depth.hpp:132
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:244
Quat< _Tp > tan() const
return tan value of this quaternion, tan could be calculated as:
int aprilTagMinClusterPixels
Definition: aruco.hpp:182
Definition: warpers.hpp:381
@ MORPH_RECT
a rectangular structuring element:
Definition: imgproc.hpp:232
@ SOLVEPNP_IPPE
Definition: calib3d.hpp:465
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.
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:172
@ COLOR_YUV2RGBA_UYNV
Definition: imgproc.hpp:698
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.
Ptr< MergeRobertson > createMergeRobertson()
Creates MergeRobertson object.
@ INPAINT_TELEA
Use the algorithm proposed by Alexandru Telea .
Definition: photo.hpp:97
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracking_legacy.hpp:425
#define OPENCV_CUDEV_FUNCTIONAL_MAKE_IN_RANGE_COMPARATOR(i, field)
Definition: functional.hpp:810
Size frameSize
frame size in pixels
Definition: large_kinfu.hpp:39
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])
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:108
#define GAPI_WRAP
Definition: exports.hpp:21
cudaTextureObject_t texObj
Definition: texture.hpp:190
@ GC_INIT_WITH_RECT
Definition: imgproc.hpp:356
void setScaleFactor(float value)
Definition: detection_based_tracker.hpp:100
Definition: ar_sports.hpp:60
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
std::vector< T > & wref()
Definition: garray.hpp:186
int rows
Definition: deriv.hpp:209
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
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
@ WMF_IV2
Definition: weighted_median_filter.hpp:68
Definition: tracking.hpp:117
__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
@ NCVMemoryTypeDevice
Definition: NCV.hpp:432
Ptr< Volume > makeVolume(const VolumeParams &_volumeParams)
void * depth_cleaner_impl_
Definition: depth.hpp:263
std::vector< GPCPatchSample > GPCSamplesVector
Definition: sparse_matching_gpc.hpp:86
Definition: detection_based_tracker.hpp:60
float minDensity
Definition: calib3d.hpp:1634
OBJECT m_payload
Definition: utility.hpp:1125
signed char schar
Definition: interface.h:48
ERStat * min_probability_ancestor
Definition: erfilter.hpp:111
Definition: gr_chalearn.hpp:75
size_t hashidx
Definition: mat.hpp:3222
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3139
Bilinear resize layer from https://github.com/cdmh/deeplab-public-ver2.
Definition: all_layers.hpp:674
MemoryFlag
Definition: mat.hpp:536
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
std::vector< GRunArg > GRunArgs
Definition: garg.hpp:165
void FASTForPointSet(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true, cv::FastFeatureDetector::DetectorType type=FastFeatureDetector::TYPE_9_16)
Estimates cornerness for prespecified KeyPoints using the FAST algorithm.
cv::Point2i p0
Definition: quasi_dense_stereo.hpp:29
Definition: deriv.hpp:234
static void read(const FileNode &node, std::vector< KeyPoint > &vec, const std::vector< KeyPoint > &default_value)
Definition: persistence.hpp:1194
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
NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
@ IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs.hpp:149
Yes a[2]
Definition: functional.hpp:1027
void * indexPCFlann(Mat pc)
std::shared_ptr< Priv > m_priv
Definition: gcall.hpp:69
#define OPENCV_HAL_IMPL_RVV_REDUCE(_Tpvec, func, scalartype, suffix, width, red)
Definition: intrin_rvv.hpp:1491
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...
@ CALIB_CB_ACCURACY
Definition: calib3d.hpp:485
Mat A0
average of gray values from all face region in the dataset
Definition: facemarkAAM.hpp:121
int axis
Definition: all_layers.hpp:555
@ CPU_NEON
Definition: cvdef.h:324
@ CAP_REALSENSE
Synonym for CAP_INTELPERC.
Definition: videoio.hpp:113
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:1324
@ RETINA_COLOR_DIAGONAL
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
Definition: warpers.hpp:226
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:70
virtual void setMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:89
const _Tp * data() const
returns read-only pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:130
Definition: warpers.hpp:494
@ 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
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
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
Mat normals
Definition: depth.hpp:476
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:199
Vec< int, 4 > Vec4i
Definition: matx.hpp:423
void calcMotionGradient(InputArray mhi, OutputArray mask, OutputArray orientation, double delta1, double delta2, int apertureSize=3)
Calculates a gradient orientation of a motion history image.
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:652
Mat_ cross(const Mat_ &m) const
cross-product
Definition: warpers.hpp:191
float getSigmaSpatial() const
Definition: depth.hpp:1104
int cols
Definition: interpolation.hpp:78
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
Ask G-API to dump compiled graph in Graphviz format under the given file name.
Definition: gcommon.hpp:248
Definition: ar_sports.hpp:66
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
@ ERGROUPING_ORIENTATION_HORIZ
Definition: erfilter.hpp:279
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
@ nlanes
Definition: intrin_rvv.hpp:360
@ CAP_OPENNI_GRAY_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:306
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:3775
unsigned member_type
Definition: core.hpp:3263
@ 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
Definition: gproto.hpp:89
@ USAC_FAST
USAC, fast settings.
Definition: calib3d.hpp:450
ocr_engine_mode
Tesseract.OcrEngineMode Enumeration.
Definition: ocr.hpp:83
int trackMaxPosNum
Definition: tracking.detail.hpp:370
@ DETECTED_TEMPORARY_LOST
Definition: detection_based_tracker.hpp:142
__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 *)
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
#define CV_AVX_512VBMI
Definition: cv_cpu_dispatch.h:292
@ USAC_PROSAC
USAC, sorted points, runs PROSAC.
Definition: calib3d.hpp:452
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
@ CAP_PROP_XI_DECIMATION_SELECTOR
Decimation engine selector.
Definition: videoio.hpp:407
V_TypeTraits< _Tp >::sum_type v_reduce_sum(const v_reg< _Tp, n > &a)
Sum packed values.
Definition: intrin_cpp.hpp:1338
static plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:95
@ IMWRITE_EXR_COMPRESSION_ZIPS
zlib compression, one scan line at a time
Definition: imgcodecs.hpp:117
Params & cfgNumRequests(size_t nireq)
Definition: ie.hpp:232
OpaqueRefT(const T &obj)
Definition: gopaque.hpp:151
Definition: all_layers.hpp:245
void invSqrt64f(const double *src, double *dst, int len)
@ CAP_DC1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:98
CALayer * customPreviewLayer
Definition: cap_ios.h:105
void createPlaneMesh(const String &name, const Size2f &size, InputArray image=noArray())
@ block_size_y
Definition: split_merge.hpp:497
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
std::size_t m_elemSize
Definition: garray.hpp:125
cv::String getInferenceEngineVPUType()
Returns Inference Engine VPU type.
@ 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:720
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.
@ COLOR_YUV2BGR_I420
Definition: imgproc.hpp:660
const char * vecopTypeToStr(int t)
Definition: NCVHaarObjectDetection.hpp:78
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:384
std::string value
Definition: tr_icdar.hpp:62
Definition: extrapolation.hpp:94
CGImageRef MatToCGImage(const cv::Mat &image) CF_RETURNS_RETAINED
Definition: python.hpp:40
bool split_coeff
split the training coefficients into two matrices
Definition: tracking.hpp:128
_Tp & operator[](std::size_t n)
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:499
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
@ EXT_YXZ
Extrinsic rotations with the Euler angles type Y-X-Z.
Definition: quaternion.hpp:115
ShapeMatchModes
Shape matching methods.
Definition: imgproc.hpp:457
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:638
Definition: tr_icdar.hpp:74
@ COLOR_GRAY2RGB
Definition: imgproc.hpp:554
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)
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
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio.hpp:582
@ XYZ
Definition: omnidir.hpp:77
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
Definition: tracking.detail.hpp:22
@ CAP_PROP_ORIENTATION_META
(read-only) Frame rotation defined by stream meta (applicable for FFmpeg back-end only)
Definition: videoio.hpp:184
void setFov(const Vec2d &fov)
Definition: types.hpp:222
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:420
@ CAP_PROP_EXPOSURE
Exposure (only for those cameras that support).
Definition: videoio.hpp:151
@ SHOW_TRACKBAR
Definition: cap_winrt.hpp:43
double mat4[3]
Definition: msm_epfl.hpp:65
static Scalar all(double v0)
Definition: scalar.hpp:33
Definition: ar_hmdb.hpp:67
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts polar coordinates into Cartesian.
Size_< int > Size2i
Definition: types.hpp:343
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:3088
void split(const Mat &src, Mat *mvbegin)
Divides a multi-channel array into several single-channel arrays.
Ptr< CornernessCriteria > createHarrisCorner(int srcType, int blockSize, int ksize, double k, int borderType=BORDER_REFLECT101)
Creates implementation for Harris cornerness criteria.
a wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV.
Definition: retinafasttonemapping.hpp:99
void convertFromImage(void *cl_mem_image, UMat &dst)
Convert OpenCL image2d_t to UMat.
@ COLOR_SPACE_Lab_D65_2
https://en.wikipedia.org/wiki/CIELAB_color_space , non-RGB color space
Definition: ccm.hpp:122
int y
Definition: tr_icdar.hpp:63
size_t step1(int i=0) const
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
bool imreadmulti(const String &filename, std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
Loads a multi-page image from a file.
float dx
horizontal interval between letters
Definition: highgui.hpp:723
@ LINE_LOOP
Definition: opengl.hpp:481
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:406
@ OEM_TESSERACT_ONLY
Definition: ocr.hpp:85
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:397
int64 val[2]
Definition: intrin_rvv.hpp:512
@ CAP_PROP_SAR_DEN
Sample aspect ratio: num/den (den)
Definition: videoio.hpp:177
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:135
float minDistBetweenBlobs
Definition: features2d.hpp:722
int cols
Definition: interpolation.hpp:273
Mat eigenvalues
eigenvalues of the covariation matrix
Definition: core.hpp:2546
virtual ~TrackerBoosting() CV_OVERRIDE
Definition: tracking_legacy.hpp:177
Flags
Definition: core.hpp:2409
uchar * ptr
Definition: imgproc.hpp:4857
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
virtual ~DFT1D()
Definition: hal.hpp:208
Definition: gcpukernel.hpp:462
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::String getCacheDirectoryForDownloads()
std::string filename
Definition: or_pascal.hpp:80
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
genderType gender
Definition: fr_adience.hpp:73
VecCommaInitializer(Vec< _Tp, m > *_vec)
static Ptr< AffineFeature2D > create(Ptr< FeatureDetector > keypoint_detector)
Creates an instance where keypoint detector and descriptor extractor are identical.
Definition: xfeatures2d.hpp:964
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
hashtable_int * hashtableRead(FILE *f)
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:316
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:136
int recentEdge
Definition: imgproc.hpp:1250
GMat max(const GMat &src1, const GMat &src2)
Calculates per-element maximum of two matrices.
@ THINNING_GUOHALL
Definition: ximgproc.hpp:115
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
CostFunction costFunction() const
Definition: seam_finders.hpp:128
AsyncArray getArrayResult()
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
Definition: sparse_matching_gpc.hpp:77
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
~AutoBuffer()
destructor. calls deallocate()
std::string trg_id
Target ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:31
Definition: infer.hpp:277
static GComputation get_substitute()
Definition: gtransform.hpp:60
Definition: gfluidbuffer.hpp:95
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform ...
Definition: features2d.hpp:276
std::vector< int > labels
Definition: ar_sports.hpp:63
void * _getImpl() const CV_NOEXCEPT
Definition: async_promise.hpp:63
#define OPENCV_HAL_IMPL_RVV_REDUCE_SUM(_Tpvec, _wTpvec, _nwTpvec, scalartype, suffix, wsuffix, wwidth, red)
Definition: intrin_rvv.hpp:1467
Matx23f transf
the transformation between image space and local patch space
Definition: xfeatures2d.hpp:910
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
Definition: gcpukernel.hpp:135
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
Definition: fr_adience.hpp:83
Definition: interpolation.hpp:294
@ CPU_AVX_512VL
Definition: cvdef.h:316
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.
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
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)
Mat transformPCPose(Mat pc, const Matx44d &Pose)
@ cols
Definition: matx.hpp:104
bool empty() const
returns true if the node is empty
v_reg< float, 4 > v_float32x4
Four 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:500
State
Definition: persistence.hpp:323
int maxCatCount
Definition: feature.hpp:155
v_reg< ushort, n0 *sizeof(_Tp0)/sizeof(ushort)> v_reinterpret_as_u16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2886
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:289
const T * get_if(const util::variant< Types... > *v) noexcept
Definition: variant.hpp:376
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
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:1128
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: onnx.hpp:101
@ COLOR_BayerRG2GRAY
Definition: imgproc.hpp:760
ColorConversionCodes
Definition: imgproc.hpp:532
std::vector< detail::HostCtor > GCtors
Definition: gkernel.hpp:38
double hessianThreshold
Definition: cuda.hpp:182
int hal_ni_max32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:107
SrcPtr src
Definition: interpolation.hpp:299
@ COLOR_SPACE_Lab_D50_10
non-RGB color space
Definition: ccm.hpp:125
size_t hashval
hash value
Definition: mat.hpp:2694
void max64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
std::vector< GRunArgP > GRunArgsP
Definition: garg.hpp:217
virtual int setNumThreads(int nThreads) CV_OVERRIDE
Definition: parallel_for.openmp.hpp:56
__host__ GpuMat_ row(int y) const
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
@ SOLVEPNP_AP3P
An Efficient Algebraic Solution to the Perspective-Three-Point Problem .
Definition: calib3d.hpp:464
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
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
void destroyFlann(void *flannIndex)
@ CAP_PROP_WB_TEMPERATURE
white-balance color temperature
Definition: videoio.hpp:181
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:950
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
int verbosity_level
Definition: simple_pipeline.hpp:155
Definition: functional.hpp:280
std::vector< std::string > in_names
Definition: infer.hpp:84
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
int64_t cvRound64(const cv::softdouble &a)
Rounds a number to nearest even long long integer.
bool doInpainting_
Definition: stabilizer.hpp:131
Definition: optional.hpp:18
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
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:306
@ HAAR
Definition: bm3d_image_denoising.hpp:64
static const char * tag()
Definition: gkernel.hpp:736
@ FLOODFILL_FIXED_RANGE
Definition: imgproc.hpp:380
@ SOLVELP_SINGLE
there is only one maximum for target function
Definition: optim.hpp:261
Definition: facemarkLBF.hpp:48
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:75
TrackerContribFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracking_internals.hpp:850
@ COLOR_YUV2RGB_YUNV
Definition: imgproc.hpp:707
void absdiff16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
std::size_t num_out
Definition: ie.hpp:65
int getW() const
Definition: saliencySpecializedClasses.hpp:353
uint64_t saturate_cast< uint64_t >(softfloat a)
Definition: softfloat.hpp:433
float B0factor
Definition: checker_detector.hpp:116
@ CAP_ARAVIS
Aravis SDK.
Definition: videoio.hpp:121
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:178
virtual void deserialize(cv::gapi::s11n::IIStream &)
Definition: rmat.hpp:113
bool empty() const
Definition: inpainting.hpp:112
const float raycastStepFactor
Definition: volume.hpp:43
bool getConfigurationParameterBool(const char *name, bool defaultValue)
int type() const
Returns the type of a matrix element.
Definition: mat.hpp:195
Mat state
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: video.hpp:27
cv::Point2i p1
Definition: quasi_dense_stereo.hpp:30
Definition: all_layers.hpp:495
Definition: motion_stabilizing.hpp:59
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:108
float x
Definition: interface.h:21
@ 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.
@ triangle
Definition: gr_skig.hpp:63
Mat colors
point color of type CV_8UC3 or CV_8UC4 with only 1 row
Definition: types.hpp:130
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:18
int readGT(String src_path, OutputArray dst)
Function for reading ground truth disparity maps. Supports basic Middlebury and MPI-Sintel formats....
@ MARKER_DIAMOND
A diamond marker shape.
Definition: imgproc.hpp:842
int randomGeneratorState
Definition: calib3d.hpp:562
unsigned long cascade_depth
cascade_depth This stores the deapth of cascade used for training.
Definition: face_alignment.hpp:21
@ 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)
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:145
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking.hpp:98
Quat< T > asinh(const Quat< T > &q)
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)
A helper class for cv::DataType.
Definition: traits.hpp:284
GMatDesc descr_of(const Mat &mat)
#define OPENCV_HAL_IMPL_RVV_ROTATE_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1755
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:831
float aprilTagQuadSigma
Definition: aruco.hpp:179
v_uint32x16 v_uint32
Maximum available vector register capacity 32-bit unsigned integer values.
Definition: intrin.hpp:394
@ DIST_LABEL_CCOMP
Definition: imgproc.hpp:371
@ COLOR_YUV420sp2BGR
Definition: imgproc.hpp:646
GShape shape
Definition: gkernel.hpp:31
double beta
Default is 2.0.
Definition: kalman_filters.hpp:145
@ EVENT_FLAG_CTRLKEY
indicates that CTRL Key is pressed.
Definition: highgui.hpp:230
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
@ CAP_PROP_OPENNI2_MIRROR
Definition: videoio.hpp:284
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
Definition: tracking.hpp:757
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,...
Definition: photo.hpp:428
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)
IEConfig config
Definition: ie.hpp:70
SrcPtr src
Definition: interpolation.hpp:68
@ INT_ZXY
Intrinsic rotations with the Euler angles type Z-X-Y.
Definition: quaternion.hpp:104
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
v_int16x32 v_int16
Maximum available vector register capacity 16-bit signed integer values.
Definition: intrin.hpp:392
v_reg< uchar, n0 *sizeof(_Tp0)/sizeof(uchar)> v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2884
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:133
uchar ** ptrs
data pointers
Definition: mat.hpp:3414
void setNSS(int val)
Definition: saliencySpecializedClasses.hpp:349
Full reference structural similarity algorithm https://en.wikipedia.org/wiki/Structural_similarity.
Definition: qualityssim.hpp:18
AngleRangeOption
Specifies the part of Hough space to calculate.
Definition: fast_hough_transform.hpp:64
IStreamSource::Ptr make_src(Args &&... args)
Definition: source.hpp:50
@ OCR_LEVEL_WORD
Definition: ocr.hpp:62
std::function< void(GCompoundContext &ctx)> F
Definition: gcompoundkernel.hpp:44
@ DICT_6X6_250
Definition: dictionary.hpp:152
int group
Definition: all_layers.hpp:394
@ CV_SPARSE_CENSUS
Definition: descriptor.hpp:13
int index_type
Definition: extrapolation.hpp:63
@ CAP_PVAPI_PIXELFORMAT_RGB24
Rgb24.
Definition: videoio.hpp:364
@ CAP_OPENNI_DISPARITY_MAP_32F
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:302
v_uint16x16 v256_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2850
void render(cv::MediaFrame &frame, const Prims &prims, cv::GCompileArgs &&args={})
The function renders on the input media frame passed drawing primitivies.
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.
#define CV_LOG_INFO(tag,...)
Definition: logger.hpp:132
@ LEFT
Definition: slam_tumindoor.hpp:62
@ 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:442
static bool isOpenCLActivated()
Definition: ocl_defs.hpp:19
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:91
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:149
void setBundleAdjuster(Ptr< detail::BundleAdjusterBase > bundle_adjuster)
Definition: stitching.hpp:226
void minEnclosingCircle(InputArray points, Point2f ¢er, float &radius)
Finds a circle of the minimum area enclosing a 2D point set.
double computeMSE(InputArray GT, InputArray src, Rect ROI)
Function for computing mean square error for disparity maps.
int rows
Definition: deriv.hpp:116
Ncv32u stride() const
Definition: NCV.hpp:760
static R on(Args... args)
Definition: gkernel.hpp:247
@ tile_dim
Definition: transpose.hpp:87
virtual int getBinaryKernelType() const =0
int cols
Definition: extrapolation.hpp:100
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
Vec3i volumeDims
Resolution of voxel space.
Definition: kinfu.hpp:108
unsigned lane_type
Definition: intrin_rvv.hpp:359
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.
the CSRT tracker
Definition: tracking.hpp:34
void setMinDepth(double val)
Definition: depth.hpp:664
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.
__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:73
kinfu::VolumeType volumeType
Definition: kinfu.hpp:80
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
Point2f pt
Definition: imgproc.hpp:1229
This class represents high-level API for segmentation models.
Definition: dnn.hpp:1263
int y
Definition: linemod.hpp:283
std::string srcColor
Definition: is_weizmann.hpp:64
__device__ __forceinline__ OutIt warpCopy(InIt beg, InIt end, OutIt out)
Definition: warp.hpp:86
static Matx randn(_Tp a, _Tp b)
Generates normally distributed random numbers.
bool upright
Definition: cuda.hpp:186
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
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:585
@ INT_YZX
Intrinsic rotations with the Euler angles type Y-Z-X.
Definition: quaternion.hpp:103
@ CAP_PROP_XI_AG_MAX_LIMIT
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:395
CmpTypes
comparison types
Definition: base.hpp:211
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:186
virtual void write(const String &filename) const
Saves a FaceRecognizer and its model state.
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.
Complex< float > Complexf
Definition: types.hpp:90
int backendId
Backend identifier.
Definition: dnn.hpp:140
Definition: tr_svt.hpp:66
@ FLOW
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:497
int particlesNum
number of "perturbed" boxes on each round
Definition: tracking_internals.hpp:778
Definition: ir_affine.hpp:61
G desync(const G &g)
Definition: desync.hpp:41
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:100
std::vector< Point2f > base_shape
basic shape, normalized to be fit in an image with current detection resolution
Definition: facemarkAAM.hpp:130
v_reg< int64, 4 > v_int64x4
Four 64-bit signed integer values.
Definition: intrin_cpp.hpp:528
@ CALIB_HAND_EYE_HORAUD
Hand-eye Calibration .
Definition: calib3d.hpp:534
virtual void setPreFilterType(int preFilterType)=0
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
@ GC_PR_BGD
a possible background pixel
Definition: imgproc.hpp:348
static String dumpRange(const Range &argument)
Definition: bindings_utils.hpp:107
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.
NCVStatus ncvDrawRects_8u_device(Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
std::string dep
Definition: gr_skig.hpp:97
__host__ Expr< SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelX_(const SrcPtr &src)
Definition: deriv.hpp:81
@ USAGE_ALLOCATE_SHARED_MEMORY
Definition: mat.hpp:460
@ CAP_V4L2
Same as CAP_V4L.
Definition: videoio.hpp:94
_Tp & at(int i0=0)
Returns a reference to the specified array element.
_Tp x
x coordinate of the 3D point
Definition: types.hpp:265
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:545
int rows
Definition: glob.hpp:87
@ value
Definition: functional.hpp:1034
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:191
@ CAP_PROP_XI_LENS_FEATURE
Allows access to lens feature value currently selected by XI_PRM_LENS_FEATURE_SELECTOR.
Definition: videoio.hpp:478
Definition: warpers.hpp:451
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
static Ptr< QualityPSNR > create(InputArray ref, double maxPixelValue=QualityPSNR::MAX_PIXEL_VALUE_DEFAULT)
Create an object which calculates quality.
Definition: qualitypsnr.hpp:38
size_t getConfigurationParameterSizeT(const char *name, size_t defaultValue)
int QR64f(double *A, size_t astep, int m, int n, int k, double *b, size_t bstep, double *hFactors)
WeakClassifierHaarFeature()
double getThreshold() const
Definition: depth.hpp:413
_Tp & reference
Definition: mat.hpp:3137
@ CALIB_THIN_PRISM_MODEL
Definition: calib3d.hpp:508
Class used for calculating a sparse optical flow.
Definition: tracking.hpp:682
void _mm_deinterleave_epi16(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:294
void qunitary(InputArray qimg, OutputArray qnimg)
divides each element by its modulus.
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:384
@ 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
int y
Definition: edgeboxes.hpp:59
Action action
Definition: types.hpp:302
Definition: NCVHaarObjectDetection.hpp:333
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:1518
@ CALIB_USE_QR
use QR instead of SVD decomposition for solving. Faster but potentially less precise
Definition: calib3d.hpp:512
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:60
@ CAP_PROP_XI_BUFFER_POLICY
Data move policy.
Definition: videoio.hpp:492
std::string rgb
Definition: gr_skig.hpp:96
@ COLOR_YUV2GRAY_UYNV
Definition: imgproc.hpp:723
Point_< float > Point2f
Definition: types.hpp:192
virtual ~TrackerTLD() CV_OVERRIDE
Definition: tracking_legacy.hpp:249
@ ALPHA_PLUS_PREMUL
Definition: cudaimgproc.hpp:160
vector< vector< Ptr< TRACK_votObj > > > data
Definition: track_vot.hpp:86
#define GAPI_EXPORTS
Definition: exports.hpp:22
__host__ void gridPyrUp(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:79
@ COLOR_BGR5652GRAY
Definition: imgproc.hpp:570
softdouble max(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:441
@ MJPEG
Definition: container_avi.private.hpp:73
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:399
Definition: gcomputation.hpp:27
@ StsFilterOffsetErr
incorrect filter offset value
Definition: base.hpp:100
void bilateralTextureFilter(InputArray src, OutputArray dst, int fr=3, int numIter=1, double sigmaAlpha=-1., double sigmaAvg=-1.)
Applies the bilateral texture filter to an image. It performs structure-preserving texture filter....
Definition: infer.hpp:266
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
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.
Definition: outlier_rejection.hpp:74
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:341
std::vector< cv::Scalar > mean
Definition: onnx.hpp:54
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:127
RGBD_PLANE_METHOD
Definition: depth.hpp:332
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:3068
@ 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
@ DNN_BACKEND_CUDA
Definition: dnn.hpp:76
virtual ~Blender()
Definition: blenders.hpp:66
ExposureCompensator()
Definition: exposure_compensate.hpp:63
float cx
Definition: intrinsics.hpp:75
Definition: warping.hpp:130
int rows
Definition: zip.hpp:110
float min_det_conf
Min confidence of detection.
Definition: tracking_by_matching.hpp:287
@ female
Definition: fr_adience.hpp:63
SimilarRects(double _eps)
Definition: objdetect.hpp:124
Matx< _Tp, m, 1 > col(int i) const
extract the matrix column
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1332
Mosaic()
Definition: render_types.hpp:255
@ FLAGS_MAPPING
Definition: instrumentation.hpp:111
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
float16_t(float x)
Definition: cvdef.h:849
@ COLOR_SPACE_Lab_D55_2
non-RGB color space
Definition: ccm.hpp:128
float normL2Sqr_(const float *a, const float *b, int n)
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)
bool detectShadows
If true, the algorithm will detect shadows and mark them.
Definition: video.hpp:116
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1845
Ptr< PoseCluster3D > PoseCluster3DPtr
Definition: pose_3d.hpp:61
int numLastPositionsToTrack
Definition: detection_based_tracker.hpp:167
double LineFitErrorThreshold
Definition: edge_drawing.hpp:66
Ptr< detail::Blender > blender()
Definition: stitching.hpp:247
@ 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)
int solveLP(InputArray Func, InputArray Constr, OutputArray z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
@ CAP_PROP_XI_DEBUG_LEVEL
Set debug level.
Definition: videoio.hpp:518
int texture_max_m
Definition: facemarkAAM.hpp:73
@ FONT_HERSHEY_SCRIPT_SIMPLEX
hand-writing style font
Definition: imgproc.hpp:829
Params< Net > & cfgInputReshape(const std::unordered_set< std::string > &layer_names)
Definition: ie.hpp:184
float tsdfTruncDist
TSDF truncation distance Distances greater than value from surface will be truncated to 1....
Definition: volume.hpp:81
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)
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
Definition: functional.hpp:86
NCVStatus nppiStIntegral_32f32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
int nbins
Number of bins used in the calculation of histogram of gradients. Default value is 9.
Definition: objdetect.hpp:599
@ COLOR_SPACE_ProPhotoRGB
https://en.wikipedia.org/wiki/ProPhoto_RGB_color_space , RGB color space
Definition: ccm.hpp:100
softfloat setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:181
int cols
Definition: deriv.hpp:163
std::vector< int > ind2
index of pixels for mapping process to obtains the grays values of eroded face region
Definition: facemarkAAM.hpp:134
FileNodeIterator begin() const
returns iterator pointing to the first node element
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:246
Definition: warpers.hpp:656
@ COLOR_YUV2RGB_UYVY
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:683
@ MORPH_ERODE
see erode
Definition: imgproc.hpp:214
@ CALIB_FIX_K5
Definition: calib3d.hpp:505
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)
@ EVENT_MBUTTONUP
indicates that middle mouse button is released.
Definition: highgui.hpp:217
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
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
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 split64s(const int64 *src, int64 **dst, int len, int cn)
int num_inliers
Number of geometrically consistent matches.
Definition: matchers.hpp:109
NeighborSearchMethod
Definition: calib3d.hpp:550
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
Inpaint run(const Mat &mask, Inpaint inpaint)
Template method that runs the Fast Marching Method.
Definition: fast_marching_inl.hpp:54
The class implements Histogram of Oriented Gradients () object detector.
Definition: cudaobjdetect.hpp:79
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
@ nppStSupersample
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
Definition: all_layers.hpp:459
void drawDetectedCornersCharuco(InputOutputArray image, InputArray charucoCorners, InputArray charucoIds=noArray(), Scalar cornerColor=Scalar(255, 0, 0))
Draws a set of Charuco corners.
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracking.detail.hpp:230
float Type
Definition: features2d.hpp:886
UndistortTypes
cv::undistort mode
Definition: calib3d.hpp:3554
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:157
@ CAP_OPENNI_VALID_DEPTH_MASK
CV_8UC1.
Definition: videoio.hpp:303
Impl * getImpl() const
Definition: dnn.hpp:1187
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:72
Node()
Definition: utility.hpp:1057
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)
@ value
Definition: type_traits.hpp:119
@ CAP_PROP_XI_SENSOR_TAPS
Number of taps.
Definition: videoio.hpp:415
Base abstract class for the long-term tracker.
Definition: tracking.hpp:713
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:174
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.
virtual ~GFunctor()=default
@ NONMAX_SUPPRESSION
Definition: features2d.hpp:609
cv::GArrayDesc m_desc
Definition: garray.hpp:126
void inpaint(const Mat &src, const Mat &mask, Mat &dst, const int algorithmType)
The function implements different single-image inpainting algorithms.
int face_id
Definition: fr_adience.hpp:71
__host__ __device__ static __forceinline__ schar make(schar x)
Definition: vec_traits.hpp:147
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.
double scaleFactor
Parameter specifying how much the image size is reduced at each image scale.
Definition: facemark_train.hpp:37
#define CV_SUBMAT_FLAG
Definition: cvdef.h:475
static Mat getPlane(const Mat &m, int n, int cn)
Definition: shape_utils.hpp:108
Vec< _Tp, 3 > toRotVec(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform this quaternion to a Rotation vector.
@ CCL_SPAGHETTI
Same as CCL_BOLELLI. It is preferable to use the flag with the name of the algorithm (CCL_SPAGHETTI) ...
Definition: imgproc.hpp:414
@ READ
value, open the file for reading
Definition: persistence.hpp:309
float area_width
Definition: interpolation.hpp:300
#define CV_CUDEV_GRAY2RGB_INST(name, dcn)
Definition: color_cvt.hpp:89
@ COLOR_YUV2BGRA_I420
Definition: imgproc.hpp:669
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
virtual Size winSize() const
Definition: optical_flow.hpp:85
size_t localMemSize() const
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
virtual float operator()(int featureIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:376
Mat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
some more overridden methods
v_int64x2()
Definition: intrin_rvv.hpp:488
v_reg< short, 16 > v_int16x16
Sixteen 16-bit signed integer values.
Definition: intrin_cpp.hpp:516
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
virtual int getMinDisparity() const =0
bool PFmode
Parameter Free mode will be activated when this value is true.
Definition: edge_drawing.hpp:48
Ptr< CvCapture > cap
Definition: videoio.hpp:921
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:575
@ CAP_PROP_XI_LENS_APERTURE_VALUE
Current lens aperture value in stops. Examples: 2.8, 4, 5.6, 8, 11.
Definition: videoio.hpp:472
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
@ CPU_AVX_512IFMA512
Definition: cvdef.h:312
@ JPEG
Definition: cudacodec.hpp:252
Definition: imgproc.hpp:1220
Definition: gtransform.hpp:41
float parasolCells_beta
Definition: retina.hpp:176
@ WINDOW_GUI_NORMAL
old fashious way
Definition: highgui.hpp:195
std::vector< std::vector< int > > sliceSteps
Definition: all_layers.hpp:367
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
Quat< T > power(const Quat< T > &q, const Quat< T > &p, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
@ CAP_PROP_XI_ROW_FPN_CORRECTION
Correction of row FPN.
Definition: videoio.hpp:508
@ SOLVELP_UNFEASIBLE
problem is unfeasible (there are no points that satisfy all the constraints imposed)
Definition: optim.hpp:260
float cx
Definition: intrinsics.hpp:35
int class_id
object class (if the keypoints need to be clustered by an object they belong to)
Definition: types.hpp:778
v_reg< float, 8 > v_float32x8
Eight 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:522
double getMaxDepth() const
Definition: depth.hpp:668
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
Default predict collector.
Definition: predict_collector.hpp:82
GrabCutModes
GrabCut algorithm flags.
Definition: imgproc.hpp:353
@ StsUnsupportedFormat
the data format/type is not supported by the function
Definition: base.hpp:110
uint8_t * OutLineB(int index=0)
Definition: gfluidbuffer.hpp:118
@ ERGROUPING_ORIENTATION_ANY
Definition: erfilter.hpp:290
void v_cleanup()
Definition: intrin_cpp.hpp:3300
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
@ INT_YXZ
Intrinsic rotations with the Euler angles type Y-X-Z.
Definition: quaternion.hpp:102
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:734
@ NORM_L1
Definition: base.hpp:176
@ COLOR_BGR5552RGBA
Definition: imgproc.hpp:579
@ BadDepth
input image depth is not supported by the function
Definition: base.hpp:86
float a
Definition: warpers.hpp:411
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
@ CALIB_FIX_K3
Definition: calib3d.hpp:503
void ncvDebugOutput(const cv::String &msg)
@ CAP_PROP_XI_IMAGE_BLACK_LEVEL
Last image black level counts. Can be used for Offline processing to recall it.
Definition: videoio.hpp:516
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
virtual ~EstimatedGaussDistribution()
@ LBP
Definition: feature.hpp:146
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
int plusStep
Definition: imgproc.hpp:4862
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 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.
@ COLOR_YUV2GRAY_I420
Definition: imgproc.hpp:678
virtual int getBlockSize() const =0
static int type()
Definition: flann.hpp:81
NCVMemoryType _memtype
Definition: NCV.hpp:621
virtual ~RawVideoSource()
Definition: cudacodec.hpp:320
GPCTrainingParams(unsigned _maxTreeDepth=20, int _minNumberOfSamples=3, GPCDescType _descriptorType=GPC_DESCRIPTOR_DCT, bool _printProgress=true)
Definition: sparse_matching_gpc.hpp:130
static T deserialize(IIStream &)
Definition: base.hpp:31
GInferOutputsTyped(std::shared_ptr< cv::GCall > call)
Definition: infer.hpp:93
G_API_OP(GY,< GMat(GFrame)>, "org.opencv.streaming.Y")
Definition: format.hpp:23
float val[4]
Definition: intrin_rvv.hpp:448
MediaFormat
Definition: gframe.hpp:45
WMFWeightType
Specifies weight types of weighted median filter.
Definition: weighted_median_filter.hpp:64
void makeAgastOffsets(int pixel[16], int rowStride, int type)
Definition: agast_score.txt:54
__device__ static __forceinline__ double min()
Definition: limits.hpp:119
@ size
Definition: tuple.hpp:67
double log_eps
Definition: descriptor.hpp:705
Definition: mapperpyramid.hpp:79
Sparse match interpolation algorithm based on modified piecewise locally-weighted affine estimator ca...
Definition: sparse_match_interpolator.hpp:146
std::size_t num_out
Definition: onnx.hpp:45
__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
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
int type
Definition: gfluidbuffer.hpp:28
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
int hal_ni_mul16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:241
Op::second_argument_type arg2
Definition: functional.hpp:1004
cv::util::any params() const
Definition: ie.hpp:192
GBackend backend
Definition: infer.hpp:654
Definition: gcommon.hpp:32
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
#define CV_MAT_CN(flags)
Definition: cvdef.h:467
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:801
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
uint64 const_param_type
Definition: core.hpp:3270
int flags
Definition: mat.hpp:2557
static bool comparator(std::pair< double, size_t > l1, std::pair< double, size_t > l2)
Definition: core_detect.hpp:115
sampleType sType
Definition: pd_inria.hpp:72
void release()
Definition: lock.private.hpp:53
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:224
static MatShape shape(const int *dims, const int n)
Definition: shape_utils.hpp:119
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:988
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:1001
int type
the type of termination criteria: COUNT, EPS or COUNT + EPS
Definition: types.hpp:881
const String typeToString(int type)
@ pc
Definition: container_avi.private.hpp:136
#define OPENCV_HAL_IMPL_RVV_PACK_TRIPLETS(_Tpvec, _Tp)
Definition: intrin_rvv.hpp:2419
void clear()
Definition: NCV.hpp:579
@ SCORE_METHOD_MSAC
Definition: calib3d.hpp:549
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
@ NV_OF_PERF_LEVEL_SLOW
Definition: cudaoptflow.hpp:409
@ CAP_PROP_BRIGHTNESS
Brightness of the image (only for those cameras that support).
Definition: videoio.hpp:146
@ CAP_OPENNI2
OpenNI2 (for Kinect)
Definition: videoio.hpp:114
cv::Mat r
Definition: gcpukernel.hpp:215
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:223
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:148
bool isEmptyFrameOffset() const
Definition: container_avi.private.hpp:164
uint64 hash_t
Definition: ocl.hpp:556
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
static constexpr std::size_t index_of()
Definition: variant.hpp:358
static cv::gapi::GBackend backend()
Definition: goclkernel.hpp:238
TLSDataAccumulator< NodeDataTls > m_tls
Definition: instrumentation.hpp:88
_mat_type _qualityMap
Output quality maps if generated by algorithm.
Definition: qualitybase.hpp:57
static cv::MediaFrame get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:168
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...
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
static softdouble min()
Smallest normalized value.
Definition: softfloat.hpp:354
bool empty() const
true if empty
const std::vector< Mat > * stabilizedFrames_
Definition: inpainting.hpp:98
cv::Scalar & outValR(int output)
__host__ __device__ NcvRect32u(Ncv32u x_, Ncv32u y_, Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:167
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
@ 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:593
@ CALIB_FIX_SKEW
Definition: omnidir.hpp:58
uchar * data
pointer to the data
Definition: cuda.hpp:329
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
Class implementing the FREAK (Fast Retina Keypoint) keypoint descriptor, described in .
Definition: xfeatures2d.hpp:85
int m
Definition: facemarkAAM.hpp:68
bool parseMovi(frame_list &in_frame_list)
Definition: container_avi.private.hpp:106
int num_images_
Definition: motion_estimators.hpp:196
@ WND_PROP_AUTOSIZE
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:201
tracked_cv_umat(cv::UMat &m)
Definition: goclkernel.hpp:131
double ddot(const Point3_ &pt) const
dot product computed in double-precision arithmetics
std::vector< object > detections
Vector which holds the final detections of the model.
Definition: core_detect.hpp:53
@ ONE_STEP
processing in one step
Definition: types.hpp:61
Structure for the Kalman filter's initialization parameters.
Definition: video.hpp:22
@ AGAST_5_8
Definition: features2d.hpp:604
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:231
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:158
Definition: functional.hpp:298
@ DIST_MASK_3
mask=3
Definition: imgproc.hpp:313
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
@ CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio.hpp:563
Definition: deriv.hpp:281
@ CAP_PROP_XI_BINNING_SELECTOR
Binning engine selector.
Definition: videoio.hpp:403
the GOTURN (Generic Object Tracking Using Regression Networks) tracker
Definition: tracking.hpp:797
GAPI_PROP int depth
Definition: gmat.hpp:79
std::string videoUrl
Definition: ar_sports.hpp:62
Definition: warpers.hpp:473
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
PyRotationWarper()
Definition: warpers.hpp:56
std::string name
Definition: ar_hmdb.hpp:63
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
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:997
int dims
matrix dimensionality
Definition: cuda.hpp:516
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:667
static void read(const FileNode &node, ushort &value, ushort default_value)
Definition: persistence.hpp:1151
void reset()
Definition: gopaque.hpp:161
@ MM_UNKNOWN
Definition: motion_core.hpp:68
size_t getFramesCount()
Definition: container_avi.private.hpp:91
Definition: extrapolation.hpp:120
Class implementing the AKAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:821
int keypointScale
Definition: calib3d.hpp:1637
@ THRESH_BINARY_INV
Definition: imgproc.hpp:322
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:117
@ CPU_AVX_512PF
Definition: cvdef.h:314
@ is_float
Definition: type_traits.hpp:145
std::shared_ptr< TypeHintBase > m_hint
Definition: gopaque.hpp:93
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).
KeyPointsFilter()
Definition: features2d.hpp:109
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)
the Boosting tracker
Definition: tracking_legacy.hpp:148
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:244
A class to represent a line.
Definition: descriptor.hpp:102
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.
Detector(StrongClassifierDirectSelection *classifier)
@ EVENT_MOUSEWHEEL
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:221
char3 type
Definition: vec_traits.hpp:78
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
@ block_size_x
Definition: histogram.hpp:103
__host__ NCVStatus setNumClassifierRootNodes(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:292
virtual ~MatchTemplateDistance()
Definition: tracking_by_matching.hpp:253
Definition: gcompoundkernel.hpp:111
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
Definition: reduce_to_vec.hpp:69
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:274
__host__ __device__ ThreshBinaryFunc< T > thresh_binary_func(T thresh, T maxVal)
Definition: functional.hpp:706
Class implementing BoostDesc (Learning Image Descriptors with Boosting), described in and .
Definition: xfeatures2d.hpp:409
T * operator->()
Definition: optional.hpp:109
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:97
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
int queryIdx
query descriptor index
Definition: types.hpp:815
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:898
GMat BGR2YUV(const GMat &src)
Converts an image from BGR color space to YUV color space.
bool colorMode
Definition: retina.hpp:161
const typedef value_type * const_pointer
Definition: cvstd.hpp:115
TrackedObject(const cv::Rect &rect)
Definition: detection_based_tracker.hpp:191
@ SFM_IO_VISUALSFM
Definition: io.hpp:59
int widthOfBand_
Definition: descriptor.hpp:197
@ CAP_OPENNI
OpenNI (for Kinect)
Definition: videoio.hpp:104
Definition: all_layers.hpp:83
bool useOpenVX()
Check if use of OpenVX is enabled.
@ PSM_SINGLE_WORD
Definition: ocr.hpp:77
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:298
@ CLOSE_CAMERA
Definition: cap_winrt.hpp:41
@ RETR_EXTERNAL
Definition: imgproc.hpp:421
Quat< T > atan(const Quat< T > &q)
@ PSM_CIRCLE_WORD
Definition: ocr.hpp:78
int method_
Definition: depth.hpp:180
#define CV_SUBMINOR_VERSION
Definition: version.hpp:24
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:145
void cornerSubPix(InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
Refines the corner locations.
virtual size_t maxSize(void) const =0
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
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
std::vector< char > serialize(const cv::GComputation &c)
virtual int getPreFilterType() const =0
@ LINEARIZATION_COLORLOGPOLYFIT
logarithmic polynomial fitting channels respectively; Need assign a value to deg simultaneously
Definition: ccm.hpp:335
Size img_size
Definition: matchers.hpp:61
const uchar * ptr0
Definition: imgproc.hpp:4858
float truncateThreshold
Threshold for depth truncation in meters.
Definition: kinfu.hpp:157
result_type mySum
Definition: vec_distance.hpp:66
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
ColorMomentHash()
Definition: color_moment_hash.hpp:25
double findMedian(const Mat &row)
int trainIdx
train descriptor index
Definition: types.hpp:816
void v512_cleanup()
Definition: intrin_cpp.hpp:3305
@ ComputeModeProhibited
Definition: cuda.hpp:1124
@ COLOR_SPACE_DCI_P3_RGB
https://en.wikipedia.org/wiki/DCI-P3 , RGB color space
Definition: ccm.hpp:102
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:246
bool operator==(const Match &rhs) const
Definition: linemod.hpp:277
__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.
@ MIXED_CLONE
Definition: photo.hpp:719
ScoreMethod
Definition: calib3d.hpp:549
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:1036
@ CAP_PROP_CHANNEL
Video input or Channel Number (only for those cameras that support)
Definition: videoio.hpp:179
virtual void setMaxLevel(int val)=0
static const constexpr bool value
Definition: gfluidkernel.hpp:258
volatile int m_counter
Definition: instrumentation.hpp:86
_Tp value_type
Definition: types.hpp:423
TrainingMethods
Definition: ml.hpp:1435
PostProc custom_post_proc
Definition: onnx.hpp:58
__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
@ 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)
bool contains(const Point_< _Tp > &pt) const
checks whether the rectangle contains the point
Definition: calib3d.hpp:1630
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3235
int borderMode() const
Definition: inpainting.hpp:156
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:99
@ SF_IYUV
Definition: cudacodec.hpp:78
@ 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:466
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
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
__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
Trajectories.
Definition: widgets.hpp:604
@ COLOR_SPACE_XYZ_E_10
non-RGB color space
Definition: ccm.hpp:121
Definition: or_pascal.hpp:59
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:224
@ CONTOURS_MATCH_I1
Definition: imgproc.hpp:458
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:290
int type
Definition: all_layers.hpp:248
void qdft(InputArray img, OutputArray qimg, int flags, bool sideLeft)
Performs a forward or inverse Discrete quaternion Fourier transform of a 2D quaternion array.
void cornerEigenValsAndVecs(InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:215
bool normaliseOutput
Definition: retina.hpp:175
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:152
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: wobble_suppression.hpp:67
void thinning(InputArray src, OutputArray dst, int thinningType=THINNING_ZHANGSUEN)
Applies a binary blob thinning operation, to achieve a skeletization of the input image.
std::vector< Rect2d > objects
Definition: tracking_legacy.hpp:411
bool use_gray
Definition: tracking.hpp:47
Definition: inpainting.hpp:174
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.
@ CAP_PROP_POS_MSEC
Current position of the video file in milliseconds.
Definition: videoio.hpp:135
@ CPU_SSE3
Definition: cvdef.h:297
Definition: t_hash_int.hpp:67
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()
std::vector< int > * pixels
Definition: erfilter.hpp:97
@ CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio.hpp:564
@ dark
Definition: gr_skig.hpp:84
Definition: gopaque.hpp:39
#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.
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:738
@ THINNING_ZHANGSUEN
Definition: ximgproc.hpp:114
Definition: inpainting.hpp:183
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: bgsegm.hpp:62
@ CAP_PROP_AUTO_EXPOSURE
DC1394: exposure control done by camera, user can adjust reference level using this feature.
Definition: videoio.hpp:158
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio.hpp:293
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
double minOtsuStdDev
Definition: aruco.hpp:174
@ DEPTH_CLEANER_NIL
Definition: depth.hpp:195
bool exists(const cv::String &path)
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
ushort val[8]
Definition: intrin_rvv.hpp:322
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
@ COLOR_BGR2YUV
convert between RGB/BGR and YUV
Definition: imgproc.hpp:635
#define CV_IN_OUT
Definition: cvdef.h:452
bool isValidDepth(const float &depth)
Definition: depth.hpp:27
@ StsKernelStructContentErr
incorrect transform kernel content
Definition: base.hpp:99
virtual void setNumDisparities(int numDisparities)=0
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
@ CALIB_FIX_ASPECT_RATIO
Definition: calib3d.hpp:497
EstimatedGaussDistribution()
Definition: tracking.hpp:804
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
int rows
Definition: constant.hpp:69
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:664
vuint16m1_t vwcvtu_x_x_v_u16m1(vuint8mf2_t v)
Definition: intrin_rvv.hpp:190
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > > remap_(const SrcPtr &src, const MapPtr &map)
Definition: warping.hpp:76
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshToZeroFunc< typename PtrTraits< SrcPtr >::value_type > > > threshToZero_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:103
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2944
Callback with the character classifier is made a class.
Definition: ocr.hpp:204
softdouble getFrac() const
Get a fraction part.
Definition: softfloat.hpp:329
double focal_length_y
Definition: simple_pipeline.hpp:110
@ CAP_OPENNI_DEPTH_MAP
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:299
virtual ~TrackerMOSSE() CV_OVERRIDE
Definition: tracking_legacy.hpp:341
@ ENTITY_CAST_SHADOWS
Definition: ovis.hpp:80
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
void updateTexture(const String &name, InputArray image)
Definition: functional.hpp:734
@ CPU_MSA
Definition: cvdef.h:326
@ QT_STYLE_OBLIQUE
Oblique font.
Definition: highgui.hpp:253
static cv::GMat yield(cv::GCall &call, int i)
Definition: gkernel.hpp:76
@ TM_CCOEFF_NORMED
Definition: imgproc.hpp:3743
HOGDescriptor()
Creates the HOG descriptor and detector with default params.
Definition: objdetect.hpp:385
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)
GIOProtoArgs< In_Tag > GProtoInputArgs
Definition: gproto.hpp:92
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
float Type
Definition: features2d.hpp:885
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
@ CAP_PROP_XI_IS_COOLED
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:434
std::vector< ConfidenceMap > confidenceMaps
Definition: tracking.detail.hpp:331
OutT at(const std::string &name)
Definition: infer.hpp:98
float fx
Definition: resize.hpp:66
#define CV_CUDEV_RGB2HSV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:209
@ MORPH_HITMISS
Definition: imgproc.hpp:226
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_XI_COLOR_FILTER_ARRAY
Returns color filter array type of RAW data.
Definition: videoio.hpp:444
int num_matches_thresh2_
Definition: matchers.hpp:195
v_reg< schar, 64 > v_int8x64
Sixty four 8-bit signed integer values.
Definition: intrin_cpp.hpp:535
wrapper around silhouette based 3D object tracking function for uniform access
Definition: rapid.hpp:138
void accumulateSquare(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds the square of a source image to the accumulator image.
#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:174
std::string type2
Definition: hpe_humaneva.hpp:65
@ CAP_PROP_PAN
Definition: videoio.hpp:169
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
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:1003
StereographicWarper(float scale)
Definition: warpers.hpp:384
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2094
std::vector< size_t > strides
Definition: all_layers.hpp:249
void getDisparityVis(InputArray src, OutputArray dst, double scale=1.0)
Function for creating a disparity map visualization (clamped CV_8U image)
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:418
__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:203
@ COLOR_BayerGB2RGB
Definition: imgproc.hpp:754
Definition: goclkernel.hpp:163
value_type * pointer
Definition: cvstd.hpp:114
@ CAP_PROP_XI_DEVICE_RESET
Resets the camera to default state.
Definition: videoio.hpp:506
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
RadialVarianceHash()
Definition: radial_variance_hash.hpp:38
bool isContinuous() const
Reports whether the matrix is continuous or not.
Definition: imgproc.hpp:998
Definition: features2d.hpp:715
@ COLOR_GRAY2BGR555
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:581
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:171
Type type
Definition: types.hpp:327
@ SCORE_METHOD_MAGSAC
Definition: calib3d.hpp:549
cv::Size size() const override
Returns descriptor size.
Definition: tracking_by_matching.hpp:124
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:677
@ WND_PROP_VSYNC
enable or disable VSYNC (in OpenGL mode)
Definition: highgui.hpp:206
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
int p1
Definition: feature.hpp:327
Trajectory trajectory
Definition: tracking.detail.hpp:334
void release()
Release associated thread data and free TLS key.
Definition: tls.hpp:178
Definition: stabilizer.hpp:163
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
virtual void setBlockSize(int blockSize)=0
cv ::Mat type
Definition: garray.hpp:330
virtual ~TrackerMIL() CV_OVERRIDE
Definition: tracking_legacy.hpp:139
int waitKey(int delay=0)
Waits for a pressed key.
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:484
short saturate_cast< short >(ushort v)
Definition: saturate.hpp:129
Base class for all exposure compensators.
Definition: exposure_compensate.hpp:60
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:55
@ BadOffset
offset is invalid
Definition: base.hpp:80
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
@ COLORMAP_HOT
Definition: imgproc.hpp:4323
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:647
Base class for warping logic implementation.
Definition: warpers.hpp:141
cv::Scalar & outValR(int output)
@ RIGHT
Definition: slam_tumindoor.hpp:63
sparse matrix node - element of a hash table
Definition: mat.hpp:2691
#define CV_ENUM_FLAGS(EnumType)
Definition: cvdef.h:614
virtual bool isOpened() const
Checks whether the file is opened.
float score
Definition: linemod.hpp:96
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:424
@ VGG_120
Definition: xfeatures2d.hpp:359
int getThreshold() const
Definition: agast.txt:7524
@ COUNT
the maximum number of iterations or elements to compute
Definition: types.hpp:860
v_reg< uchar, 2 *n > v_pack(const v_reg< ushort, n > &a, const v_reg< ushort, n > &b)
Definition: intrin_cpp.hpp:2977
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:415
@ COLOR_YUV420p2RGBA
Definition: imgproc.hpp:670
@ EVENT_LBUTTONDOWN
indicates that the left mouse button is pressed.
Definition: highgui.hpp:212
@ COLOR_BayerBG2GRAY_MHT
Definition: cudaimgproc.hpp:105
@ CAP_PROP_DC1394_OFF
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:249
v_reg< typename V_TypeTraits< _Tp >::q_type, simd512_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> v512_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:2023
@ SG140
DigitalSG with 140 squares.
Definition: checker_model.hpp:49
std::vector< Mat > descriptors
Definition: features2d.hpp:1433
float aprilTagQuadDecimate
Definition: aruco.hpp:178
GpuMat sum
Definition: cuda.hpp:191
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:3214
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:508
void cvtColor(InputArray src, OutputArray dst, int code, int dcn=0, Stream &stream=Stream::Null())
Converts an image from one color space to another.
@ CAP_PROP_ROLL
Definition: videoio.hpp:171
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:459
int numStepsToShowWithoutDetecting
Definition: detection_based_tracker.hpp:170
Definition: all_layers.hpp:560
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:386
__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
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:257
v_int32 vx_setall_s32(int v)
Definition: intrin.hpp:499
@ RECURS_FILTER
Recursive Filtering.
Definition: photo.hpp:799
size_t idx
Definition: mat.hpp:3423
GOpaque< int > countNonZero(const GMat &src)
Counts non-zero array elements.
double Rx
Definition: gr_chalearn.hpp:67
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
@ DEFAULT
Definition: descriptor.hpp:1157
This class represents a keyboard event.
Definition: types.hpp:287
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
int getMinSize() const
Definition: depth.hpp:397
@ CAP_PVAPI_PIXELFORMAT_BGRA32
Bgra32.
Definition: videoio.hpp:367
GFluidKernel()
Definition: gfluidkernel.hpp:74
@ SUBMATRIX_FLAG
Definition: mat.hpp:2083
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
bool m_funError
Definition: instrumentation.hpp:84
Definition: tuple_adapter.hpp:78
cv::Mat getIterationCounts() const
Definition: depth.hpp:957
bool isIntegral
Definition: feature.hpp:281
@ COLOR_YUV420sp2GRAY
Definition: imgproc.hpp:679
Params(const std::string &model, const std::string &device)
Definition: ie.hpp:107
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:76
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:909
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
@ COLOR_Luv2LRGB
Definition: imgproc.hpp:633
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
Definition: tracking_internals.hpp:653
@ SFM_REFINE_PRINCIPAL_POINT
Definition: simple_pipeline.hpp:125
@ shortdim
Definition: matx.hpp:110
uchar blobColor
Definition: features2d.hpp:725
void setMaxPixelValue(double val)
sets the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:87
Definition: all_layers.hpp:447
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2545
This 3D Widget defines a finite plane.
Definition: widgets.hpp:249
void mapBackward(float u, float v, float &x, float &y)
float result_type
Definition: vec_distance.hpp:125
Definition: gcompoundkernel.hpp:40
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:1119
static void testRaiseGeneralException()
Definition: bindings_utils.hpp:120
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
vuint16mf2_t vle16_v_u16mf2(const uint16_t *ptr)
Definition: intrin_rvv.hpp:168
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)
Ptr2D::value_type value_type
Definition: traits.hpp:61
v_reg< _Tp, n > & operator^=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
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...
v_reg< short, n0 *sizeof(_Tp0)/sizeof(short)> v_reinterpret_as_s16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2887
void mapBackward(float u, float v, float &x, float &y)
v_reg< float, n > v_matmul(const v_reg< float, n > &v, const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d)
Matrix multiplication.
Definition: intrin_cpp.hpp:3196
@ CAP_PVAPI_DECIMATION_2OUTOF8
2 out of 8 decimation
Definition: videoio.hpp:355
static constexpr _Tp CV_QUAT_EPS
Definition: quaternion.hpp:215
Definition: infer.hpp:652
GMat subC(const GMat &src, const GScalar &c, int ddepth=-1)
Calculates the per-element difference between matrix and given scalar.
int max_m
unused delete
Definition: facemarkAAM.hpp:116
@ CV_ERROR_OK
No error.
Definition: llapi.h:41
std::vector< float > scales
defines the scales considered to build the model
Definition: facemarkAAM.hpp:108
std::deque< std::pair< uint64_t, uint32_t > > frame_list
Definition: container_avi.private.hpp:68
Definition: motion_stabilizing.hpp:117
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:186
Definition: extrapolation.hpp:171
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
@ CAP_PROP_TILT
Definition: videoio.hpp:170
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:130
struct CvCapture CvCapture
Definition: videoio.hpp:69
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:115
void create(int num_vertices)
Definition: util.hpp:89
Rect_ & operator=(const Rect_ &r)
@ DECOMP_NORMAL
Definition: base.hpp:151
Definition: reduce.hpp:293
@ CAP_PROP_XI_LED_MODE
Define camera signalling LED functionality.
Definition: videoio.hpp:389
@ CPU_AVX_512F
Definition: cvdef.h:307
__device__ __forceinline__ uchar1 max(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:785
static float16_t fromBits(ushort b)
Definition: cvdef.h:900
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
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.
LineSegmentDetectorModes
Variants of Line Segment Detector.
Definition: imgproc.hpp:489
bool operator==(const Border &b1, const Border &b2)
Definition: histogram.hpp:100
int hashtableResize(hashtable_int *hashtbl, size_t size)
__device__ __forceinline__ uint vsetlt4(uint a, uint b)
Definition: simd_functions.hpp:691
GemmFlags
generalized matrix multiplication flags
Definition: base.hpp:220
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1189
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
const T & inArg(int input)
Definition: goclkernel.hpp:59
@ StsBadFlag
flag is wrong or not supported
Definition: base.hpp:106
void setSensorErrorA(double val)
Definition: depth.hpp:425
int loSampleSize
Definition: calib3d.hpp:559
UMatData::MemoryFlag flags
Definition: mat.hpp:566
float strong_threshold
Definition: linemod.hpp:193
const float * warpMat
Definition: warping.hpp:112
void magnitude64f(const double *x, const double *y, double *dst, int n)
_Tp z
Definition: quaternion.hpp:1618
const T & get() const
Definition: copy_through_move.hpp:20
bool waveCorrection() const
Definition: stitching.hpp:198
@ CPU_AVX_512VNNI
Definition: cvdef.h:318
virtual cv::gapi::GBackend backend() const =0
bool isIntel() const
Definition: ocl.hpp:192
Mersenne Twister random number generator.
Definition: core.hpp:2939
int id
Definition: ar_hmdb.hpp:62
@ CAP_PROP_XI_AEAG_ROI_WIDTH
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:418
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:303
int hal_ni_sub16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:87
@ QUAT_ASSUME_NOT_UNIT
Definition: quaternion.hpp:46
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:214
@ CPU_SSE
Definition: cvdef.h:295
Definition: feature.hpp:223
@ CAP_PROP_AUTO_WB
enable/ disable auto white-balance
Definition: videoio.hpp:180
std::vector< size_t > pads_end
Definition: all_layers.hpp:216
@ SEQ
sequence
Definition: persistence.hpp:493
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:405
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).
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
float t[3]
Definition: warpers.hpp:152
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 *)
Ptr< TrackerContribSampler > sampler
Definition: tracking_legacy.hpp:108
#define CV_8U
Definition: interface.h:73
v_float32 vx_setall_f32(float v)
Definition: intrin.hpp:501
const _Tp & operator[](int i) const
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:153
vuint32m1_t vwcvtu_x_x_v_u32m1(vuint16mf2_t v)
Definition: intrin_rvv.hpp:192
void include(const GFunctor &functor)
Definition: gkernel.hpp:501
SrcPtr src
Definition: interpolation.hpp:239
int channels() const
Returns the number of matrix channels.
Definition: mat.hpp:217
static cudaEvent_t getEvent(const Event &event)
int minDistanceToBorder
Definition: aruco.hpp:164
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:398
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:338
int maxIteration
Definition: rlofflow.hpp:139
@ BM3D_STEP2
Definition: bm3d_image_denoising.hpp:75
int index_type
Definition: deriv.hpp:332
GAPI_WRAP GMatDesc(int d, int c, cv::Size s, bool p=false)
Definition: gmat.hpp:85
@ EXT_XYX
Extrinsic rotations with the Euler angles type X-Y-X.
Definition: quaternion.hpp:119
#define CV_8S
Definition: interface.h:74
void detectCharucoDiamond(InputArray image, InputArrayOfArrays markerCorners, InputArray markerIds, float squareMarkerLengthRate, OutputArrayOfArrays diamondCorners, OutputArray diamondIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray())
Detect ChArUco Diamond markers.
#define CV_OVERRIDE
Definition: cvdef.h:744
virtual ~BFMatcher()
Definition: features2d.hpp:1208
int rows
Definition: warping.hpp:127
@ COLOR_BGRA2YUV_YV12
Definition: imgproc.hpp:745
static AsyncArray testAsyncException()
Definition: bindings_utils.hpp:134
@ CAP_PROP_XI_MANUAL_WB
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:390
std::vector< bool > isGlobalPooling
Definition: all_layers.hpp:252
virtual ~Pose3D()
Definition: pose_3d.hpp:123
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:213
@ GpuApiCallError
GPU API call error.
Definition: base.hpp:117
MakeVec< T, cn >::type lowerb
Definition: functional.hpp:920
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:152
CONST_COLOR
Macbeth and Vinyl ColorChecker with 2deg D50.
Definition: ccm.hpp:88
Definition: interpolation.hpp:365
Image hash based on color moments.
Definition: color_moment_hash.hpp:20
Impl * p
Definition: ocl.hpp:298
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
void matchLOGOS(const std::vector< KeyPoint > &keypoints1, const std::vector< KeyPoint > &keypoints2, const std::vector< int > &nn1, const std::vector< int > &nn2, std::vector< DMatch > &matches1to2)
LOGOS (Local geometric support for high-outlier spatial verification) feature matching strategy descr...
double adaptiveThreshConstant
Definition: checker_detector.hpp:109
GOpaque< T > yieldOpaque(int output=0)
Definition: gcall.hpp:52
int subsetOfs
Definition: ml.hpp:1191
void zeroFill(T *&ptr)
Fill one of buffers with zeroes.
Definition: buffer_area.private.hpp:88
Definition: all_layers.hpp:221
Parameters of StructuredLightPattern constructor.
Definition: graycodepattern.hpp:76
void cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
Matx34d p
Definition: msm_epfl.hpp:73
~OpenCLExecutionContextScope()
Definition: ocl.hpp:847
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).
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
@ COLOR_BayerRG2RGB_EA
Definition: imgproc.hpp:782
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
GOptRunArgP wrap_opt_arg(optional< T > &arg)
Definition: gstreaming.hpp:76
Base class for Canny Edge Detector. :
Definition: cudaimgproc.hpp:288
void max32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
NcvBool isMemAllocated() const
Definition: NCV.hpp:893
static bool isAligned(const T &data)
Alignment check of passed values.
Definition: utility.hpp:517
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
std::vector< TrackedObject > trackedObjects
Definition: detection_based_tracker.hpp:205
double depth(InputArray R, InputArray t, InputArray X)
Returns the depth of a point transformed by a rigid transform.
std::vector< std::string > names_to_remap
Definition: onnx.hpp:62
@ CAP_ANDROID
Android - not used.
Definition: videoio.hpp:106
@ turnaround
Definition: gr_skig.hpp:70
@ StsObjectNotFound
request can't be completed
Definition: base.hpp:104
@ ENTITY_MATERIAL
Definition: ovis.hpp:76
void destroy(pointer p)
Definition: cvstd.hpp:136
@ CAP_PROP_XI_CC_MATRIX_31
Color Correction Matrix element [3][1].
Definition: videoio.hpp:461
const_pointer address(const_reference r)
Definition: cvstd.hpp:130
void setBlockSize(int val)
Definition: depth.hpp:393
bool holds_alternative(const util::variant< Types... > &v) noexcept
Definition: variant.hpp:406
int rows
Definition: deriv.hpp:256
Scalar sum(InputArray src)
Calculates the sum of array elements.
v_uint32 vx_setzero_u32()
Definition: intrin.hpp:517
RegKinds
Regularization kinds.
Definition: ml.hpp:1672
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:288
void createWeightMap(InputArray mask, float sharpness, InputOutputArray weight)
@ BORDER_DEFAULT
same as BORDER_REFLECT_101
Definition: base.hpp:277
IDetector()
Definition: detection_based_tracker.hpp:71
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:836
GArray(detail::GArrayU &&ref)
Definition: garray.hpp:356
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:386
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:764
#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
const float dampingFactor
Definition: pcaflow.hpp:102
Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector.
Definition: objdetect.hpp:372
@ COLOR_BGR2XYZ
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:584
@ COLOR_BayerBG2RGB
Definition: imgproc.hpp:753
Definition: warpers.hpp:193
virtual void detectAndCompute(InputArray image, InputArray mask, std::vector< KeyPoint > &keypoints, OutputArray descriptors, bool useProvidedKeypoints=false)
Definition: garray.hpp:61
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
#define OPENCV_HAL_IMPL_RVV_INTERLEAVED(_Tpvec, _Tp, suffix, width)
Definition: intrin_rvv.hpp:2166
@ CAP_PROP_PVAPI_PIXELFORMAT
Pixel format.
Definition: videoio.hpp:341
@ CAP_GSTREAMER
GStreamer.
Definition: videoio.hpp:118
@ COLOR_BGR2YCrCb
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:589
unsigned int m_width
Definition: container_avi.private.hpp:129
int set(int i, const _Tp &value)
Definition: ocl.hpp:451
TrackedObjects objects
Detected objects;.
Definition: tracking_by_matching.hpp:386
const T & unsafe_get() const
Definition: garg.hpp:82
Definition: msm_epfl.hpp:60
virtual bool isMaskSupported() const CV_OVERRIDE
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1210
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
float reid_thr
Affinity threshold for re-identification.
Definition: tracking_by_matching.hpp:300
@ COLOR_BGRA2BGR555
Definition: imgproc.hpp:576
static std::string toUpperCase(const std::string &str)
Definition: cvstd.hpp:178
v_reg< _Tp, n > & operator*=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
@ TM_CCORR
Definition: imgproc.hpp:3720
#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
SrcPtr src
Definition: deriv.hpp:106
void reset()
Definition: gopaque.hpp:259
uint64_t v
Definition: softfloat.hpp:362
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2106
virtual int getP1() const =0
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
@ CAP_FIREWARE
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:96
_Tp v_extract_n(const v_reg< _Tp, n > &v)
Vector extract.
Definition: intrin_cpp.hpp:2400
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
Ncv32u y
Point Y.
Definition: NCV.hpp:203
Definition: all_layers.hpp:424
std::vector< uchar > pool
Definition: mat.hpp:2685
void v_pack_store(uchar *ptr, const v_reg< ushort, n > &a)
Definition: intrin_cpp.hpp:3042
virtual const std::vector< float > & blurrinessRates() const
Definition: deblurring.hpp:81
double cornerRefinementMinAccuracy
Definition: aruco.hpp:169
kinfu::Params Params
DynamicFusion implementation.
Definition: dynafu.hpp:44
virtual void printAttrs() const CV_OVERRIDE
float scale_lr
Definition: tracking.hpp:71
@ KMEANS_PP_CENTERS
Definition: core.hpp:217
Definition: wobble_suppression.hpp:113
float endPointX
Definition: descriptor.hpp:128
AffineFeature AffineDescriptorExtractor
Definition: features2d.hpp:270
bool member_type
Definition: core.hpp:3199
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:3102
Mat sum
Definition: feature.hpp:397
SrcPtr src
Definition: deriv.hpp:354
int targetHeight
Definition: tracking.detail.hpp:206
LSTM recurrent layer.
Definition: all_layers.hpp:90
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_lut_pairs(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2636
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
Matx33d k
Definition: msm_middlebury.hpp:63
void boxPoints(RotatedRect box, OutputArray points)
Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
GMat2 renderNV12(const GMat &y, const GMat &uv, const GArray< Prim > &prims)
Renders on two planes.
float result_type
Definition: vec_distance.hpp:93
@ CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio.hpp:278
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:560
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 y
Definition: facemarkLBF.hpp:105
pointer address(reference r)
Definition: cvstd.hpp:129
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
float template_size
Definition: tracking.hpp:56
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
void train(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, const GPCTrainingParams params=GPCTrainingParams())
Definition: sparse_matching_gpc.hpp:257
bool haveOpenVX()
Check if use of OpenVX is possible.
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:169
WaveCorrectKind
Definition: motion_estimators.hpp:328
@ CHAIN_APPROX_TC89_KCOS
Definition: imgproc.hpp:446
DiffusivityType
Definition: features2d.hpp:762
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:590
static std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:276
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
int rows
Definition: extrapolation.hpp:66
LayerFactory_Impl & getLayerFactoryImpl()
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gkernel.hpp:46
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
int label
Definition: or_sun.hpp:62
UMat descriptors
Definition: matchers.hpp:63
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:398
Definition: functional.hpp:172
MediaFormat fmt
Definition: gframe.hpp:57
@ COLOR_RGB2GRAY
Definition: imgproc.hpp:552
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tp)
Helper macro.
Definition: intrin_cpp.hpp:2915
Yes a[2]
Definition: functional.hpp:1040
void randu(InputOutputArray dst, InputArray low, InputArray high)
Generates a single uniformly-distributed random number or an array of random numbers.
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
unsigned long long int m_movi_start
Definition: container_avi.private.hpp:126
void * m_retAddress
Definition: instrumentation.hpp:82
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
GMat BayerGR2RGB(const GMat &src_gr)
Converts an image from BayerGR color space to RGB. The function converts an input image from BayerGR ...
static Matx all(_Tp alpha)
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:93
::uint8_t uint8_t
Definition: cvdef.h:799
float aff_thr_fast
Definition: tracking_by_matching.hpp:273
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
Automatically Allocated Buffer Class.
Definition: utility.hpp:100
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:82
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)
bool is_generic
Definition: ie.hpp:69
float localAdaptintegration_tau
Definition: retina.hpp:176
@ COLOR_YUV2RGBA_YUYV
Definition: imgproc.hpp:714
virtual ~WarperCreator()
Definition: warpers.hpp:142
std::vector< cv::Point3d > CameraPos
Camera position on the sphere after duplicated points elimination.
Definition: cnn_3dobj.hpp:159
@ CAP_PROP_XI_CC_MATRIX_00
Color Correction Matrix element [0][0].
Definition: videoio.hpp:448
virtual int getThreadNum() const CV_OVERRIDE
Definition: parallel_for.tbb.hpp:98
@ CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_SENSOR_FEATURE_VALUE.
Definition: videoio.hpp:525
Definition: warpers.hpp:663
@ StsBackTrace
pseudo error for back trace
Definition: base.hpp:70
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
vint16m1_t vwcvt_x_x_v_i16m1(vint8mf2_t v)
Definition: intrin_rvv.hpp:191
Definition: vec_math.hpp:61
@ CV_CS_CENSUS
Definition: descriptor.hpp:14
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)
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:492
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
@ INTERP_EPIC
Definition: rlofflow.hpp:33
LogTagAuto(const char *_name, LogLevel _level)
Definition: logger.hpp:51
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
std::vector< GMetaArg > GMetaArgs
Definition: gmetaarg.hpp:46
std::wstring text
The text string to be drawn.
Definition: render_types.hpp:113
@ THRESH_TOZERO
Definition: imgproc.hpp:324
void extractLineBundle(int len, InputArray ctl2d, InputArray img, OutputArray bundle, OutputArray srcLocations)
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
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:232
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:671
Definition: variant.hpp:57
G_TYPED_KERNEL(GStereo,< GMat(GMat, GMat, const StereoOutputFormat)>, "org.opencv.stereo")
Definition: stereo.hpp:26
Mat _eigenvectors
Definition: core.hpp:2624
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:98
@ PANORAMA
Definition: stitching.hpp:167
static void write(FileStorage &fs, const String &name, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:1037
Definition: onlineBoosting.hpp:176
Types
SVM type
Definition: ml.hpp:618
std::vector< std::vector< Range > > sliceRanges
Vector of slice ranges.
Definition: all_layers.hpp:366
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)
Definition: all_layers.hpp:471
int label
Definition: predict_collector.hpp:87
NCVStatus nppiStTranspose_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
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:616
std::vector< int > parent
Definition: util.hpp:64
void create(const std::vector< int > &_dims, int _type)
Definition: mat.hpp:245
PlaneWarperGpu(float scale=1.f)
Definition: warpers.hpp:504
void createConcentricSpheresTestSet(int nsamples, int nfeatures, int nclasses, OutputArray samples, OutputArray responses)
Creates test set.
@ COLOR_YUV2BGR_Y422
Definition: imgproc.hpp:688
@ DIST_LABEL_PIXEL
Definition: imgproc.hpp:373
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:168
uchar * data
Definition: cuda.hpp:796
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2559
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
size_t freeList
Definition: mat.hpp:2684
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:319
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
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
Definition: NCV.hpp:345
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:73
void swapChannels(InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null())
Exchanges the color channels of an image in-place.
#define HaarFeatureDescriptor32_NumFeatures_Shift
Definition: NCVHaarObjectDetection.hpp:125
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
int minusDelta
Definition: imgproc.hpp:4861
Mat processNoiseCov
Process noise cross-covariance matrix, DP x DP.
Definition: kalman_filters.hpp:139
float startPointX
Definition: descriptor.hpp:126
@ CAP_PVAPI_FSTRIGMODE_FREERUN
Freerun.
Definition: videoio.hpp:345
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:808
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:234
@ CALIB_CB_FAST_CHECK
Definition: calib3d.hpp:483
GShapes outShapes
Definition: gkernel.hpp:51
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:402
double _threshold
Definition: facerec.hpp:46
int firstEdge
Definition: imgproc.hpp:1227
void min32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
Ncv32f * pFU
forward horizontal displacement
Definition: NPP_staging.hpp:121
virtual void setMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:78
size_t forget_delay
Definition: tracking_by_matching.hpp:269
void setMaxDistDiff(float val)
Definition: depth.hpp:1084
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
@ CAP_PROP_ZOOM
Definition: videoio.hpp:164
static constexpr const char * tag()
Definition: infer.hpp:318
bool operator==(const NodeData &lhs, const NodeData &rhs)
NCVStatus nppiStTranspose_32f_C1R(Ncv32f *d_src, Ncv32u srcStride, Ncv32f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
Definition: dualquaternion.hpp:36
@ COLOR_YUV420p2BGR
Definition: imgproc.hpp:662
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:72
SrcPtr src
Definition: remap.hpp:80
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:102
Definition: type_traits.hpp:78
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3111
@ NCV_ALLOCATOR_BAD_ALLOC
Definition: NCV.hpp:333
void integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
@ CALIB_CB_EXHAUSTIVE
Definition: calib3d.hpp:484
double residual
Definition: pose_3d.hpp:125
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
AffineFeature AffineFeatureDetector
Definition: features2d.hpp:269
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 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:481
std::vector< std::string > imageNames
Definition: hpe_humaneva.hpp:68
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:184
@ CAP_PROP_FRAME_HEIGHT
Height of the frames in the video stream.
Definition: videoio.hpp:139
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:932
__host__ Expr< ReduceToRowBody< Reductor, SrcPtr > > reduceToRow_(const SrcPtr &src)
Definition: reduction.hpp:187
const Mat refinementMask() const
Definition: motion_estimators.hpp:136
@ CAP_PROP_XI_DOWNSAMPLING_TYPE
Change image downsampling type.
Definition: videoio.hpp:402
@ simd128_width
Definition: intrin_cpp.hpp:555
@ CMP_NE
src1 is unequal to src2.
Definition: base.hpp:216
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
_Tp x
x coordinate of the point
Definition: types.hpp:186
Definition: warpers.hpp:555
Definition: depth.hpp:524
Video reader interface.
Definition: cudacodec.hpp:296
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
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:531
void reset()
resets internal values.
Definition: utility.hpp:374
@ WMF_JAC
Definition: weighted_median_filter.hpp:70
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
virtual ~NCVVector()
Definition: NCV.hpp:577
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
MotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:123
std::string imageName
Definition: is_weizmann.hpp:62
float coeffObjectSpeedUsingInPrediction
Definition: detection_based_tracker.hpp:174
Vec3f lightPose
light pose for rendering in meters
Definition: kinfu.hpp:144
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
int pyramid_levels
Definition: linemod.hpp:397
@ 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:498
String padMode
Definition: all_layers.hpp:217
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_ACQ_TRANSPORT_BUFFER_SIZE
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:502
v_reg< int, n > v_round(const v_reg< float, n > &a)
Round elements.
Definition: intrin_cpp.hpp:2427
char4 type
Definition: vec_traits.hpp:79
int tilt_ang
Definition: fr_adience.hpp:78
@ rightleft
Definition: gr_skig.hpp:65
@ simd512_width
Definition: intrin_cpp.hpp:560
size_t size() const
returns the current buffer size
@ NCV_SUCCESS
Definition: NCV.hpp:316
virtual ~ICP()
Definition: icp.hpp:100
v_uint8 vx_setzero_u8()
Definition: intrin.hpp:512
_Tp dot(const Point_ &pt) const
dot product
float existingVertexGain
Definition: calib3d.hpp:1641
std::string label_name
Definition: core_detect.hpp:30
GMat LUV2BGR(const GMat &src)
Converts an image from LUV color space to BGR color space.
void setMaxDepthDiff(double val)
Definition: depth.hpp:680
@ ALPHA_PREMUL
Definition: cudaimgproc.hpp:160
int img_idx
Definition: matchers.hpp:60
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
int cols
Definition: cuda.hpp:323
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3273
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.
Definition: gpumat.hpp:60
Definition: functional.hpp:288
Quat< T > sin(const Quat< T > &q)
vector< Point2d > gtbb
Definition: track_vot.hpp:65
@ CAP_PROP_XI_CC_MATRIX_33
Color Correction Matrix element [3][3].
Definition: videoio.hpp:463
@ 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:296
static const U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:180
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:144
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
Definition: allocator_stats.hpp:12
Template class for small matrices whose type and size are known at compilation time.
Definition: matx.hpp:99
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, logical_not< T > > > operator!(const GpuMat_< T > &src)
Definition: unary_op.hpp:90
Definition: interpolation.hpp:271
int minNeighbours
Definition: detection_based_tracker.hpp:117
Definition: goclkernel.hpp:189
__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
int depth
Definition: gr_chalearn.hpp:78
__host__ SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelXPtr(const SrcPtr &src)
Definition: deriv.hpp:173
bool parseAvi(frame_list &in_frame_list, Codecs codec_)
Definition: container_avi.private.hpp:90
@ DFT_COMPLEX_OUTPUT
Definition: base.hpp:243
static void write(FileStorage &fs, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:966
@ SF_BGR
Definition: cudacodec.hpp:79
bool normaliseOutput
Definition: retina.hpp:161
float const_param_type
Definition: core.hpp:3254
int width
Definition: tr_icdar.hpp:63
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.
Ncv32u x
Point X.
Definition: NCV.hpp:202
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
bool hostUnifiedMemory() const
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:900
@ POINTS
Definition: opengl.hpp:479
int cols
Definition: extrapolation.hpp:66
@ ACCESS_RW
Definition: mat.hpp:65
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:654
int * refcount
Definition: cuda.hpp:797
@ SOLVEPNP_UPNP
Definition: calib3d.hpp:462
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1314
Definition: calib3d.hpp:604
CompressedRectilinearWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:400
float weight2() const
Definition: motion_stabilizing.hpp:135
Definition: seam_finders.hpp:120
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.
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
#define DUMP_MESSAGE_STDOUT(...)
Definition: opencl_info.hpp:15
Definition: all_layers.hpp:680
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
LSBPCameraMotionCompensation
Definition: bgsegm.hpp:245
Definition: warpers.hpp:430
void setNumBands(int val)
Definition: blenders.hpp:133
virtual void setUsePrefilter(bool factor)=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
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
NCVStatus ncvApplyHaarClassifierCascade_host(NCVMatrix< Ncv32u > &h_integralImage, NCVMatrix< Ncv32f > &h_weights, NCVMatrixAlloc< Ncv32u > &h_pixelMask, Ncv32u &numDetections, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures, NcvBool bMaskElements, NcvSize32u anchorsRoi, Ncv32u pixelStep, Ncv32f scaleArea)
@ StsInternal
internal error (bad state)
Definition: base.hpp:72
Mat_() CV_NOEXCEPT
default constructor
Definition: calib3d.hpp:607
Mutex * mutex_
Definition: lock.private.hpp:109
@ DICT_5X5_50
Definition: dictionary.hpp:146
Base class for a seam estimator.
Definition: seam_finders.hpp:58
Class implementing EdgeBoxes algorithm from :
Definition: edgeboxes.hpp:67
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:93
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: .
Structure containing image keypoints and descriptors.
Definition: matchers.hpp:58
static void backSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
performs back substitution
@ CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Data packing type. Some cameras supports only specific packing type.
Definition: videoio.hpp:433
vuint64m1_t vwcvtu_x_x_v_u64m1(vuint32mf2_t v)
Definition: intrin_rvv.hpp:194
T work_type
Definition: reduce_to_vec.hpp:107
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
Template class for specifying the size of an image or rectangle.
Definition: types.hpp:315
double focal
Definition: camera.hpp:65
int step
Definition: imgproc.hpp:4859
Affine transformation based estimator.
Definition: motion_estimators.hpp:121
Definition: tracking.hpp:41
@ 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:182
int cols
Definition: interpolation.hpp:367
@ COLOR_BGRA2BGR565
Definition: imgproc.hpp:564
void validate() const
Definition: gcpukernel.hpp:219
@ CALIB_CB_SYMMETRIC_GRID
Definition: calib3d.hpp:490
Match()
Definition: linemod.hpp:261
int64 getCPUTickCount()
Returns the number of CPU ticks.
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
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:997
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:113
int width
Definition: tr_svt.hpp:63
Definition: sr_general100.hpp:28
NCVStatus ncvGroupRectangles_host(NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
Definition: inpainting.hpp:61
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:973
const typedef String & const_param_type
Definition: core.hpp:3222
Video writer interface.
Definition: cudacodec.hpp:177
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:72
@ NCV_DIMENSIONS_INVALID
Definition: NCV.hpp:326
virtual const std::vector< Mat > & motions2() const
Definition: wobble_suppression.hpp:82
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...
int height
Definition: tr_icdar.hpp:63
A class to upscale images via convolutional neural networks. The following four models are implemente...
Definition: dnn_superres.hpp:40
void min16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
@ CCL_SAUF
Same as CCL_WU. It is preferable to use the flag with the name of the algorithm (CCL_SAUF) rather tha...
Definition: imgproc.hpp:412
@ patch_size_x
Definition: reduce.hpp:299
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:119
__device__ __forceinline__ double4 hypot(double s, const double4 &b)
Definition: vec_math.hpp:917
@ DIST_L1
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:302
size_t elemSize() const
Definition: rmat.hpp:76
@ WARP_SIZE
Definition: warp.hpp:59
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:690
@ CAP_PROP_XI_IMAGE_IS_COLOR
Returns 1 for color cameras.
Definition: videoio.hpp:443
@ COLOR_YUV2RGBA_YVYU
Definition: imgproc.hpp:712
int decim
Decimation (0 stands for no decimation)
Definition: render_types.hpp:260
int get0() const
Definition: intrin_rvv.hpp:413
float size
Definition: descriptor.hpp:123
@ DNN_TARGET_OPENCL_FP16
Definition: dnn.hpp:91
Ptr< linemod::Detector > getDefaultLINE()
Factory function for detector using LINE algorithm with color gradients.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:312
@ SFM_REFINE_RADIAL_DISTORTION_K2
Definition: simple_pipeline.hpp:127
Definition: gcpukernel.hpp:157
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:225
Ptr< cuda::BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
int n_bins
Definition: descriptor.hpp:707
@ COLORMAP_BONE
Definition: imgproc.hpp:4313
int64 getTimeTicks() const
returns counted ticks.
Definition: utility.hpp:321
@ Y_ROW
Definition: cuda.hpp:92
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:995
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
Ncv8u x
Definition: NCV.hpp:139
@ CAP_PROP_XI_LENS_MODE
Status of lens control interface. This shall be set to XI_ON before any Lens operations.
Definition: videoio.hpp:471
@ CPU_AVX_512IFMA
Definition: cvdef.h:313
void detect(const GpuMat &img, const GpuMat &mask, GpuMat &keypoints)
Finds the keypoints using fast hessian detector used in SURF.
Definition: cuda.hpp:155
virtual int getThreshold() const
Definition: features2d.hpp:388
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:104
Exposure compensator which tries to remove exposure related artifacts by adjusting image blocks.
Definition: exposure_compensate.hpp:169
@ IMWRITE_EXR_COMPRESSION
override EXR storage type (FLOAT (FP32) is default)
Definition: imgcodecs.hpp:98
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:62
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)
Definition: feature.hpp:314
@ LINE_4
4-connected line
Definition: imgproc.hpp:814
bool holds() const
Definition: garray.hpp:294
Impl * p
Definition: ocl.hpp:243
int depth() const
Definition: rmat.hpp:74
Ptr< ImgHashImpl > pImpl
Definition: img_hash_base.hpp:39
void mapBackward(float u, float v, float &x, float &y)
void setUpdateGain(bool b)
Definition: exposure_compensate.hpp:90
Affine3 inv(int method=cv::DECOMP_SVD) const
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:341
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.
@ COLOR_LRGB2Lab
Definition: imgproc.hpp:626
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:596
T & get(util::variant< Types... > &v)
Definition: variant.hpp:388
Callback with the character classifier is made a class.
Definition: ocr.hpp:406
This is used store and set up the parameters of the robust local optical flow (RLOF) algoritm.
Definition: rlofflow.hpp:64
Definition: infer.hpp:405
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...
@ EVENT_RBUTTONDBLCLK
indicates that right mouse button is double clicked.
Definition: highgui.hpp:219
Data container for the facemark::getData function.
Definition: facemarkAAM.hpp:98
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 ...
__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)
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 getShift(OutputArray shift) const
Definition: mapaffine.hpp:100
float getSquareLength() const
Definition: charuco.hpp:111
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)
Definition: variant.hpp:26
@ EXT_XZY
Extrinsic rotations with the Euler angles type X-Z-Y.
Definition: quaternion.hpp:114
bool NcvBool
Definition: NCV.hpp:118
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:77
auto make_default() -> decltype(T
Definition: gtyped.hpp:42
ptrdiff_t difference_type
Definition: cvstd.hpp:119
imageType type
Definition: slam_tumindoor.hpp:71
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
@ BINARIZATION_WOLF
Wolf's technique. See .
Definition: ximgproc.hpp:124
int targetNum
Current number of targets in tracking-list.
Definition: tracking_legacy.hpp:450
@ CAP_PROP_XI_HDR_T1
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:512
GOpaque(detail::GOpaqueU &&ref)
Definition: gopaque.hpp:319
Impl * getImpl() const
Definition: ocl.hpp:240
void cmp16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
void Canny(InputArray image, OutputArray edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny algorithm .
virtual const std::vector< Mat > & motions() const
Definition: deblurring.hpp:78
Definition: is_weizmann.hpp:60
__host__ size_t stepT() const
returns step()/sizeof(T)
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
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
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
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:496
@ COLOR_BayerRG2RGBA
Definition: imgproc.hpp:793
Definition: all_layers.hpp:503
@ SCENE_SHOW_CS_CROSS
draw coordinate system crosses for debugging
Definition: ovis.hpp:51
_Tp * ptr
pointer to the real buffer, can point to buf if the buffer is small enough
Definition: utility.hpp:146
Matrix read-only iterator.
Definition: mat.hpp:3080
Full reference GMSD algorithm http://www4.comp.polyu.edu.hk/~cslzhang/IQA/GMSD/GMSD....
Definition: qualitygmsd.hpp:19
struct for detection region of interest (ROI)
Definition: objdetect.hpp:345
Definition: all_layers.hpp:566
@ male
Definition: fr_adience.hpp:62
void showImage(cv::InputArray img, const CallMetaData &data, const char *description, const char *view)
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...
size_t nireq
Definition: ie.hpp:76
__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
void reset()
Definition: gstreaming.hpp:56
v_uint16 vx_setzero_u16()
Definition: intrin.hpp:514
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)
#define CV_MINOR_VERSION
Definition: version.hpp:23
Class that enables getting cudaEvent_t from cuda::Event.
Definition: cuda_stream_accessor.hpp:75
virtual ~WBDetector()
Definition: xobjdetect.hpp:95
void mapForward(float x, float y, float &u, float &v)
String dumpInputArray(InputArray argument)
int width
Definition: sinusoidalpattern.hpp:85
unsigned int Ncv32u
Definition: NCV.hpp:128
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:171
void v_rshr_pack_u_store(uchar *ptr, const v_reg< short, n > &a)
Definition: intrin_cpp.hpp:3078
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
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
const F m_f
Definition: gfluidkernel.hpp:89
@ 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:66
int cols
Definition: glob.hpp:87
@ MSLIC
Definition: slic.hpp:132
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2561
int refcount
Definition: mat.hpp:561
Definition: deriv.hpp:254
@ COLOR_RGBA2BGRA
Definition: imgproc.hpp:549
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.
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
@ COLOR_BGR2RGBA
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:539
@ CAP_PROP_XI_CC_MATRIX_13
Color Correction Matrix element [1][3].
Definition: videoio.hpp:455
@ COLORMAP_DEEPGREEN
Definition: imgproc.hpp:4333
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:500
the CSRT tracker
Definition: tracking_legacy.hpp:500
Affine warper that uses rotations and translations.
Definition: warpers.hpp:235
@ COLOR_BayerBG2BGR
Demosaicing.
Definition: imgproc.hpp:748
#define CV_BIG_INT(n)
Definition: interface.h:63
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:1124
@ NCV_NOIMPL_HAAR_TILTED_FEATURES
Definition: NCV.hpp:349
@ CASCADE_DO_CANNY_PRUNING
Definition: objdetect.hpp:168
void recip8u(const uchar *, size_t, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
float fyinv
Definition: intrinsics.hpp:35
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
static const constexpr std::size_t value
Definition: variant.hpp:29
int getSwappedClassifier() const
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
virtual ~VideoWriter()
Definition: cudacodec.hpp:180
bool empty() const
Definition: ocl.hpp:538
SolverType solverType
Definition: rlofflow.hpp:83
@ CAP_PROP_TRIGGER
Definition: videoio.hpp:161
cv::util::any params() const
Definition: ie.hpp:241
Class implementing the FLD (Fast Line Detector) algorithm described in .
Definition: fast_line_detector.hpp:24
Ncv32u y
y-coordinate of upper left corner.
Definition: NCV.hpp:163
@ INT_XZY
Intrinsic rotations with the Euler angles type X-Z-Y.
Definition: quaternion.hpp:101
Definition: vec_distance.hpp:122
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking_internals.hpp:641
int crossSegmentationThreshold
Definition: rlofflow.hpp:112
@ MATERIAL_TEXTURE
Definition: ovis.hpp:68
int max_patch_size
threshold for the ROI size
Definition: tracking.hpp:131
RotateFlags
Definition: core.hpp:1072
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:406
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:182
Params & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: ie.hpp:225
Definition: sparse_matching_gpc.hpp:301
#define CV_CONSTEXPR
Definition: cvdef.h:765
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1683
double density_th
Definition: descriptor.hpp:706
@ ALPHA_ATOP_PREMUL
Definition: cudaimgproc.hpp:160
cv::GArrayDesc descr_of() const
Definition: garray.hpp:306
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:106
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
@ COLOR_YUV2BGRA_NV12
Definition: imgproc.hpp:649
@ NCV_TEXTURE_BIND_ERROR
Definition: NCV.hpp:325
__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
@ MONOCHROME_TRANSFER
Definition: photo.hpp:721
v_float64 vx_lut(const double *ptr, const int *idx)
Definition: intrin.hpp:607
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
Reprojector()
Definition: intrinsics.hpp:21
v_reg< double, n0 *sizeof(_Tp0)/sizeof(double)> v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2891
LineIterator & operator++()
prefix increment operator (++it). shifts iterator to the next pixel
@ LOCAL_OPTIM_GC
Definition: calib3d.hpp:548
@ MPEG1
Definition: cudacodec.hpp:247
@ DIST_C
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:304
Point3_< int > Point3i
Definition: types.hpp:270
@ COLOR_SPACE_Lab_E_10
non-RGB color space
Definition: ccm.hpp:133
@ CAP_PVAPI_PIXELFORMAT_BAYER16
Bayer16.
Definition: videoio.hpp:363
Ptr< flann::IndexParams > indexParams
Definition: features2d.hpp:1276
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
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
@ CAP_PROP_FORMAT
Definition: videoio.hpp:143
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)
Rect boundingRect(InputArray array)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
int maxLevel_
Definition: optical_flow.hpp:93
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:113
Definition: gfluidkernel.hpp:354
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.detail.hpp:363
@ CAP_PROP_XI_AE_MAX_LIMIT
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:394
Definition: deblurring.hpp:90
#define CV_CUDEV_EXPR_UNOP_INST(op, functor)
Definition: unary_op.hpp:63
virtual void mov(BasicVectorRef &v) override
Definition: garray.hpp:219
Definition: feature.hpp:368
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:281
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:216
@ RECTIFY_CYLINDRICAL
Definition: omnidir.hpp:70
v_int8x16()
Definition: intrin_rvv.hpp:265
int size
subset size
Definition: motion_core.hpp:75
#define OPENCV_HAL_IMPL_RVV_ONE_TIME_REINTERPRET(_Tpvec1, _Tpvec2, _nTpvec1, _nTpvec2, suffix1, suffix2, nsuffix1, nsuffix2, width1, width2)
Definition: intrin_rvv.hpp:608
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:450
This class represents high-level API for text detection DL networks compatible with EAST model.
Definition: dnn.hpp:1494
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:777
Definition: slam_kitti.hpp:74
@ CAP_PROP_POS_FRAMES
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:136
GMat BackgroundSubtractor(const GMat &src, const cv::gapi::video::BackgroundSubtractorParams &bsParams)
Gaussian Mixture-based or K-nearest neighbours-based Background/Foreground Segmentation Algorithm....
Ptr< WindowScene > createWindow(const String &title, const Size &size, int flags=SCENE_INTERACTIVE|SCENE_AA)
static int help(const cv::GMetaArgs &, const cv::GArgs &)
Definition: gfluidkernel.hpp:315
@ INT_YXY
Intrinsic rotations with the Euler angles type Y-X-Y.
Definition: quaternion.hpp:108
vfloat64mf2_t()
Definition: intrin_rvv.hpp:122
void createTriangleMesh(const String &name, InputArray vertices, InputArray normals=noArray(), InputArray indices=noArray())
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:450
int getMouseWheelDelta(int flags)
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVEN...
Definition: tuple_adapter.hpp:57
Definition: intrin_rvv.hpp:140
int depth
Definition: or_pascal.hpp:84
R expand_mat(InputArray src, int TYPE_DEFAULT=EXPANDED_MAT_DEFAULT_TYPE)
Definition: quality_utils.hpp:37
@ ALPHA_OUT
Definition: cudaimgproc.hpp:159
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
std::vector< Mat > LinearMemories
Definition: linemod.hpp:404
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
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
bool isAMD() const
Definition: ocl.hpp:191
T & wref()
Definition: gopaque.hpp:273
Elliptic region around an interest point.
Definition: xfeatures2d.hpp:905
@ 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
Definition: warpers.hpp:439
v_reg< float, n > v_matmuladd(const v_reg< float, n > &v, const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d)
Matrix multiplication and add.
Definition: intrin_cpp.hpp:3226
@ CAP_PROP_APERTURE
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:617
void addSamplesDataSearchPath(const cv::String &path)
Override search data path by adding new search location.
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:688
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:65
std::function< void(VectorRef &)> ConstructVec
Definition: garray.hpp:58
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio.hpp:581
int cols
Definition: warping.hpp:79
@ DISP_SCALE
Definition: stereo.hpp:79
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
short i
Definition: cvdef.h:369
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.
static Ptr< ParamGrid > getDefaultGridPtr(int param_id)
Generates a grid for SVM parameters.
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
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
@ CAP_PVAPI_PIXELFORMAT_BGR24
Bgr24.
Definition: videoio.hpp:365
softfloat setFrac(const softfloat &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:196
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 *)
MarrHildrethHash()
Definition: marr_hildreth_hash.hpp:45
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Sensor clock frequency in Hz.
Definition: videoio.hpp:484
int connectedComponents(InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image
int hal_ni_warpAffine(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[6], int interpolation, int borderType, const double borderValue[4])
hal_warpAffine
Definition: hal_replacement.hpp:272
double roundd(double x)
Definition: saturate.hpp:84
GAPI_PROP int chan
Definition: gmat.hpp:80
void getRandomPose(Matx44d &Pose)
ErrorTypes
Error types
Definition: ml.hpp:89
virtual void integralHistogram(const Mat &img, std::vector< Mat > &histogram, Mat &norm, int nbins) const
__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:4859
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
int x
Definition: linemod.hpp:282
Size & operator=(const cv::Size &rhs)
Definition: types.hpp:105
bool empty() const
Definition: ocl.hpp:830
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
#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.
struct hashnode_i * next
Definition: t_hash_int.hpp:64
int perform_morphing
These erase one-pixel junk blobs and merge almost-touching blobs. Default value is 1.
Definition: cudalegacy.hpp:167
Vec conj() const
conjugation (makes sense for complex numbers and quaternions)
__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:3417
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:242
GradientOperator
Definition: edge_drawing.hpp:36
@ CAP_PROP_IMAGES_BASE
Definition: videoio.hpp:632
Special network type.
Definition: infer.hpp:536
Definition: functional.hpp:252
Point2f(float _x, float _y)
Definition: types.hpp:35
bool readPose(const String &file, Affine3d &pose, const String &tag="pose")
Read/write poses and trajectories.
void debugFilter(cv::InputArray original, cv::InputArray result, const CallMetaData &data, const char *description, const char *view)
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Number of buffers to commit to low level.
Definition: videoio.hpp:504
@ UNIFORM
Generate numbers uniformly.
Definition: xfeatures2d.hpp:464
Definition: is_weizmann.hpp:68
vfloat32mf2_t(const float *ptr)
Definition: intrin_rvv.hpp:95
float index_type
Definition: interpolation.hpp:297
int hal_ni_sub8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:85
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:579
v_int32x8 v256_setall_s32(int val)
Definition: intrin_cpp.hpp:2853
EdgeAwareFiltersList
Definition: edge_filter.hpp:51
std::string tag() const
Definition: ie.hpp:191
@ StsBadArg
function arg/param is bad
Definition: base.hpp:74
typename GTypeOf< T >::type g_type_of_t
Definition: gtype_traits.hpp:133
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:4801
bool SumFlag
Definition: edge_drawing.hpp:60
Definition: goclkernel.hpp:128
Definition: depth.hpp:1039
@ CAP_PROP_XI_FFS_ACCESS_KEY
Setting of key enables file operations on some cameras.
Definition: videoio.hpp:524
cv::Point3_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:28
void setMaxPointsPart(double val)
Definition: depth.hpp:704
void createDirectory(const std::string &path)
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:848
void accumulate(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds an image to the accumulator image.
int lane_type
Definition: intrin_rvv.hpp:391
checker object
Definition: checker_model.hpp:64
void cvt32f16f(const float *src, float16_t *dst, int len)
@ COLOR_BayerRG2RGB
Definition: imgproc.hpp:755
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
static std::ostream & operator<<(std::ostream &out, const MatShape &shape)
Definition: shape_utils.hpp:202
@ VAR_ORDERED
ordered variables
Definition: ml.hpp:84
Definition: hpe_humaneva.hpp:60
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.
MapPtr map
Definition: remap.hpp:66
@ COLOR_BayerGR2RGB_EA
Definition: imgproc.hpp:783
@ COLOR_SPACE_XYZ_A_2
non-RGB color space
Definition: ccm.hpp:114
GScalar yieldScalar(int output=0)
void FastHoughTransform(InputArray src, OutputArray dst, int dstMatDepth, int angleRange=ARO_315_135, int op=FHT_ADD, int makeSkew=HDO_DESKEW)
Calculates 2D Fast Hough transform of an image.
virtual void setHostDirty()=0
Indicate that an actual data is on CPU.
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:446
Class implementing two-dimensional phase unwrapping based on This algorithm belongs to the quality-g...
Definition: histogramphaseunwrapping.hpp:65
double seamEstimationResol() const
Definition: stitching.hpp:189
static cv::detail::GArrayU wrap_value(const cv::GArray< T > &t)
Definition: gtype_traits.hpp:87
static String dumpInt(int argument)
Definition: bindings_utils.hpp:33
float y
Definition: types.hpp:38
float localAdaptintegration_k
Definition: retina.hpp:176
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:1144
@ __UMAT_USAGE_FLAGS_32BIT
Definition: mat.hpp:462
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
softdouble()
Default constructor.
Definition: softfloat.hpp:230
softfloat min(const softfloat &a, const softfloat &b)
Min and Max functions.
Definition: softfloat.hpp:437
@ OCR_DECODER_VITERBI
Definition: ocr.hpp:174
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...
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
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
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
@ CAP_PROP_XI_FFS_FILE_ID
File number.
Definition: videoio.hpp:520
bool isSubnormal() const
Subnormal number indicator.
Definition: softfloat.hpp:172
static MatExpr max(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3701
bool inversed
Definition: ml.hpp:1180
DecompTypes
matrix decomposition types
Definition: base.hpp:133
bool normVariance
Definition: all_layers.hpp:288
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:2537
int y
Definition: fr_adience.hpp:75
__device__ static __forceinline__ uint laneId()
Definition: warp.hpp:64
double Wx
Definition: gr_chalearn.hpp:67
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:345
__device__ __forceinline__ uint vavrg4(uint a, uint b)
Definition: simd_functions.hpp:589
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:243
Complex()
default constructor
v_reg< schar, 32 > v_int8x32
Thirty two 8-bit signed integer values.
Definition: intrin_cpp.hpp:512
Image hash based on Radon transform.
Definition: radial_variance_hash.hpp:21
typename detail::flatten_g< util::decay_t< T > >::type HT
Definition: gopaque.hpp:316
@ CAP_PROP_HUE
Hue of the image (only for cameras).
Definition: videoio.hpp:149
static Ptr< AgastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, AgastFeatureDetector::DetectorType type=AgastFeatureDetector::OAST_9_16)
Definition: agast.txt:7537
size_t numVotes
Definition: pose_3d.hpp:178
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:226
Brute-force descriptor matcher.
Definition: features2d.hpp:1199
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
__device__ __forceinline__ uint vcmpne2(uint a, uint b)
Definition: simd_functions.hpp:454
int cols
Definition: interpolation.hpp:136
VectorRefT(const std::vector< T > &vec)
Definition: garray.hpp:157
cv::String m_funName
Definition: instrumentation.hpp:77
Template Read-Only Sparse Matrix Iterator Class.
Definition: mat.hpp:3269
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.
int64_t int64
Definition: interface.h:61
Ptr< QualityMSE > _qualityMSE
Definition: qualitypsnr.hpp:91
int lkTermParam1
Definition: quasi_dense_stereo.hpp:58
@ COLOR_YUV2BGR_NV21
Definition: imgproc.hpp:644
const ImageFeatures * features_
Definition: motion_estimators.hpp:202
Definition: tr_icdar.hpp:66
@ CAP_PROP_XI_TEST_PATTERN
Selects which test pattern type is generated by the selected generator.
Definition: videoio.hpp:412
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
void setMaxRotation(double val)
Definition: depth.hpp:728
size_t idx
Definition: persistence.hpp:692
v_int32 vx_load_expand_q(const schar *ptr)
Definition: intrin.hpp:656
Definition: facerec.hpp:89
int lt
The type of the line. See LineTypes.
Definition: render_types.hpp:151
__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:200
FastMarchingMethod()
Definition: fast_marching.hpp:66
void setClip(const Vec2d &clip)
Definition: types.hpp:216
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
int cols
Definition: texture.hpp:207
frame_list & getFrames()
Definition: container_avi.private.hpp:92
Represents an arbitrary compilation argument.
Definition: gcommon.hpp:154
@ COLOR_BayerGR2GRAY
Definition: imgproc.hpp:761
Definition: frame_source.hpp:57
int freeQEdge
Definition: imgproc.hpp:1246
void setMatchingMask(const cv::UMat &mask)
Definition: stitching.hpp:218
uchar const_param_type
Definition: core.hpp:3278
Params< Net > & cfgNormalize(const typename PortCfg< Net >::Normalize &n)
Definition: onnx.hpp:184
@ HISTCMP_KL_DIV
Definition: imgproc.hpp:525
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:70
Definition: warpers.hpp:487
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:187
Comma-separated Vec Initializer.
Definition: matx.hpp:470
Definition: intrin_rvv.hpp:101
void projectPoints(InputArray objectPoints, OutputArray imagePoints, const Affine3d &affine, InputArray K, InputArray D, double alpha=0, OutputArray jacobian=noArray())
Projects points using fisheye model.
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:314
void write(FileStorage &fs, const float &value)
Definition: persistence.hpp:903
Size getPatchSize() const
Definition: all_layers.hpp:227
@ SCORE_METHOD_RANSAC
Definition: calib3d.hpp:549
GMatDesc asInterleaved() const
Definition: gmat.hpp:195
vint32mf2_t()
Definition: intrin_rvv.hpp:84
bool isIntegral
true if input images are integral, false otherwise
Definition: tracking_internals.hpp:858
vuint64mf2_t()
Definition: intrin_rvv.hpp:104
void averageHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Calculates img_hash::AverageHash in one call.
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)
int classID
Definition: dpm.hpp:114
int Presets
NVVE_PRESETS,.
Definition: cudacodec.hpp:102
double getMaxRotation() const
Definition: depth.hpp:847
Definition: ar_hmdb.hpp:60
int index_type
Definition: deriv.hpp:104
std::string tag() const
Definition: ie.hpp:240
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
OPLandIplParvoParameters OPLandIplParvo
Definition: retina.hpp:178
@ CONTOURS_MATCH_I3
Definition: imgproc.hpp:460
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
Rotation-only model image warper interface.
Definition: warpers.hpp:59
@ CC_STAT_HEIGHT
The vertical size of the bounding box.
Definition: imgproc.hpp:399
UMat resultMask() const
Definition: stitching.hpp:305
void setExposureCompensator(Ptr< detail::ExposureCompensator > exposure_comp)
Definition: stitching.hpp:240
Definition: variant.hpp:42
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:1145
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)
Definition: gscalar.hpp:52
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
void compute(const cv::Mat &mat, cv::Mat &descr) override
Computes image descriptor.
Definition: tracking_by_matching.hpp:131
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:354
~Node()
Definition: utility.hpp:1065
virtual void mov(BasicOpaqueRef &ref)=0
void FT12D_createPolynomMatrixHorizontal(int radius, OutputArray matrix, const int chn)
Creates horizontal matrix for -transform computation.
std::vector< size_t > pads_end
Definition: all_layers.hpp:250
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)
__device__ __forceinline__ T2 operator()(typename TypeTraits< T1 >::parameter_type, typename TypeTraits< T2 >::parameter_type rhs) const
Definition: functional.hpp:301
void scale(cv::Mat &mat, const cv::Mat &range, const T min, const T max)
Definition: quality_utils.hpp:90
const float claheClip
Definition: pcaflow.hpp:103
LineIterator(Rect boundingAreaRect, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4836
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:1377
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
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:218
float minConvexity
Definition: features2d.hpp:737
@ DNN_TARGET_VULKAN
Definition: dnn.hpp:93
A simple white balance algorithm that works by independently stretching each of the input image chann...
Definition: white_balance.hpp:79
int type() const
Definition: sparse_matching_gpc.hpp:116
virtual bool read(OutputArray image)
Grabs, decodes and returns the next video frame.
void setValues(float mean, float sigma)
#define G_TYPED_KERNEL_M
Definition: gkernel.hpp:364
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
MatIterator_< _Tp > it
Definition: mat.hpp:524
v_uint64x2()
Definition: intrin_rvv.hpp:456
Definition: global_motion.hpp:198
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:138
UMat * m
Definition: ocl.hpp:422
__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
#define CV_16FC1
Definition: interface.h:130
AVCaptureStillImageOutput * stillImageOutput
Definition: cap_ios.h:142
void completeFrameAccordingToFlow(const Mat &flowMask, const Mat &flowX, const Mat &flowY, const Mat &frame1, const Mat &mask1, float distThresh, Mat &frame0, Mat &mask0)
v_int8 vx_setall_s8(schar v)
Definition: intrin.hpp:496
static cv::GFrame yield(cv::GCall &call, int i)
Definition: gkernel.hpp:96
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
@ 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:492
Mat_ clone() const CV_NODISCARD
int id
Definition: track_vot.hpp:63
virtual ~BaseOCR()
Definition: ocr.hpp:95
@ COLOR_RGB2YUV_IYUV
Definition: imgproc.hpp:735
@ COLOR_YUV2RGB_YUYV
Definition: imgproc.hpp:705
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.
std::string name
Definition: or_sun.hpp:63
double maxErroneousBitsInBorderRate
Definition: aruco.hpp:173
Definition: all_layers.hpp:584
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
Projector makeProjector() const
Definition: intrinsics.hpp:71
Ptr< Stitcher > createStitcherScans(bool try_use_gpu=false)
cv::Size getMinObjectSize() const
Definition: detection_based_tracker.hpp:88
void setExceptionMode(bool enable)
Definition: videoio.hpp:894
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
std::map< int, String > _labelsInfo
Definition: face.hpp:371
uint64 saturate_cast< uint64 >(schar v)
Definition: saturate.hpp:152
std::tuple< GMat, GMat > GMat2
Definition: imgproc.hpp:51
Abstract base class for TrackerContribFeature that represents the feature.
Definition: tracking_internals.hpp:267
virtual void setSpekleRemovalTechnique(int factor)=0
Impl * p
Definition: async.hpp:99
static const constexpr bool is_same
Definition: variant.hpp:28
Definition: infer.hpp:337
AutoBuffer()
the default constructor
illuminationType illumination
Definition: gr_skig.hpp:100
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
Definition: track_vot.hpp:61
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
@ GAMMA
Definition: ml.hpp:671
GMat UV(const cv::GFrame &frame)
Extracts UV plane from media frame.
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: ie.hpp:128
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:1454
@ OPTFLOW_FARNEBACK_GAUSSIAN
Definition: tracking.hpp:58
bool holds() const
Definition: gopaque.hpp:97
Ptr< StrongClassifierDirectSelection > boostClassifier
Definition: tracking_internals.hpp:605
float getCls(int si) const
Definition: feature.hpp:188
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.
@ StsUnmatchedFormats
formats of input/output arrays differ
Definition: base.hpp:105
virtual int getSpekleRemovalTechnique() const =0
int nbrOfPeriods
Definition: sinusoidalpattern.hpp:87
__device__ __forceinline__ float1 sqrt(const uchar1 &a)
Definition: vec_math.hpp:222
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:99
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
@ ARO_45_135
Definition: fast_hough_transform.hpp:71
@ CPU_AVX512_ICL
Ice Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI/VBMI2/BITALG/VPOPCNTDQ.
Definition: cvdef.h:339
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
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.
@ ROTATE_180
Rotate 180 degrees clockwise.
Definition: core.hpp:1074
Definition: onlineBoosting.hpp:266
Definition: call_meta_data.hpp:8
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.
GMatDesc withSizeDelta(cv::Size delta) const
Definition: gmat.hpp:123
TYPECHART
enum to hold the type of the checker
Definition: checker_model.hpp:46
float pca_learning_rate
compression learning rate
Definition: tracking.hpp:126
@ NCV_INVALID_SCALE
Definition: NCV.hpp:330
@ is_reference
Definition: type_traits.hpp:139
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
@ StsError
unknown /unspecified error
Definition: base.hpp:71
bool getFacesHAAR(InputArray image, OutputArray faces, const String &face_cascade_name)
Definition: ir_robot.hpp:70
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
@ OAST_9_16
Definition: features2d.hpp:604
GpuMat & setTo(Scalar s)
sets some of the GpuMat elements to s (Blocking call)
@ MODIFY_A
Definition: core.hpp:2649
virtual ~BaseClassifier()
@ TYPE_9_16
Definition: features2d.hpp:544
bool globalPooling
Flag is true if at least one of the axes is global pooled.
Definition: all_layers.hpp:251
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:22
const typedef Scalar & const_param_type
Definition: core.hpp:3286
Ptr< LearningBasedWB > createLearningBasedWB(const String &path_to_model=String())
Creates an instance of LearningBasedWB.
double Py
Definition: gr_chalearn.hpp:67
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: cudafeatures2d.hpp:452
@ INITIAL_METHOD_WHITE_BALANCE
Definition: ccm.hpp:69
#define CV_CUDEV_YUV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:119
static constexpr const char * tag()
Definition: infer.hpp:358
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.
@ CAP_PROP_XI_FREE_FFS_SIZE
Size of free camera FFS.
Definition: videoio.hpp:522
A class to find the positions of the ColorCharts in the image.
Definition: checker_detector.hpp:129
Definition: ir_robot.hpp:65
unsigned right
Definition: sparse_matching_gpc.hpp:162
const Vec2d & getFocalLength() const
Definition: types.hpp:225
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:596
vint8mf4_t()
Definition: intrin_rvv.hpp:143
@ SFM_DISTORTION_MODEL_DIVISION
Definition: simple_pipeline.hpp:53
std::string nameUser
Definition: gr_chalearn.hpp:77
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:110
int Lc
Quantized levels per 'color' component. Power of two, typically 32, 64 or 128.
Definition: cudalegacy.hpp:156
void subMatrix(const Mat &src, Mat &dst, const std::vector< int > &cols, const std::vector< int > &rows)
Definition: infer.hpp:299
MatStep step
Definition: mat.hpp:2119
GComputation class represents a captured computation graph. GComputation objects form boundaries for ...
Definition: gcomputation.hpp:119
@ ROTATE_90_CLOCKWISE
Rotate 90 degrees clockwise.
Definition: core.hpp:1073
void findContours(InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:835
@ COLOR_YUV2GRAY_YUY2
Definition: imgproc.hpp:720
Definition: goclkernel.hpp:87
int numOfOctave_
Definition: descriptor.hpp:193
This is for calculation of the LSBP descriptors.
Definition: bgsegm.hpp:276
Definition: gfluidkernel.hpp:169
double class_prob
Definition: core_detect.hpp:31
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: onnx.hpp:96
int targetWidth
Definition: tracking.detail.hpp:205
int doubleFPConfig() const
@ OpenCLNoAMDBlasFft
Definition: base.hpp:123
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
GFrame yieldFrame(int output=0)
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
int featSize
Definition: feature.hpp:156
void gather(std::vector< T * > &data) const
Get data from all threads.
Definition: tls.hpp:108
void reset()
Definition: garray.hpp:267
void assertNormal(_Tp eps=CV_QUAT_EPS) const
to throw an error if this quaternion is not a unit quaternion.
@ CAP_OPENNI_QVGA_60HZ
Definition: videoio.hpp:316
@ CAP_PVAPI_DECIMATION_2OUTOF4
2 out of 4 decimation
Definition: videoio.hpp:354
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
void computeNMChannels(InputArray _src, OutputArrayOfArrays _channels, int _mode=ERFILTER_NM_RGBLGrad)
Compute the different channels to be processed independently in the N&M algorithm .
@ CV_DENSE_CENSUS
Definition: descriptor.hpp:13
@ COLOR_BayerGR2RGB_VNG
Definition: imgproc.hpp:772
int width
width of the rectangle
Definition: types.hpp:60
virtual ~Function()
Definition: optim.hpp:66
@ CAP_PROP_XI_CMS
Mode of color management system.
Definition: videoio.hpp:441
@ CAP_PROP_FOCUS
Definition: videoio.hpp:165
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...
@ CAP_PROP_SPEED
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:616
Mat _eigenvalues
Definition: core.hpp:2625
@ COLOR_BGR2YUV_IYUV
Definition: imgproc.hpp:736
float nmsThreshold
Definition: all_layers.hpp:605
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:404
SelectIf< type_traits_detail::IsSimpleParameter< unqualified_type >::value, T, typename type_traits_detail::AddParameterType< T >::type >::type parameter_type
Definition: type_traits.hpp:150
float trimRatio() const
Definition: stabilizer.hpp:90
@ COLOR_BGR5552GRAY
Definition: imgproc.hpp:582
virtual int getMode() const =0
void distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha=0)
Distorts 2D points using fisheye model.
int rows
Definition: interpolation.hpp:367
Class encapsulating training data.
Definition: ml.hpp:145
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:411
OCRHolisticWordRecognizer class provides the functionallity of segmented wordspotting....
Definition: ocr.hpp:536
@ COLOR_YUV2RGB_NV21
Definition: imgproc.hpp:643
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:2842
void sub16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
Definition: limits.hpp:58
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
int m_selectedClassifier
Definition: onlineBoosting.hpp:146
std::tuple< Args... > InArgs
Definition: infer.hpp:207
v_float32 vx_load_expand(const float16_t *ptr)
Definition: intrin.hpp:649
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:488
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:79
Types
Definition: ml.hpp:1359
Definition: reduction.hpp:108
int Lcc
Quantized levels per 'color co-occurrence' component. Power of two, typically 16, 32 or 64.
Definition: cudalegacy.hpp:161
Definition: functional.hpp:243
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
void matchTemplate(InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
Compares a template against overlapped image regions.
The FLANN nearest neighbor index class. This class is templated with the type of elements for which t...
Definition: flann.hpp:170
@ CAP_PROP_XI_LENS_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_LENS_FEATURE.
Definition: videoio.hpp:477
void write(FileStorage &fs, const int &value)
Definition: persistence.hpp:897
void calcNormDiff(InputArray src1, InputArray src2, OutputArray dst, int normType=NORM_L2, Stream &stream=Stream::Null())
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)
Flann-based descriptor matcher.
Definition: features2d.hpp:1246
uchar * value_type
Definition: mat.hpp:3018
Quat< _Tp > atanh() const
return arctanh value of this quaternion, arctanh could be calculated as:
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
@ MOTION_EUCLIDEAN
Definition: tracking.hpp:263
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
Definition: gkernel.hpp:65
Mat preProcessedFrame_
Definition: stabilizer.hpp:130
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:194
const std::vector< Mat > * motions_
Definition: inpainting.hpp:97
bool testCharucoCornersCollinear(const Ptr< CharucoBoard > &_board, InputArray _charucoIds)
test whether the ChArUco markers are collinear
_Mutex Mutex
Definition: lock.private.hpp:47
__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
double confidence
Definition: calib3d.hpp:555
#define OPENCV_HAL_IMPL_ARITHM_OP(func, bin_op, cast_op, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:913
Definition: functional.hpp:352
std::function< void(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)> IS
Definition: gfluidkernel.hpp:59
size_t size
Definition: cuda.hpp:355
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
@ SOLVEPNP_P3P
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:459
@ CAP_PROP_EXPOSUREPROGRAM
Camera exposure program.
Definition: videoio.hpp:618
const float retainedCornersFraction
Definition: pcaflow.hpp:100
std::tuple< R... > OutArgs
Definition: gkernel.hpp:220
std::vector< GTypeInfo > GTypesInfo
Definition: garg.hpp:253
__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
__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:68
Definition: all_layers.hpp:596
void addResourceLocation(const String &path)
const T & rref() const
Definition: gopaque.hpp:279
vint16mf2_t vwcvt_x_x_v_i16mf2(vint8mf4_t src)
Definition: intrin_rvv.hpp:215
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
@ COLOR_BGR2HLS_FULL
convert RGB/BGR to HLS (hue lightness saturation) with H range 0..255 if 8 bit image,...
Definition: imgproc.hpp:617
NormTypes
Definition: base.hpp:159
float b
Definition: warpers.hpp:411
CpuFeatures
Available CPU features.
Definition: cvdef.h:293
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
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:721
detail::ParamDesc desc
Definition: onnx.hpp:190
Definition: python.hpp:20
void convertToGLTexture2D(InputArray src, Texture2D &texture)
Converts InputArray to Texture2D object.
void SVD32f(float *At, size_t astep, float *W, float *U, size_t ustep, float *Vt, size_t vstep, int m, int n, int flags)
void convertScaleAbs(InputArray src, OutputArray dst, double alpha=1, double beta=0)
Scales, calculates absolute values, and converts the result to 8-bit.
@ INTERP_RIC
Definition: rlofflow.hpp:34
void v_rshr_pack_store(uchar *ptr, const v_reg< ushort, n > &a)
Definition: intrin_cpp.hpp:3072
float getError(int curWeakClassifier)
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
T type
Definition: garray.hpp:333
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
@ channels
Definition: matx.hpp:105
unsigned long oversampling_amount
oversampling_amount stores number of initialisations used to create training samples.
Definition: face_alignment.hpp:29
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:560
Base class for all blenders.
Definition: blenders.hpp:63
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:603
Op::result_type result_type
Definition: tuple_adapter.hpp:80
@ EVENT_MBUTTONDOWN
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:214
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...
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:815
@ MORPH_ELLIPSE
Definition: imgproc.hpp:235
void setMaxDepth(double val)
Definition: depth.hpp:937
Definition: intrin_rvv.hpp:483
Definition: facemarkAAM.hpp:50
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:431
@ MODE_HH
Definition: stereo.hpp:202
virtual cv::GKernelImpl impl() const =0
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.
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:3482
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
@ CAP_PROP_GSTREAMER_QUEUE_LENGTH
Default is 1.
Definition: videoio.hpp:325
std::vector< size_t > strides
Definition: all_layers.hpp:215
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
static int getNextId()
Definition: detection_based_tracker.hpp:197
This class represents color in BGR order.
Definition: types.hpp:63
NCVStatus nppsStCompact_32f(Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
@ NPPST_TEXTURE_BIND_ERROR
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
Definition: warpers.hpp:587
@ WINDOW_KEEPRATIO
the ratio of the image is respected.
Definition: highgui.hpp:193
int preferredVectorWidthDouble() const
#define N_BINS
Definition: feature.hpp:82
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.
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:624
_Tp value_type
Definition: mat.hpp:3083
#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:66
Definition: optical_flow.hpp:180
unsigned long long Ncv64u
Definition: NCV.hpp:124
@ SFM_IO_THEIASFM
Definition: io.hpp:62
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
@ CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio.hpp:292
virtual int getSmallerBlockSize() const =0
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...
@ COLORMAP_WINTER
Definition: imgproc.hpp:4315
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
@ CAP_PROP_SETTINGS
Pop up video/camera filter dialog (note: only supported by DSHOW backend currently....
Definition: videoio.hpp:173
void fourierDescriptor(InputArray src, OutputArray dst, int nbElt=-1, int nbFD=-1)
Fourier descriptors for planed closed curves.
@ QUAD_STRIP
Definition: opengl.hpp:487
void v_store_aligned_nocache(_Tp *ptr, const v_reg< _Tp, n > &a)
Definition: intrin_cpp.hpp:2261
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
This structure represents a polygon to draw.
Definition: render_types.hpp:297
std::vector< cv::Rect > rois
Definition: gfluidkernel.hpp:111
MatAllocator * getOpenCLAllocator()
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:291
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 ...
double nu30
Definition: types.hpp:951
This class represents high-level API for classification models.
Definition: dnn.hpp:1199
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking_legacy.hpp:123
int err
Definition: imgproc.hpp:4860
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
@ COLOR_BayerGB2BGR
Definition: imgproc.hpp:749
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.
OpenCLExecutionContextScope(const OpenCLExecutionContext &ctx)
Definition: ocl.hpp:840
@ MOTION_TRANSLATION
Definition: tracking.hpp:262
G_TYPED_KERNEL(GAdd,< GMat(GMat, GMat, int)>, "org.opencv.core.math.add")
Definition: core.hpp:38
Definition: structured_edge_detection.hpp:65
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: large_kinfu.hpp:57
Vec3d findMedian3(InputArray mat)
#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:2219
@ NCVMemoryTypeHostPinned
Definition: NCV.hpp:431
Definition: gproto.hpp:57
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:474
int getDepth()
Definition: utility.hpp:1116
@ CAP_PROP_DC1394_MAX
Definition: videoio.hpp:253
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3708
Definition: descriptor.hpp:720
@ COVAR_USE_AVG
Definition: core.hpp:193
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:100
@ COLOR_HLS2BGR
backward conversions HLS to RGB/BGR with H range 0..180 if 8 bit image
Definition: imgproc.hpp:612
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
Converts an array to another data type with optional scaling.
bool throwOnFail
Definition: videoio.hpp:923
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
__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:1434
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
float photoreceptorsTemporalConstant
Definition: retina.hpp:162
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
float16_t()
Definition: cvdef.h:848
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:126
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:1248
@ COLOR_BayerGB2BGR_VNG
Definition: imgproc.hpp:765
cv::GOpaqueDesc m_desc
Definition: gopaque.hpp:121
Impl * p
Definition: ocl.hpp:502
virtual ~Mapper(void)
Definition: mapper.hpp:57
@ CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Device output data bit depth.
Definition: videoio.hpp:430
int lt
The Type of the circle boundary. See LineTypes.
Definition: render_types.hpp:190
RLOFOpticalFlowParameter()
Definition: rlofflow.hpp:66
Definition: all_layers.hpp:357
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())
The model of AAM Algorithm.
Definition: facemarkAAM.hpp:106
void threshold(InputArray src, OutputArray rlDest, double thresh, int type)
Applies a fixed-level threshold to each array element.
Definition: rapid.hpp:147
Flags
Definition: core.hpp:2646
virtual ~TextDetector()
Definition: textDetector.hpp:31
GArray< Rect > GRects
Definition: parsers.hpp:19
Size2i Size
Definition: types.hpp:347
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
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
@ CAP_PROP_XI_DOWNSAMPLING
Change image resolution by binning or skipping.
Definition: videoio.hpp:377
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1086
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 ...
@ CAP_PROP_SHARPNESS
Definition: videoio.hpp:157
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
void pushFrameSize(size_t elem)
Definition: container_avi.private.hpp:172
size_t remaining() const
returns the number of remaining (not read yet) elements
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:191
@ CAP_PROP_OPENNI_FOCAL_LENGTH
In pixels.
Definition: videoio.hpp:273
size_t blockSize
Definition: persistence.hpp:690
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
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 void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
unsigned int m_stream_id
Definition: container_avi.private.hpp:125
static GCompoundKernel kernel()
Definition: gcompoundkernel.hpp:120
VectorRef(const std::vector< T > &vec)
Definition: garray.hpp:249
RAII-class to call finalShow() in it's dtor.
Definition: final_show.hpp:36
typename ProtoToParam< T >::type ProtoToParamT
Definition: gtyped.hpp:31
void fastAtan32f(const float *y, const float *x, float *dst, int n, bool angleInDegrees)
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:99
int cols
Definition: warping.hpp:127
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:413
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
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:188
GArgs m_results
Definition: gcompoundkernel.hpp:37
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.detail.hpp:171
#define CV_CheckLE(v1, v2, msg)
Definition: check.hpp:116
OptRef< cv::detail::VectorRef > OptionalVectorRef
Definition: gstreaming.hpp:60
int distortion_model
Definition: simple_pipeline.hpp:107
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:122
@ CALIB_FIX_K3
Definition: calib3d.hpp:3772
v_reg< _Tp, n > v_broadcast_element(const v_reg< _Tp, n > &a)
Broadcast i-th element of vector.
Definition: intrin_cpp.hpp:2416
@ COLOR_SPACE_REC_709_RGBL
https://en.wikipedia.org/wiki/Rec._709 , linear RGB color space
Definition: ccm.hpp:107
std::vector< VideoCaptureAPIs > getWriterBackends()
Returns list of available backends which works via cv::VideoWriter()
@ COLOR_BayerRG2BGR
Definition: imgproc.hpp:750
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.
float interp_factor
linear interpolation factor for adaptation
Definition: tracking.hpp:124
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)
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
void essentialFromRt(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray E)
Get Essential matrix from Motion (R's and t's ).
int extract_threshold
Definition: linemod.hpp:235
Mat row(int y) const
Creates a matrix header for the specified matrix row.
Definition: reduction.hpp:130
double dot(InputArray m) const
Computes a dot-product of two vectors.
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:518
__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.
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
v_int32x4()
Definition: intrin_rvv.hpp:394
double Mahalanobis(InputArray v1, InputArray v2, InputArray icovar)
Calculates the Mahalanobis distance between two vectors.
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs, GCompileArgs &&args)
Definition: gtyped.hpp:156
#define CV_MAJOR_VERSION
Definition: version.hpp:22
bool isNVidia() const
Definition: ocl.hpp:193
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.
void setUseInstrumentation(bool flag)
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 .
@ COLOR_RGBA2mRGBA
alpha premultiplication
Definition: imgproc.hpp:729
@ FEATURE_SET_COMPUTE_32
Definition: cuda.hpp:997
void sqrt64f(const double *src, double *dst, int len)
void detectWithDescriptors(const GpuMat &img, const GpuMat &mask, GpuMat &keypoints, GpuMat &descriptors, bool useProvidedKeypoints=false)
Finds the keypoints and computes their descriptors using fast hessian detector used in SURF.
Definition: cuda.hpp:171
@ CPU_AVX_512VBMI2
Definition: cvdef.h:317
@ LAPLACIAN_ROW
Definition: cuda.hpp:93
Definition: frame_source.hpp:72
~ERStat()
Destructor.
Definition: erfilter.hpp:72
Linear Discriminant Analysis.
Definition: core.hpp:2562
@ CAP_INTELPERC
RealSense (former Intel Perceptual Computing SDK)
Definition: videoio.hpp:112
SizeArray size
shape of this array
Definition: cuda.hpp:519
float getConfidenceOfDetection(int detectionIdx)
@ COLOR_BayerGR2BGR_EA
Definition: imgproc.hpp:778
@ COLOR_YUV2BGRA_YUNV
Definition: imgproc.hpp:717
GBackend backend() const
Definition: onnx.hpp:91
@ COLOR_BayerGR2RGB_MHT
Definition: cudaimgproc.hpp:103
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:219
@ COLOR_BayerBG2RGB_MHT
Definition: cudaimgproc.hpp:100
@ CAP_PVAPI_FSTRIGMODE_SYNCIN1
SyncIn1.
Definition: videoio.hpp:346
void cvtBGRtoXYZ(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
v_reg< int, n > v_ceil(const v_reg< float, n > &a)
Ceil elements.
Definition: intrin_cpp.hpp:2465
String tempfile(const char *suffix=0)
int initialFrame
Definition: gr_chalearn.hpp:62
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...
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:578
Parameters for the detectMarker process:
Definition: checker_detector.hpp:99
std::vector< int > icpIterations
Definition: kinfu.hpp:151
int AnchorThresholdValue
threshold value used to create gradient image.
Definition: edge_drawing.hpp:54
std::vector< Point2f > s0
the basic shape obtained from training dataset
Definition: facemarkAAM.hpp:141
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:64
@ NU
Definition: ml.hpp:673
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
LSDParam()
Definition: descriptor.hpp:710
float coeffObjectSizeToTrack
Definition: detection_based_tracker.hpp:173
LocalBinarizationMethods
Specifies the binarization method to use in cv::ximgproc::niBlackThreshold.
Definition: ximgproc.hpp:121
@ COLOR_HSV2RGB_FULL
Definition: imgproc.hpp:621
v_int64x8 v512_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2870
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:223
@ INT_XYX
Intrinsic rotations with the Euler angles type X-Y-X.
Definition: quaternion.hpp:106
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
@ CAP_PROP_IMAGES_LAST
Definition: videoio.hpp:633
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:139
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
void fastFree(void *ptr)
Deallocates a memory buffer.
R Result
Definition: infer.hpp:210
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
Uses resized image as descriptor.
Definition: tracking_by_matching.hpp:106
@ COLOR_BGR5652RGB
Definition: imgproc.hpp:563
ObjectStatus status
Definition: detection_based_tracker.hpp:149
float icpAngleThresh
Definition: kinfu.hpp:149
void merge8u(const uchar **src, uchar *dst, int len, int cn)
@ CAP_PROP_GUID
Definition: videoio.hpp:166
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:789
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:661
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
@ IMWRITE_EXR_COMPRESSION_B44A
lossy 4-by-4 pixel block compression, flat fields are compressed more
Definition: imgcodecs.hpp:122
@ SOLVEPNP_IPPE_SQUARE
Definition: calib3d.hpp:467
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:192
Definition: sr_div2k.hpp:23
float2 value_type
Definition: warping.hpp:109
__host__ Expr< DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivY_(const SrcPtr &src)
Definition: deriv.hpp:72
int getType() const
Definition: agast.txt:7530
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:724
Definition: msm_middlebury.hpp:60
void setLog(Ptr< ILog > ilog)
Definition: stabilizer.hpp:71
std::string original_image
Definition: fr_adience.hpp:70
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:126
Exposure compensator which tries to remove exposure related artifacts by adjusting image block on eac...
Definition: exposure_compensate.hpp:231
Mat _eigenvalues
Definition: facerec.hpp:50
VectorRef(std::vector< T > &vec)
Definition: garray.hpp:253
@ StsParseError
invalid syntax/structure of the parsed file
Definition: base.hpp:112
GScalar normL1(const GMat &src)
Calculates the absolute L1 norm of a matrix.
Definition: core.hpp:3076
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.
void drawFacemarks(InputOutputArray image, InputArray points, Scalar color=Scalar(255, 0, 0))
Utility to draw the detected facial landmark points.
@ COLOR_YUV2BGR_YUY2
Definition: imgproc.hpp:702
Feature2D DescriptorExtractor
Definition: features2d.hpp:242
Definition: stabilizer.hpp:66
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)
VariableTypes
Variable types.
Definition: ml.hpp:81
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
@ NPPST_MEM_RESIDENCE_ERROR
Memory residence error detected (check if pointers should be device or pinned)
Definition: NCV.hpp:369
@ WMF_OFF
unweighted
Definition: weighted_median_filter.hpp:71
int largeWinSize
Definition: rlofflow.hpp:107
MatchQuasiDense()
Definition: quasi_dense_stereo.hpp:33
@ CALIB_CB_LARGER
Definition: calib3d.hpp:486
T thresh
Definition: functional.hpp:773
float aprilTagCriticalRad
Definition: aruco.hpp:184
int background_ratio
Definition: tracking.hpp:67
Ptr< FrameSource > createFrameSource_Empty()
@ DISTANCE_CIE94_GRAPHIC_ARTS
The 1976 definition was extended to address perceptual non-uniformities.
Definition: ccm.hpp:347
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
MatStep step
Definition: mat.hpp:2579
GpuMat getBuffer(Size size, int type)
Allocates a new GpuMat of given size and type.
Definition: cuda.hpp:698
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:539
Definition: wobble_suppression.hpp:60
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
static void help_reset(gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:250
This class represents a mouse event.
Definition: types.hpp:310
char person
Definition: gr_skig.hpp:98
GMat cmpEQ(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are equal ...
@ BadModelOrChSeq
Definition: base.hpp:83
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
@ VIDEO_ACCELERATION_MFX
libmfx (Intel MediaSDK/oneVPL)
Definition: videoio.hpp:236
void FT12D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -transfrom.
Definition: gcompoundkernel.hpp:89
BackgroundSubtractorParams(BackgroundSubtractorType op, int histLength, double thrshld, bool detect, double lRate)
Definition: video.hpp:139
@ RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:445
int cvTrunc(const cv::softfloat &a)
Truncates number to integer with minimum magnitude.
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:110
@ COLOR_YUV2RGBA_UYVY
Definition: imgproc.hpp:692
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
Definition: gcompoundkernel.hpp:53
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:618
Simple TLS data class.
Definition: tls.hpp:63
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
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:124
@ INT_XZX
Intrinsic rotations with the Euler angles type X-Z-X.
Definition: quaternion.hpp:107
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:1080
Definition: warpers.hpp:332
SamplingMethod
Definition: calib3d.hpp:545
Intr scale(int pyr) const
Definition: intrinsics.hpp:65
@ NPPST_MEM_INTERNAL_ERROR
Internal memory management error.
Definition: NCV.hpp:370
void storeKind()
Definition: garray.hpp:113
StereoOutputFormat
Definition: stereo.hpp:17
Definition: optical_flow.hpp:61
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)
Definition: type_traits.hpp:64
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...
cv::GRunArgs getRunArgs(const std::vector< char > &p)
const cv::GTypesInfo & out_info
Definition: python.hpp:24
bool verbose
show the training print-out
Definition: facemarkLBF.hpp:62
const int * ascii
font data and metrics
Definition: highgui.hpp:717
retina model parameters structure
Definition: retina.hpp:149
Definition: all_layers.hpp:233
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.
int minContourPointsAllowed
Definition: checker_detector.hpp:118
static size_t alignSize(size_t sz, int n)
Aligns a buffer size to the specified number of bytes.
Definition: utility.hpp:470
int borderX
Definition: quasi_dense_stereo.hpp:45
@ MAX_ITER
ditto
Definition: types.hpp:861
int stages_n
number of refinement stages
Definition: facemarkLBF.hpp:70
Definition: instrumentation.hpp:60
double getMeanMs() const
Definition: instrumentation.hpp:93
Definition: functional.hpp:622
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
@ COLOR_BGRA2YUV_IYUV
Definition: imgproc.hpp:741
@ TRAIN_ERROR
Definition: ml.hpp:92
int LU(float *A, size_t astep, int m, float *b, size_t bstep, int n)
GArray< GArray< Point > > findContours(const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset)
Finds contours in a binary image.
@ COLOR_mRGBA2RGBA
Definition: imgproc.hpp:730
static const plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:81
int p0
Definition: feature.hpp:327
Feature f
Definition: linemod.hpp:95
double m_fps
Definition: container_avi.private.hpp:131
const cv::UMat & matchingMask() const
Definition: stitching.hpp:217
@ NPPST_MEMCPY_ERROR
CUDA memory copy error.
Definition: NCV.hpp:360
Mat estimateGlobalMotionRansac(InputArray points0, InputArray points1, int model=MM_AFFINE, const RansacParams ¶ms=RansacParams::default2dMotion(MM_AFFINE), float *rmse=0, int *ninliers=0)
Estimates best global motion between two 2D point clouds robustly (using RANSAC method).
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
@ CAP_PROP_XI_GAMMAC
Chromaticity gamma.
Definition: videoio.hpp:446
const uchar * dataend
Definition: cuda.hpp:800
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:326
int psRoiOutChannels
Definition: all_layers.hpp:264
Size_< int64 > Size2l
Definition: types.hpp:344
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.
MarkerTypes
Definition: imgproc.hpp:837
LogLevel setLogLevel(LogLevel logLevel)
float getScale() const
Definition: warpers.hpp:129
std::vector< int > startIdxs
Definition: features2d.hpp:1171
virtual ~Callback()
Definition: erfilter.hpp:130
static const unsigned char popCountTable[]
Definition: intrin_cpp.hpp:800
v_uint64 vx_setzero_u64()
Definition: intrin.hpp:520
@ ARO_315_0
Definition: fast_hough_transform.hpp:69
TermCriteria termcrit
Definition: features2d.hpp:1457
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.
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
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
std::vector< pose > posesArray
Definition: slam_kitti.hpp:71
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
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
@ block_size_y
Definition: copy.hpp:353
Kalman filter class.
Definition: tracking.hpp:360
@ ANGLE_ROW
Definition: cuda.hpp:96
#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:993
const Vec2d & getFov() const
Definition: types.hpp:221
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
Definition: ir_affine.hpp:67
@ CAP_OPENNI_QVGA_30HZ
Definition: videoio.hpp:315
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1587
Rect dst_roi_
Definition: blenders.hpp:95
__device__ __forceinline__ uint vcmpne4(uint a, uint b)
Definition: simd_functions.hpp:823
KeyLine()
Definition: descriptor.hpp:168
void split16u(const ushort *src, ushort **dst, int len, int cn)
void writeCloud(const String &file, InputArray cloud, InputArray colors=noArray(), InputArray normals=noArray(), bool binary=false)
Read/write clouds. Supported formats: ply, xyz, obj and stl (readonly)
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:112
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
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
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.
void dilate(InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Dilates an image by using a specific structuring element.
Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
Impl * p
Definition: async_promise.hpp:65
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.
@ CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio.hpp:264
MatIterator_< _Tp > iterator
Definition: mat.hpp:2192
@ THRESH_TRIANGLE
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:328
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:937
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:881
@ CAP_PROP_XI_ACQ_TIMING_MODE
Type of sensor frames timing.
Definition: videoio.hpp:490
Op::first_argument_type arg1
Definition: functional.hpp:983
char label
Definition: or_mnist.hpp:62
NCVStatus nppiStTranspose_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
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.
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.
This class represents high-level API for object detection networks.
Definition: dnn.hpp:1294
AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:15
@ CAP_PROP_XI_FRAMERATE
Define framerate in Hz.
Definition: videoio.hpp:487
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...
std::deque< TrackedObject > TrackedObjects
Definition: tracking_by_matching.hpp:65
const Size basisSize
Definition: pcaflow.hpp:98
Net readNetFromModelOptimizer(const String &xml, const String &bin)
Load a network from Intel's Model Optimizer intermediate representation.
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
void parallel_for_(const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
Parallel data processor.
__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
ElseType type
Definition: type_traits.hpp:102
@ COLOR_BayerBG2RGB_VNG
Definition: imgproc.hpp:769
int backendId
Backend identifier.
Definition: dnn.hpp:184
Mat sum
Definition: feature.hpp:293
@ COLOR_YUV2BGR
Definition: imgproc.hpp:637
@ CAP_OPENNI2_ASTRA
OpenNI2 (for Orbbec Astra)
Definition: videoio.hpp:116
@ IMWRITE_EXR_TYPE
Definition: imgcodecs.hpp:97
size_t ofs
Definition: persistence.hpp:624
Definition: randpattern.hpp:160
int width
Definition: or_pascal.hpp:82
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:261
void gatherData(std::vector< void * > &data) const
static void write(FileStorage &fs, const String &name, const KeyPoint &kpt)
Definition: persistence.hpp:1057
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
Reprojector makeReprojector() const
Definition: intrinsics.hpp:70
Definition: mapprojec.hpp:53
NCVStatus ncvGrowDetectionsVector_device(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale, cudaStream_t cuStream)
ParamTypes
SVM params type
Definition: ml.hpp:669
String msg
the formatted error message
Definition: core.hpp:138
VideoWriterProperties
cv::VideoWriter generic properties identifier.
Definition: videoio.hpp:196
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:90
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
@ CAP_PROP_OPENNI_BASELINE
In mm.
Definition: videoio.hpp:272
std::vector< int > MatShape
Definition: dnn.hpp:59
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
static const int MAX_PIXEL_VALUE_DEFAULT
Default maximum pixel value.
Definition: qualitypsnr.hpp:30
GraphEdge(int from, int to, float weight)
Definition: util.hpp:82
@ NCV_ALLOCATOR_DEALLOC_ORDER
Definition: NCV.hpp:336
int getNrFeeds()
Definition: exposure_compensate.hpp:127
Definition: interpolation.hpp:134
Definition: warpers.hpp:388
@ CAP_PROP_DC1394_MODE_AUTO
Definition: videoio.hpp:251
bool same
Definition: fr_lfw.hpp:63
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:119
schar elem_type
Definition: vec_traits.hpp:176
#define CV_CUDEV_RGB2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:59
Definition: frame_source.hpp:89
std::vector< T > host_type
Definition: gtype_traits.hpp:85
NCVStatus nppiStTranspose_32s_C1R(Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
virtual GMetaArg descr_of() const =0
static Quat< _Tp > createFromEulerAngles(const Vec< _Tp, 3 > &angles, QuatEnum::EulerAnglesType eulerAnglesType)
from Euler angles
bool overlapRoi(Point tl1, Point tl2, Size sz1, Size sz2, Rect &roi)
const uchar * sliceStart
Definition: mat.hpp:3069
PropagationParameters Param
Definition: quasi_dense_stereo.hpp:190
@ SF_GRAY
Definition: cudacodec.hpp:80
@ COLOR_COLORCVT_MAX
Definition: imgproc.hpp:796
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
@ IMAGE
G-API traits an associated cv::Mat as an image so creates an "image" blob (NCHW/NHWC,...
void resizeWindow(const String &winname, int width, int height)
Resizes the window to the specified size.
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:3054
@ BadCallBack
Definition: base.hpp:91
Definition: warpers.hpp:187
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:305
Vec< double, 6 > Vec6d
Definition: matx.hpp:435
@ ARO_0_45
Definition: fast_hough_transform.hpp:66
@ rows
Definition: matx.hpp:103
@ BadDataPtr
Definition: base.hpp:81
Op op
Definition: functional.hpp:1003
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
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....
@ CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio.hpp:280
bool gammaCorrection
Flag to specify whether the gamma correction preprocessing is required or not.
Definition: objdetect.hpp:614
Interface for implementations of Fast Bilateral Solver.
Definition: edge_filter.hpp:382
@ CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Buffer size in bytes sufficient for output image returned by xiGetImage.
Definition: videoio.hpp:482
@ CAP_PROP_HW_DEVICE
(open-only) Hardware device index (select GPU if multiple available)
Definition: videoio.hpp:187
void drawSearchLines(InputOutputArray img, InputArray locations, const Scalar &color)
@ CPU_RVV
Definition: cvdef.h:331
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
@ CAP_PROP_XI_HDR_T2
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:513
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:339
@ CAP_PROP_ORIENTATION_AUTO
if true - rotates output frames of CvCapture considering video file's metadata (applicable for FFmpeg...
Definition: videoio.hpp:185
v_reg< uchar, 2 *n > v_pack_u(const v_reg< short, n > &a, const v_reg< short, n > &b)
Definition: intrin_cpp.hpp:2983
std::vector< UMat > images_
Definition: seam_finders.hpp:100
@ ST_STANDART
Definition: rlofflow.hpp:24
float convex_hull_ratio
Definition: erfilter.hpp:90
float hscale
Definition: highgui.hpp:720
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
static constexpr const char * id()
Definition: infer.hpp:278
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
cv::Mat getIterationCounts() const
Definition: depth.hpp:684
Mat AA0
average of gray values from all erorded face region in the dataset
Definition: facemarkAAM.hpp:125
std::string path
The path to the font file (.ttf)
Definition: render_types.hpp:33
Mode
Definition: stitching.hpp:160
static _Tp saturate_cast(uchar v)
Template function for accurate conversion from one primitive type to another.
Definition: saturate.hpp:80
@ OCL_VECTOR_OWN
Definition: ocl.hpp:671
@ CAP_PROP_GAIN
Gain of the image (only for those cameras that support).
Definition: videoio.hpp:150
@ CAP_PROP_HW_ACCELERATION
(open-only) Hardware acceleration type (see VideoAccelerationType). Setting supported only via params...
Definition: videoio.hpp:186
@ COLOR_XYZ2RGB
Definition: imgproc.hpp:587
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracking.detail.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< 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.
typename ProtoToMeta< T >::type ProtoToMetaT
Definition: gtyped.hpp:38
static softdouble fromRaw(const uint64_t a)
Construct from raw.
Definition: softfloat.hpp:243
@ channels
Definition: matx.hpp:346
@ COLOR_BayerBG2RGBA
Definition: imgproc.hpp:791
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:144
Definition: infer.hpp:288
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
Definition: gr_skig.hpp:94
@ CAP_INTELPERC_GENERATORS_MASK
Definition: videoio.hpp:589
FeatureType
Definition: feature.hpp:143
GAPI_WRAP GMatDesc(int d, std::vector< int > &&dd)
Definition: gmat.hpp:91
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).
BorderTypes
Definition: base.hpp:268
#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:70
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
@ NCV_HAAR_TOO_LARGE_FEATURES
Definition: NCV.hpp:346
static Ptr< MapAffine > toAffine(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:82
Size_ & operator=(const Size_ &sz)
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
@ IMWRITE_EXR_COMPRESSION_PXR24
lossy 24-bit float compression
Definition: imgcodecs.hpp:120
virtual const void * ptr() const override
Definition: gopaque.hpp:219
@ COLOR_YUV2RGB_Y422
Definition: imgproc.hpp:687
std::vector< VideoCaptureAPIs > getStreamBackends()
Returns list of available backends which works via cv::VideoCapture(filename)
@ 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
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:60
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
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.
float coeffTrackingWindowSize
Definition: detection_based_tracker.hpp:172
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 ...
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:233
void set(int prop, double value)
Definition: agast.txt:7503
std::vector< FeatureHaar > features
Definition: feature.hpp:292
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1796
#define GAPI_DbgAssert(expr)
Definition: assert.hpp:25
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
Definition: gcommon.hpp:35
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:222
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.
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:457
@ CAP_WINRT
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:111
int MinLineLength
minimun line length to detect.
Definition: edge_drawing.hpp:64
static cv::GArray< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:88
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:537
static Event wrapEvent(cudaEvent_t event)
T value_type
Definition: glob.hpp:64
void pushFrameOffset(size_t elem)
Definition: container_avi.private.hpp:171
OptRef< cv::detail::OpaqueRef > OptionalOpaqueRef
Definition: gstreaming.hpp:61
Ptr< StructuredEdgeDetection > createStructuredEdgeDetection(const String &model, Ptr< const RFFeatureGetter > howToGetFeatures=Ptr< RFFeatureGetter >())
#define CV_CREATE_MEMBER_CHECK(X)
Definition: traits.hpp:360
void fastAtan64f(const double *y, const double *x, double *dst, int n, bool angleInDegrees)
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:178
Base class for all global motion estimation methods.
Definition: global_motion.hpp:97
@ ALPHA_OVER_PREMUL
Definition: cudaimgproc.hpp:159
short lane_type
Definition: intrin_rvv.hpp:327
@ COLORMAP_COOL
Definition: imgproc.hpp:4320
@ MORPH_CLOSE
Definition: imgproc.hpp:218
Class used for extracting Speeded Up Robust Features (SURF) from an image. :
Definition: cuda.hpp:86
float index_type
Definition: interpolation.hpp:100
variant() noexcept
Definition: variant.hpp:243
@ CPU_FMA3
Definition: cvdef.h:305
uchar type
Definition: vec_traits.hpp:81
float num_inflexion_points
Definition: erfilter.hpp:91
const void * obj
Definition: ocl.hpp:423
@ COLOR_YUV2RGBA_IYUV
Definition: imgproc.hpp:666
@ DICT_5X5_100
Definition: dictionary.hpp:147
std::tuple< GMat, GMat, GMat > GMat3
Definition: imgproc.hpp:52
int to
Definition: util.hpp:78
Definition: is_bsds.hpp:60
T & unsafe_get()
Definition: garg.hpp:77
OpaqueKind
Definition: gcommon.hpp:42
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...
@ FONT_ITALIC
flag for italic font
Definition: imgproc.hpp:831
Definition: slam_kitti.hpp:65
double polynomial_k3
Definition: simple_pipeline.hpp:114
@ DISP_SHIFT
Definition: stereo.hpp:78
float flowErrorThreshold() const
Definition: inpainting.hpp:150
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:709
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:336
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:645
util::any params
Definition: infer.hpp:655
virtual void setSubPixelInterpolationMethod(int value)=0
@ LOG_LEVEL_INFO
Info message.
Definition: logger.defines.hpp:30
T maxVal
Definition: functional.hpp:717
~PyRotationWarper()
Definition: warpers.hpp:57
cv::GKernel::M Meta
Definition: python.hpp:43
@ CAP_PROP_XI_GPI_MODE
Set general purpose input mode.
Definition: videoio.hpp:384
::int32_t int32_t
Definition: cvdef.h:802
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:985
@ COLOR_HSV2BGR
backward conversions HSV to RGB/BGR with H range 0..180 if 8 bit image
Definition: imgproc.hpp:605
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
int pyramidLevels
Number of pyramid levels for ICP.
Definition: large_kinfu.hpp:60
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:61
GMat RGB2HSV(const GMat &src)
Converts an image from RGB color space to HSV. The function converts an input image from RGB color sp...
_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.
double confidence
Detection confidence level (-1 if N/A).
Definition: tracking_by_matching.hpp:35
@ COLOR_HLS2RGB_FULL
Definition: imgproc.hpp:623
int hal_ni_sqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:439
Cascade classifier class for object detection.
Definition: objdetect.hpp:224
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.
float index_type
Definition: interpolation.hpp:158
vint32mf2_t(const int *ptr)
Definition: intrin_rvv.hpp:85
Support Vector Machines.
Definition: ml.hpp:526
bool empty() const
Returns true if the array has no elements.
void setWeight3(float val)
Definition: motion_stabilizing.hpp:137
Definition: or_pascal.hpp:78
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
#define OPENCV_HAL_IMPL_RVV_MUL_EXPAND(_Tpvec, _Tpwvec, _Tpw, suffix, wmul, width)
Definition: intrin_rvv.hpp:2844
@ VIDEOWRITER_PROP_NSTRIPES
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:199
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:68
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.
Params< Net > & cfgInputReshape(std::string &&layer_name, std::vector< size_t > &&layer_dims)
Definition: ie.hpp:169
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)
This structure allows to customize the way how Fluid executes parallel regions.
Definition: gfluidkernel.hpp:139
void specifyType()
Definition: gopaque.hpp:104
void meanStdDev(InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
static T get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:89
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.
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking.detail.hpp:128
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
size_t size
Definition: NCV.hpp:453
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...
Point2f center
returns the rectangle mass center
Definition: types.hpp:530
std::string name
Definition: ir_robot.hpp:72
@ CAP_ANY
Auto detect == 0.
Definition: videoio.hpp:91
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:490
Base class for DFT operator as a cv::Algorithm. :
Definition: cudaarithm.hpp:852
void getShift(OutputArray shift) const
Definition: mapshift.hpp:89
Definition: gplaidmlkernel.hpp:15
Definition: depth.hpp:483
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:305
virtual void printAttrs() const
Definition: traits.hpp:80
DeblurerBase()
Definition: deblurring.hpp:62
@ COLOR_LBGR2Luv
Definition: imgproc.hpp:627
std::vector< Scalar > colors
List of randomly generated colors for bounding boxes display.
Definition: tracking_legacy.hpp:461
bool operator==(const TrackedObject &first, const TrackedObject &second)
Definition: detection_based_tracker.hpp:181
Definition: quaternion.hpp:55
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.
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
@ COLORMAP_CIVIDIS
Definition: imgproc.hpp:4329
UMat mapGLBuffer(const Buffer &buffer, AccessFlag accessFlags=ACCESS_READ|ACCESS_WRITE)
Maps Buffer object to process on CL side (convert to UMat).
std::vector< Target > getAvailableTargets(dnn::Backend be)
unsigned short ushort
Definition: interface.h:52
Impl & getImplRef() const
Definition: dnn.hpp:1188
v_uint64x2(uint64 v0, uint64 v1)
Definition: intrin_rvv.hpp:462
static String dumpCString(const char *argument)
Definition: bindings_utils.hpp:59
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:341
cv::Point center
The center of the circle.
Definition: render_types.hpp:186
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
v_int16x8(vint16m1_t v)
Definition: intrin_rvv.hpp:331
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
virtual ~PredictCollector()
Definition: predict_collector.hpp:64
TemplatesMap class_templates
Definition: linemod.hpp:402
@ NPPST_INVALID_STEP
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
cv::Mat to_ocv(Mat const &m)
Definition: convert.hpp:41
"Dual TV L1" Optical Flow Algorithm.
Definition: optflow.hpp:218
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
@ CAP_PROP_OPENNI_REGISTRATION
Definition: videoio.hpp:274
float textrureThreshold
Definition: quasi_dense_stereo.hpp:50
Class implementing the Gray-code pattern, based on .
Definition: graycodepattern.hpp:68
__host__ Expr< HistogramBody< BIN_COUNT, SrcPtr > > histogram_(const SrcPtr &src)
Definition: reduction.hpp:231
Definition: reduction.hpp:196
std::tuple< R... > OutArgs
Definition: infer.hpp:194
T ValueType
Definition: features2d.hpp:929
struct cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::@267 fastRect[4]
QualityBRISQUE(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Internal constructor.
Definition: qualitybrisque.hpp:74
virtual ~ILog()
Definition: log.hpp:59
float initInRad
radius for gathering positive instances during init
Definition: tracking.detail.hpp:366
Target
The target defines how you intend to use the buffer object.
Definition: opengl.hpp:84
void copyTo(InputArray src, OutputArray dst, InputArray mask)
This is an overloaded member function, provided for convenience (python) Copies the matrix to another...
@ 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 convertFromVASurface(VADisplay display, VASurfaceID surface, Size size, OutputArray dst)
Converts VASurfaceID object to OutputArray.
__host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:97
@ USAC_ACCURATE
USAC, accurate settings.
Definition: calib3d.hpp:451
WeChat QRCode includes two CNN-based models: A object detection model and a super resolution model....
Definition: wechat_qrcode.hpp:24
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
Definition: reduce_to_vec.hpp:211
cv::Scalar color
The text color.
Definition: render_types.hpp:78
Mat t
Definition: camera.hpp:70
@ ENTITY_AABB_WORLD
Definition: ovis.hpp:78
double getMaxDepth() const
Definition: depth.hpp:933
@ LSBP_CAMERA_MOTION_COMPENSATION_NONE
Definition: bgsegm.hpp:246
int set_args_(int i, const _Tp0 &a0, const _Tps &... rest_args)
Definition: ocl.hpp:459
Base class for global 2D motion estimation methods which take frames as input.
Definition: global_motion.hpp:175
@ CASCADE_FIND_BIGGEST_OBJECT
Definition: objdetect.hpp:170
void setBlender(Ptr< detail::Blender > b)
Definition: stitching.hpp:249
cvResult
Definition: llapi.h:38
MatExpr operator==(const Mat &a, const Mat &b)
Size_()
default constructor
@ LINEARIZATION_IDENTITY
no change is made
Definition: ccm.hpp:332
v_int64 vx_setzero_s64()
Definition: intrin.hpp:519
Mat stateInit
Initial state, DP x 1, default is zero.
Definition: kalman_filters.hpp:136
std::vector< Feature > features
Definition: feature.hpp:395
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2876
Definition: descriptor.hpp:1153
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
bool operator<(const Match &rhs) const
Sort matches with high similarity to the front.
Definition: linemod.hpp:268
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:4326
Definition: objdetect.hpp:121
parameter structure that stores the transient events detector setup parameters
Definition: transientareassegmentationmodule.hpp:82
static MatExpr zeros(int rows, int cols)
overridden forms of Mat::zeros() etc. Data type is omitted, of course
Definition: type_traits.hpp:128
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
@ BINBOOST_256
Definition: xfeatures2d.hpp:416
@ 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
@ SORT_EVERY_ROW
each matrix row is sorted independently
Definition: core.hpp:157
int class_id
Definition: descriptor.hpp:109
Border(int _type, cv::Scalar _val)
Definition: gfluidbuffer.hpp:28
__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
__host__ Expr< SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelY_(const SrcPtr &src)
Definition: deriv.hpp:90
@ COLOR_YUV2RGBA_YV12
Definition: imgproc.hpp:664
SolvePnPMethod
Definition: calib3d.hpp:456
@ TYPE_MARKER
Definition: instrumentation.hpp:48
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:2346
int tsdf_max_weight
max number of frames per voxel
Definition: kinfu.hpp:131
Definition: warpers.hpp:367
Provides result of asynchronous operations.
Definition: async_promise.hpp:22
Large Scale Dense Depth Fusion implementation.
Definition: large_kinfu.hpp:117
page_seg_mode
Tesseract.PageSegMode Enumeration.
Definition: ocr.hpp:67
bool has_value() const noexcept
Definition: optional.hpp:134
T type
Definition: gstreaming.hpp:26
Definition: feature.hpp:140
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
MouseButton
Definition: types.hpp:314
@ EXT_ZYX
Extrinsic rotations with the Euler angles type Z-Y-X.
Definition: quaternion.hpp:118
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
@ COLOR_Lab2LRGB
Definition: imgproc.hpp:631
int i
Definition: cvdef.h:379
lock_guard(Mutex &m)
Definition: lock.private.hpp:20
int level
Definition: erfilter.hpp:76
virtual int getWindowSize() const =0
@ 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
double getMaxTranslation() const
Definition: depth.hpp:716
int fiducial_yaw_angle
Definition: fr_adience.hpp:79
Definition: gcpukernel.hpp:213
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
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)
backgroundType background
Definition: gr_skig.hpp:99
@ COLOR_BayerBG2BGR_VNG
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:764
void setParallelForBackend(const std::shared_ptr< ParallelForAPI > &api, bool propagateNumThreads=true)
Replace OpenCV parallel_for backend.
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
Definition: functional.hpp:1027
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.
GMat BGR2LUV(const GMat &src)
Converts an image from BGR color space to LUV color space.
int numThreads
Definition: parallel_for.tbb.hpp:49
std::function< void(OpaqueRef &)> ConstructOpaque
Definition: gopaque.hpp:59
Definition: instrumentation.hpp:69
@ POLYGON
Definition: opengl.hpp:488
void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
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 setEstimator(Ptr< detail::Estimator > estimator)
Definition: stitching.hpp:231
result_type mySum
Definition: vec_distance.hpp:127
Definition: gkernel.hpp:29
void blendLinear(InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null())
Performs linear blending of two images.
@ CAP_PROP_XI_IMAGE_DATA_FORMAT
Output data format.
Definition: videoio.hpp:413
Definition: optional.hpp:30
@ COLOR_YUV420p2GRAY
Definition: imgproc.hpp:680
void resize(size_t _size)
resizes the buffer and preserves the content
@ PSM_OSD_ONLY
Definition: ocr.hpp:69
void setScale(float val) CV_OVERRIDE
Definition: warpers.hpp:176
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
Definition: deriv.hpp:327
@ COLOR_YUV2BGR_UYVY
Definition: imgproc.hpp:684
cv::gapi::GNetPackage networks(Args &&... args)
Definition: infer.hpp:693
Definition: functional.hpp:613
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
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:2046
@ COLOR_YUV2RGBA_NV21
Definition: imgproc.hpp:650
std::vector< std::string > images
Definition: ir_robot.hpp:67
virtual void setP1(int P1)=0
float fx
Definition: intrinsics.hpp:75
std::vector< GArg > m_args
Definition: goclkernel.hpp:80
Size frameSize_
Definition: stabilizer.hpp:125
Definition: sparse_matching_gpc.hpp:191
@ COLOR_Lab2LBGR
Definition: imgproc.hpp:630
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
Definition: dynafu.hpp:46
@ COLOR_BayerGR2RGBA
Definition: imgproc.hpp:794
__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: or_mnist.hpp:60
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
int cols
Definition: mat.hpp:2096
int npos
Definition: feature.hpp:195
int hashtableRemove(hashtable_int *hashtbl, KeyType key)
Point2f t
Definition: facemarkAAM.hpp:89
const typedef _Tp & reference
Definition: mat.hpp:3086
float sharpness() const
Definition: blenders.hpp:105
@ COLOR_HSV2RGB
Definition: imgproc.hpp:606
TrackerContribSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracking_internals.hpp:700
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:99
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:3128
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
Params< Net > & cfgPostProc(std::vector< cv::GMatDesc > &&out_metas, PostProc &&pp, std::vector< std::string > &&names_to_remap)
Definition: onnx.hpp:175
KeypointLayout
Definition: cuda.hpp:89
@ CALIB_RATIONAL_MODEL
Definition: calib3d.hpp:507
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:599
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
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking_internals.hpp:446
~Allocator()
Definition: cvstd.hpp:123
@ IMWRITE_PNG_STRATEGY_DEFAULT
Use this value for normal data.
Definition: imgcodecs.hpp:136
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:90
__device__ static __forceinline__ schar min()
Definition: limits.hpp:69
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:166
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitymse.hpp:28
size_t class_idx
Definition: core_detect.hpp:29
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:129
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:164
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
GMat BGR2RGB(const GMat &src)
Converts an image from BGR color space to RGB color space.
Definition: functional.hpp:62
Impl * impl
Definition: utility.hpp:942
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.
detail::ParamDesc desc
Definition: ie.hpp:245
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
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 .
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)
@ COLORCHECKER_DigitalSG
DigitalSG ColorChecker with 140 squares.
Definition: ccm.hpp:91
@ CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio.hpp:281
void medianBlur(InputArray src, OutputArray dst, int ksize)
Blurs an image using the median filter.
double cross(const Point_ &pt) const
cross-product
void FT02D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
int photoIndex
Definition: multicalib.hpp:86
void detectRegions(InputArray image, const Ptr< ERFilter > &er_filter1, const Ptr< ERFilter > &er_filter2, std::vector< std::vector< Point > > ®ions)
float32x2_t cv_vsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:119
Full reference mean square error algorithm https://en.wikipedia.org/wiki/Mean_squared_error.
Definition: qualitymse.hpp:18
std::array< cv::Scalar, std::tuple_size< typename Net::InArgs >::value > NormCoefs
Definition: onnx.hpp:76
int image_width
Definition: simple_pipeline.hpp:108
v_reg< short, 32 > v_int16x32
Thirty two 16-bit signed integer values.
Definition: intrin_cpp.hpp:539
@ CAP_PROP_XI_LUT_VALUE
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:495
Point p
Definition: imgproc.hpp:4864
static cv::Scalar & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:174
Definition: warping.hpp:77
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
Affine warper factory class.
Definition: warpers.hpp:159
Abstract base class for stateful silhouette trackers.
Definition: rapid.hpp:127
Definition: face_alignment.hpp:14
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
int cornerRefinementMaxIterations
Definition: aruco.hpp:168
#define OPENCV_HAL_IMPL_RVV_POPCOUNT_OP(_rTpvec, _Tpvec, _rTp, _Tp, suffix)
Definition: intrin_rvv.hpp:2336
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:312
@ QT_FONT_BLACK
Weight of 87.
Definition: highgui.hpp:246
@ EXT_XYZ
Extrinsic rotations with the Euler angles type X-Y-Z.
Definition: quaternion.hpp:113
int getWindowSize() const
Definition: depth.hpp:231
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:157
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:225
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
@ IMWRITE_TIFF_YDPI
For TIFF, use to specify the Y direction DPI.
Definition: imgcodecs.hpp:103
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
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.
__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
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:589
cv::UMat _mat_type
internal mat type default
Definition: qualitybase.hpp:54
Definition: tracking_legacy.hpp:503
void release()
equivalent to Mat::release()
@ CV_MODIFIED_CENSUS_TRANSFORM
Definition: descriptor.hpp:14
v_reg< uchar, 64 > v_uint8x64
Sixty four 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:533
@ 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:3221
softdouble(const double a)
Construct from double.
Definition: softfloat.hpp:257
This structure represents a mosaicing operation.
Definition: render_types.hpp:239
@ COLOR_LRGB2Luv
Definition: imgproc.hpp:628
void specifyType()
Definition: garray.hpp:108
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > warpAffinePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:100
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:227
@ ALPHA_ATOP
Definition: cudaimgproc.hpp:159
_Mutex Mutex
Definition: lock.private.hpp:102
#define OPENCV_HAL_IMPL_RVV_LOGIC_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1233
const char * memopTypeToStr(int t)
const char * typeToStr(int t)
int label
Quantization.
Definition: linemod.hpp:30
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)
@ DISTANCE_RGB
Euclidean distance of rgb color space.
Definition: ccm.hpp:352
@ 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:473
Ptr< flann::Index > flannIndex
Definition: features2d.hpp:1278
int ppfInd
Definition: ppf_match_3d.hpp:82
Definition: gopaque.hpp:67
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:167
Maximally stable extremal region extractor.
Definition: features2d.hpp:488
@ CAP_PROP_XI_DEFAULT_CC_MATRIX
Set default Color Correction Matrix.
Definition: videoio.hpp:464
__device__ __forceinline__ uint vmax4(uint a, uint b)
Definition: simd_functions.hpp:870
@ DFT_ROWS
Definition: base.hpp:236
NCVMemoryType memType() const
Definition: NCV.hpp:828
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:239
void setMaxObjectSize(const cv::Size &max)
Definition: detection_based_tracker.hpp:84
softfloat()
Default constructor.
Definition: softfloat.hpp:93
void start()
starts counting ticks.
Definition: utility.hpp:304
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
void add32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
@ RETR_FLOODFILL
Definition: imgproc.hpp:431
This 3D Widget defines a sphere. :
Definition: widgets.hpp:273
Definition: large_kinfu.hpp:20
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:99
Definition: gfluidbuffer.hpp:92
T * ptr(int y=0)
Definition: rmat.hpp:78
ConfidenceMap currentConfidenceMap
Definition: tracking.detail.hpp:333
size_t total() const
Returns the total number of array elements.
@ CAP_PROP_XI_GPI_LEVEL
Get general purpose level.
Definition: videoio.hpp:385
@ EVENT_MBUTTONDBLCLK
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:220
@ COLOR_BGRA2RGBA
Definition: imgproc.hpp:548
Quat< T > tanh(const Quat< T > &q)
__device__ __forceinline__ uint vcmpge4(uint a, uint b)
Definition: simd_functions.hpp:745
Ptr< IFrameSource > maskSource() const
Definition: stabilizer.hpp:81
double threshold
Definition: calib3d.hpp:565
void setMethod(int val)
Definition: depth.hpp:409
@ IMWRITE_JPEG_OPTIMIZE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:89
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
v_int64 vx_setall_s64(int64 v)
Definition: intrin.hpp:502
Definition: warpers.hpp:237
uchar * data
Definition: cuda.hpp:354
@ NCV_LAST_STATUS
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
const Mat * m
Definition: mat.hpp:3066
static cudaStream_t getStream(const Stream &stream)
int cvFloor(const cv::softfloat &a)
Rounds a number down to integer.
#define OPENCV_HAL_IMPL_SHIFT_OP(shift_op)
Helper macro.
Definition: intrin_cpp.hpp:1259
virtual int getBinaryKernelType() const =0
void xor8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
@ NCV_ALLOCATOR_BAD_DEALLOC
Definition: NCV.hpp:334
Matx< float, 6, 6 > Matx66f
Definition: matx.hpp:256
PredictResult minRes
Definition: predict_collector.hpp:93
int getNrGainsFilteringIterations() const
Definition: exposure_compensate.hpp:186
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize, int randomSeed=0)
TrackedObject & operator[](size_t i)
operator [] return non-const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:366
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 ...
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask=noArray())
Computes components of the array using direct -transform.
Ptr< TrackerModel > model
Definition: tracking_legacy.hpp:109
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:294
@ PRESET_FAST
Definition: tracking.hpp:590
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
int numFeatures
Definition: tracking_internals.hpp:856
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
Definition: gopaque.hpp:129
@ CAP_V4L
V4L/V4L2 capturing support.
Definition: videoio.hpp:93
Homography based rotation estimator.
Definition: motion_estimators.hpp:100
vuint32mf2_t()
Definition: intrin_rvv.hpp:74
TablePtr tbl
Definition: lut.hpp:66
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:64
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:880
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:409
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:988
int index_type
Definition: glob.hpp:65
@ FLOODFILL_MASK_ONLY
Definition: imgproc.hpp:384
int id
Definition: or_imagenet.hpp:62
#define CV_PROP
Definition: cvdef.h:454
Size frameSize
frame size in pixels
Definition: kinfu.hpp:78
void updateMotionHistory(InputArray silhouette, InputOutputArray mhi, double timestamp, double duration)
Updates the motion history image by a moving silhouette.
@ RETINA_COLOR_BAYER
standard bayer sampling
Definition: retina.hpp:86
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1243
@ FONT_HERSHEY_PLAIN
small size sans-serif font
Definition: imgproc.hpp:824
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:3247
@ CV_MEAN_VARIATION
Definition: descriptor.hpp:15
sampleType
Definition: pd_inria.hpp:60
@ DICT_6X6_50
Definition: dictionary.hpp:150
void transpose(InputArray src, OutputArray dst)
Transposes a matrix.
virtual ~EdgeDrawing()
Definition: edge_drawing.hpp:104
@ db
Definition: container_avi.private.hpp:136
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
@ CAP_PROP_BACKEND
Current backend (enum VideoCaptureAPIs). Read-only property.
Definition: videoio.hpp:178
size_t nodeCount
Definition: mat.hpp:2683
std::pair< cv::Mat, TraitAs > ConstInput
Definition: onnx.hpp:51
Definition: functional.hpp:1040
Definition: garray.hpp:236
Code
error codes
Definition: base.hpp:68
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
@ VIDEO_ACCELERATION_NONE
Definition: videoio.hpp:227
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
Definition: inpainting.hpp:102
double contourArea(InputArray contour, bool oriented=false)
Calculates a contour area.
__host__ __device__ static __forceinline__ char3 all(schar v)
Definition: vec_traits.hpp:170
Mat finalFrame_
Definition: stabilizer.hpp:133
int32x2_t cv_vrnd_s32_f32(float32x2_t v)
Definition: neon_utils.hpp:52
@ SIZE_ROW
Definition: cuda.hpp:95
void setKernelSize(int f)
Definition: depth.hpp:1116
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
@ COLOR_SPACE_Lab_D55_10
non-RGB color space
Definition: ccm.hpp:129
std::ostream & operator<<(std::ostream &, const DualQuat< _Tp > &)
int hal_ni_sqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:440
#define CV_MAT_TYPE(flags)
Definition: cvdef.h:469
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:1436
Definition: bindings_ie.hpp:23
GMat min(const GMat &src1, const GMat &src2)
Calculates per-element minimum of two matrices.
int featureSetNumFeatures
Definition: tracking_legacy.hpp:158
v_int8x64 v_int8
Maximum available vector register capacity 8-bit signed integer values.
Definition: intrin.hpp:388
@ COLOR_SPACE_sRGBL
https://en.wikipedia.org/wiki/SRGB , linear RGB color space
Definition: ccm.hpp:95
float index_type
Definition: warping.hpp:64
void setMaxRotation(double val)
Definition: depth.hpp:851
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.
Mat cam_params_
Definition: motion_estimators.hpp:212
Definition: all_layers.hpp:541
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
@ CPU_AVX_5124FMAPS
Definition: cvdef.h:322
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
int getNumFeatures() const
Definition: feature.hpp:172
poseType
Definition: gr_skig.hpp:74
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:822
static DST saturate(SRC x)
Definition: saturate.hpp:26
void write(FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
virtual ~VideoReader()
Definition: cudacodec.hpp:299
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: ie.hpp:85
bool check() const
Definition: sparse_matching_gpc.hpp:138
float voxelSize
Size of voxel in meters.
Definition: kinfu.hpp:110
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:241
void setStdevThresh(float val)
Definition: inpainting.hpp:132
IOStream & put_v(IOStream &, const V &, std::size_t)
Definition: s11n.hpp:233
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
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
friend value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
@ DICT_4X4_100
Definition: dictionary.hpp:143
void glob(String pattern, std::vector< String > &result, bool recursive=false)
Sum< U > other
Definition: reduce_to_vec.hpp:71
int imgIdx
train image index
Definition: types.hpp:817
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:543
float horizontalCellsGain
Definition: retina.hpp:162
virtual void setRadius(int val)
Definition: deblurring.hpp:66
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs, GCompileArgs &&args)
Definition: gtyped.hpp:217
Definition: mapaffine.hpp:52
@ FILLED
Definition: imgproc.hpp:813
_Arg2 second_argument_type
Definition: functional.hpp:71
@ QT_FONT_LIGHT
Weight of 25.
Definition: highgui.hpp:242
Params< Net > & cfgInputReshape(const std::map< std::string, std::vector< std::size_t >> &reshape_table)
Definition: ie.hpp:164
Codecs
Definition: container_avi.private.hpp:73
@ SR_CROSS
Definition: rlofflow.hpp:19
int xmax
Definition: or_pascal.hpp:64
float samplerTrackInRadius
radius for gathering positive instances during tracking
Definition: tracking.hpp:764
schar val[4]
Definition: intrin_rvv.hpp:142
static cv::GScalar yield(cv::GCall &call, int i)
Definition: gkernel.hpp:84
Param
Definition: core.hpp:3189
@ CALIB_ROBOT_WORLD_HAND_EYE_SHAH
Solving the robot-world/hand-eye calibration problem using the kronecker product .
Definition: calib3d.hpp:541
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:149
@ CAP_PROP_GPHOTO2_RELOAD_CONFIG
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:612
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
SimilarityFunction
Similarity function selector.
Definition: xfeatures2d.hpp:479
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:388
Quat< _Tp > cosh() const
return cosh value of this quaternion, cosh could be calculated as:
int height
Definition: tr_svt.hpp:63
@ PINHOLE
Definition: multicalib.hpp:76
void cleanup()
Release associated thread data.
Definition: tls.hpp:73
ChannelsCompensator(int nr_feeds=1)
Definition: exposure_compensate.hpp:148
v_int8 vx_setzero_s8()
Definition: intrin.hpp:513
GAPI_WRAP GMatDesc(int d, const std::vector< int > &dd)
Definition: gmat.hpp:88
Synthetic frame sequence generator for testing background subtraction algorithms.
Definition: bgsegm.hpp:329
Definition: intrin_rvv.hpp:91
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
#define CVVISUAL_THREAD_LOCAL
Definition: debug_mode.hpp:7
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3, _Tp s4, _Tp s5, _Tp s6, _Tp s7)
Constructor.
Definition: intrin_cpp.hpp:394
@ MAGIC_VAL
Definition: mat.hpp:2083
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
Class implementing BEBLID (Boosted Efficient Binary Local Image Descriptor), described in .
Definition: xfeatures2d.hpp:204
int cornerRefinementMethod
Definition: aruco.hpp:166
virtual std::size_t size() const =0
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
size_t size
Definition: t_hash_int.hpp:69
Definition: gopaque.hpp:118
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
@ OPTFLOW_USE_INITIAL_FLOW
Definition: tracking.hpp:56
Definition: warpers.hpp:302
Definition: gkernel.hpp:44
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:471
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:88
static cv::Scalar get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:172
@ CASCADE_DO_ROUGH_SEARCH
Definition: objdetect.hpp:171
SLICType
Definition: slic.hpp:132
int maxComputeUnits() const
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:303
int thick
The thickness of lines that make up the rectangle. Negative values, like FILLED, mean that the functi...
Definition: render_types.hpp:150
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
@ FM_RANSAC
RANSAC algorithm. It needs at least 15 points. 7-point algorithm is used.
Definition: calib3d.hpp:527
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.
Mat cls
Definition: feature.hpp:199
Definition: functional.hpp:521
AccessFlag
Definition: mat.hpp:64
Definition: sparse_matching_gpc.hpp:157
MatSize size
Definition: mat.hpp:2578
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
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...
size_t countFrameSize() const
Definition: container_avi.private.hpp:175
v_uint8x16(vuint8m1_t v)
Definition: intrin_rvv.hpp:233
double getTimeSec() const
returns passed time in seconds.
Definition: utility.hpp:339
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
@ MORPH_TOPHAT
Definition: imgproc.hpp:222
Definition: infer.hpp:352
void setSigmaDepth(float f)
Definition: depth.hpp:1100
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:916
void FT12D_components(InputArray matrix, InputArray kernel, OutputArray components)
Computes components of the array using direct -transform.
int64 i
Definition: cvdef.h:387
@ CMP_GE
src1 is greater than or equal to src2.
Definition: base.hpp:213
__host__ InRangeFunc(const Scalar &lowerb_scalar, const Scalar &upperb_scalar)
Builds an InRangeFunc with the given lower and upper bound scalars.
Definition: functional.hpp:928
void setK(const cv::Mat &val)
Definition: depth.hpp:160
std::vector< PredictResult > data
Definition: predict_collector.hpp:94
Definition: intrin_rvv.hpp:128
@ DFT_INVERSE
Definition: base.hpp:228
int axis
Definition: all_layers.hpp:368
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:215
@ DCT_ROWS
Definition: base.hpp:263
void writeFeature(FileStorage &fs) const
MatSize size
Definition: mat.hpp:2118
int curStabilizedPos_
Definition: stabilizer.hpp:128
double mat2[3]
Definition: msm_epfl.hpp:63
@ COLOR_YUV2RGB_YV12
Definition: imgproc.hpp:655
@ BORDER_REFLECT_101
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:273
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracking.detail.hpp:98
uchar val[16]
Definition: intrin_rvv.hpp:257
TermCriteria termCriteria()
Definition: motion_estimators.hpp:146
void setLogTagLevel(const char *tag, cv::utils::logging::LogLevel level)
@ SF_NV12
Definition: cudacodec.hpp:77
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
Definition: facemarkLBF.hpp:51
Definition: constant.hpp:57
__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:1915
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 ~ITrackerByMatching()
Destructor for the tracker.
Definition: tracking_by_matching.hpp:424
#define CV_NOEXCEPT
Definition: cvdef.h:756
@ CAP_PROP_XI_HDR_KNEEPOINT_COUNT
The number of kneepoints in the PWLR.
Definition: videoio.hpp:511
v_uint32x4(vuint32m1_t v)
Definition: intrin_rvv.hpp:363
Class encapsulating matching parameters.
Definition: sparse_matching_gpc.hpp:143
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4310
v_reg< _Tp, n > v_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Magnitude.
Definition: intrin_cpp.hpp:1023
cv::gapi::GBackend backend()
__device__ __forceinline__ uint saturate_cast< uint >(schar v)
Definition: saturate_cast.hpp:244
_Tp area() const
the area (width*height)
const typedef uchar ** pointer
Definition: mat.hpp:3020
@ FULL_UV
Definition: core.hpp:2656
Definition: quasi_dense_stereo.hpp:27
double adaptiveThreshConstant
Definition: aruco.hpp:159
Mat(Mat const &src, const Rect &roi)
Definition: mat.hpp:119
static std::true_type test(check< C, decltype(>ypeTraits< C >::wrap_value)> *)
int checkVector(int elemChannels, int depth=-1, bool requireContinuous=true) const
v_float64 vx_lut_pairs(const double *ptr, const int *idx)
Definition: intrin.hpp:624
@ ComputeModeExclusive
Definition: cuda.hpp:1123
int radius_
Definition: stabilizer.hpp:120
int x
x offset
Definition: linemod.hpp:28
std::vector< PascalObj > objects
Definition: or_pascal.hpp:86
Definition: gplaidmlkernel.hpp:102
Definition: intrin_rvv.hpp:357
int kmeansAttempts
Definition: calib3d.hpp:1635
@ CAP_PROP_XI_DEBOUNCE_POL
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:470
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:164
@ ARO_CTR_HOR
Definition: fast_hough_transform.hpp:73
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:143
_Tp value_type
Definition: mat.hpp:2190
@ CALIB_FIX_K1
Definition: calib3d.hpp:3770
__host__ void gridCountNonZero_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:250
Net readNetFromTensorflow(const String &model, const String &config=String())
Reads a network model stored in TensorFlow framework's format.
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.
static cv::GMatP get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:80
DataType< _Tp >::channel_type channel_type
Definition: mat.hpp:2191
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracking_internals.hpp:513
virtual ~Volume()
Definition: volume.hpp:29
cv::String getInferenceEngineCPUType()
Returns Inference Engine CPU type.
@ 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.
SrcPtr src
Definition: deriv.hpp:193
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
v_float32x8 v256_setall_f32(float val)
Definition: intrin_cpp.hpp:2854
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:248
@ STORE_ALIGNED_NOCACHE
Definition: intrin.hpp:97
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:3774
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
int rows
Definition: deriv.hpp:371
@ HEVC
Definition: cudacodec.hpp:255
std::vector< int > component() const
Definition: stitching.hpp:302
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
Data structure for salient point detectors.
Definition: types.hpp:711
@ BadAlign
incorrect input align
Definition: base.hpp:90
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.
#define CV_FINAL
Definition: cvdef.h:747
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:1002
v_reg< int, n > v_floor(const v_reg< float, n > &a)
Floor elements.
Definition: intrin_cpp.hpp:2452
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:148
float lineLength
Definition: descriptor.hpp:138
virtual void setP2(int P2)=0
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:504
__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:962
virtual int maxLevel() const
Definition: optical_flow.hpp:88
#define OPENCV_HAL_IMPL_C_RSHIFTR(_Tp)
Helper macro.
Definition: intrin_cpp.hpp:2932
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
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:658
int borderMode_
Definition: stabilizer.hpp:123
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
int timestamp
Definition: multicalib.hpp:103
@ StsNotImplemented
the requested function/feature is not implemented
Definition: base.hpp:113
@ 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.
@ COLOR_YCrCb2RGB
Definition: imgproc.hpp:592
static const char * tag()
Definition: gfluidkernel.hpp:157
float vertexGain
Definition: calib3d.hpp:1639
Computes distance between images using MatchTemplate function from OpenCV library and its cross-corre...
Definition: tracking_by_matching.hpp:222
PositionsVector lastPositions
Definition: detection_based_tracker.hpp:185
@ COLOR_YUV2RGB_IYUV
Definition: imgproc.hpp:657
@ ADAPTIVE_THRESH_MEAN_C
Definition: imgproc.hpp:336
Definition: global_motion.hpp:209
Rotation estimator base class.
Definition: motion_estimators.hpp:65
__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
@ CAP_PROP_XI_DEBOUNCE_EN
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:467
Params< Net > & cfgInputReshape(std::map< std::string, std::vector< std::size_t >> &&reshape_table)
Definition: ie.hpp:159
void create(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
Allocates memory for ogl::Buffer object.
MercatorWarper(float scale)
Definition: warpers.hpp:483
__host__ NCVStatus create(Ncv32u offsetHaarClassifierNode)
Definition: NCVHaarObjectDetection.hpp:188
Definition: NCVHaarObjectDetection.hpp:117
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type, Stream &stream=Stream::Null())
Applies a fixed-level threshold to each array element.
vint32m1_t vwcvt_x_x_v_i32m1(vint16mf2_t v)
Definition: intrin_rvv.hpp:193
Kind kind
Definition: ie.hpp:68
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.
Point3_ & operator=(const Point3_ &pt)
RenderModes
render mode
Definition: opengl.hpp:478
@ SLIC
Definition: slic.hpp:132
@ IMREAD_GRAYSCALE
If set, always convert image to the single channel grayscale image (codec internal conversion).
Definition: imgcodecs.hpp:71
::cvflann::IndexParams getParameters()
Definition: flann.hpp:326
float index_type
Definition: interpolation.hpp:66
#define MIN(a, b)
Definition: cvdef.h:485
std::string getCPUFeaturesLine()
Returns list of CPU features enabled during compilation.
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:162
static constexpr bool value
Definition: gfluidkernel.hpp:335
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2845
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:79
void log64f(const double *src, double *dst, int n)
Definition: functional.hpp:260
const float voxelSize
Definition: volume.hpp:40
void printCudaDeviceInfo(int device)
@ SYMMETRIC_GRID
Definition: calib3d.hpp:1649
void setMethod(int val)
Definition: depth.hpp:251
WaveCorrectKind autoDetectWaveCorrectKind(const std::vector< Mat > &rmats)
Tries to detect the wave correction kind depending on whether a panorama spans horizontally or vertic...
Definition: gcpukernel.hpp:91
Definition: softfloat.hpp:226
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:390
Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fouri...
Definition: sinusoidalpattern.hpp:68
void setMaxDepth(double val)
Definition: depth.hpp:803
@ 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:501
long long Ncv64s
Definition: NCV.hpp:119
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:227
_Tp y
y coordinate of the top-left corner
Definition: types.hpp:454
int rows
Definition: extrapolation.hpp:100
int hal_ni_gemm32f(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:694
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:270
static uchar abs(uchar a)
Definition: cvstd.hpp:66
void * getDistribution(int target)
float alpha2
"Controls speed of feature learning". Depends on T. Typical value circa 0.005.
Definition: cudalegacy.hpp:171
std::string fileName
Definition: hpe_humaneva.hpp:67
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.
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
@ NCV_MEM_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:341
@ CAP_FFMPEG
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:119
VectorRef(std::vector< T > &&vec)
Definition: garray.hpp:257
int iterdepth
Definition: mat.hpp:3422
@ LADYBUG
Definition: slam_tumindoor.hpp:64
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1254
@ COLOR_YUV2BGRA_IYUV
Definition: imgproc.hpp:667
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
Definition: deblurring.hpp:96
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:147
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:247
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
const char * nameFont
Name of the font.
Definition: highgui.hpp:714
v_reg< int64, n0 *sizeof(_Tp0)/sizeof(int64)> v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2893
const std::vector< float > * blurrinessRates_
Definition: deblurring.hpp:87
Definition: motion_stabilizing.hpp:97
int shift
The number of fractional bits in the point coordinate.
Definition: render_types.hpp:324
v_uint32x16 v512_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2865
cv::util::any params() const
Definition: onnx.hpp:93
@ CPU_MMX
Definition: cvdef.h:294
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2547
@ IMWRITE_PAM_TUPLETYPE
For PAM, sets the TUPLETYPE field to the corresponding string value that is defined for the format.
Definition: imgcodecs.hpp:100
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
static bool debugMode()
Returns whether debug-mode is active for this TU and thread.
Definition: debug_mode.hpp:32
Definition: gtype_traits.hpp:105
GMat sqrt(const GMat &src)
Calculates a square root of array elements.
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:175
@ COLOR_YUV2RGB_YVYU
Definition: imgproc.hpp:703
Base abstract class for the long-term Multi Object Trackers:
Definition: tracking_legacy.hpp:420
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:122
@ TM_CCOEFF
Definition: imgproc.hpp:3731
@ CCL_BBDT
Same as CCL_GRANA. It is preferable to use the flag with the name of the algorithm (CCL_BBDT) rather ...
Definition: imgproc.hpp:413
Functor that checks if a CUDA vector v is in the range between lowerb and upperb.
Definition: functional.hpp:803
float cy
Definition: intrinsics.hpp:75
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking.hpp:750
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:875
uint64 val[1]
Definition: intrin_rvv.hpp:103
Definition: intrin_rvv.hpp:81
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.
static bool isAllOnes(const MatShape &inputShape, int startPos, int endPos)
Definition: shape_utils.hpp:239
float calcNormFactor(const Mat &sum, const Mat &sqSum)
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:475
std::function< void(GCPUContext &)> RunF
Definition: gcpukernel.hpp:139
int preferredVectorWidthFloat() const
float parasolCells_tau
Definition: retina.hpp:176
@ COLOR_Luv2LBGR
Definition: imgproc.hpp:632
@ OPTFLOW_LK_GET_MIN_EIGENVALS
Definition: tracking.hpp:57
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:68
@ COLOR_YUV2BGRA_NV21
Definition: imgproc.hpp:651
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
CCM_TYPE
Enum of the possible types of ccm.
Definition: ccm.hpp:59
std::shared_ptr< cv::GCall > makeCall(const std::string &tag, std::vector< cv::GArg > &&args, std::vector< std::string > &&names, cv::GKinds &&kinds)
Definition: infer.hpp:166
A container class for heterogeneous kernel implementation collections and graph transformations.
Definition: gkernel.hpp:460
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
int pollKey()
Polls for a pressed key.
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:356
Rect dst_roi_
Definition: timelapsers.hpp:76
int thick
The thickness of line.
Definition: render_types.hpp:228
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:716
_Result result_type
Definition: functional.hpp:65
uint64 u
Definition: cvdef.h:388
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:61
__host__ NCVStatus setRect(Ncv32u rectX, Ncv32u rectY, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32u, Ncv32u)
Definition: NCVHaarObjectDetection.hpp:84
size_t _length
Definition: NCV.hpp:620
static void callFunctor(cv::GCPUContext &ctx, Impl &impl)
Definition: gcpukernel.hpp:416
bool hasWeights
Definition: all_layers.hpp:535
void eigenNonSymmetric(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors)
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
int * p
Definition: mat.hpp:588
@ NORM_HAMMING2
Definition: base.hpp:204
@ H264_SVC
Definition: cudacodec.hpp:253
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
CascadeClassifier face_cascade
Definition: facemark_train.hpp:50
@ TRIANGLES
Definition: opengl.hpp:483
Vec< double, 2 > Vec2d
Definition: matx.hpp:432
std::string nameDepth
Definition: gr_chalearn.hpp:77
virtual const void * ptr() const =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
SrcPtr src
Definition: reduction.hpp:110
int hal_ni_max16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:106
@ CALIB_CHECK_COND
Definition: calib3d.hpp:3768
int lt
The line type. See LineTypes.
Definition: render_types.hpp:80
@ CALIB_NINTRINSIC
Definition: calib3d.hpp:495
@ COLORMAP_HSV
Definition: imgproc.hpp:4321
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.
static cv::GOpaque< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:70
v_int32 vx_setzero_s32()
Definition: intrin.hpp:516
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:2623
int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracking.hpp:133
void normalize()
Definition: mapprojec.hpp:95
UMat dst_
Definition: timelapsers.hpp:75
@ COLOR_YUV2BGRA_UYVY
Definition: imgproc.hpp:693
Definition: warpers.hpp:637
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:393
Definition: cvstd.hpp:120
size_t length
Definition: tracking_by_matching.hpp:395
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:480
int ymin
Definition: or_pascal.hpp:63
Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters.
Definition: retina.hpp:151
Definition: detection_based_tracker.hpp:57
@ 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:137
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
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:172
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
Definition: mappergradeuclid.hpp:52
virtual int getTextureThreshold() const =0
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
Rect & operator&=(Rect &lhs, const Rect &rhs)
Definition: types.hpp:74
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:230
Definition: parallel_backend.hpp:56
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:628
void unregisterPageLocked(Mat &m)
Unmaps the memory of matrix and makes it pageable again.
@ OPEN_CAMERA
Definition: cap_winrt.hpp:40
bool full_affine_
Definition: matchers.hpp:245
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:229
float startPointY
Definition: descriptor.hpp:127
Definition: variant.hpp:64
Mat readCloud(const String &file, OutputArray colors=noArray(), OutputArray normals=noArray())
@ COLOR_RGBA2BGR555
Definition: imgproc.hpp:577
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
float truncateThreshold
Threshold for depth truncation in meters All depth values beyond this threshold will be set to zero.
Definition: large_kinfu.hpp:80
Rect & operator=(const cv::Rect &other)
Definition: types.hpp:48
Definition: functional.hpp:1024
Definition: saliencyBaseClasses.hpp:62
Definition: objdetect.hpp:174
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:116
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
int height
Definition: pd_inria.hpp:76
bool empty() const
Definition: ocl.hpp:295
__device__ __forceinline__ uint vsub4(uint a, uint b)
Definition: simd_functions.hpp:550
@ VIDEOWRITER_PROP_QUALITY
Current quality (0..100%) of the encoded videostream. Can be adjusted dynamically in some codecs.
Definition: videoio.hpp:197
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 mapForward(float x, float y, float &u, float &v)
int maxCount
the maximum number of iterations/elements
Definition: types.hpp:882
@ CALIB_USE_EXTRINSIC_GUESS
for stereoCalibrate
Definition: calib3d.hpp:520
Image hash based on block mean.
Definition: block_mean_hash.hpp:26
GMat medianBlur(const GMat &src, int ksize)
Blurs an image using the median filter.
@ USAC_DEFAULT
USAC algorithm, default settings.
Definition: calib3d.hpp:447
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.
@ INPAINT_NS
Use Navier-Stokes based method.
Definition: photo.hpp:96
virtual void print(const char *,...) CV_OVERRIDE
Definition: log.hpp:66
Definition: scalar.hpp:20
int xmin
Definition: core_detect.hpp:27
float normSigma1
Definition: rlofflow.hpp:98
@ NCV_NOT_IMPLEMENTED
Definition: NCV.hpp:350
int64 saturate_cast< int64 >(uint64 v)
Definition: saturate.hpp:157
int n
Definition: facemarkAAM.hpp:69
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:193
int allocatorFlags_
Definition: mat.hpp:569
Definition: all_layers.hpp:602
static Quat< _Tp > createFromXRot(const _Tp theta)
get a quaternion from a rotation about the X-axis by .
void integral(InputArray src, OutputArray sum, int sdepth=-1)
Definition: shape_utils.hpp:57
Definition: gr_chalearn.hpp:70
float r_kinv[9]
Definition: warpers.hpp:150
@ FONT_HERSHEY_TRIPLEX
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: imgproc.hpp:827
std::vector< UMat > masks_
Definition: seam_finders.hpp:103
Matx< double, 6, 1 > Matx61d
Definition: matx.hpp:237
Definition: intrinsics.hpp:39
static void read(const FileNode &node, _Tp &value, const _Tp &default_value=static_cast< _Tp >(0))
Definition: persistence.hpp:1174
@ COLOR_BGR2BGRA
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:533
Definition: functional.hpp:980
@ CALIB_HAND_EYE_ANDREFF
On-line Hand-Eye Calibration .
Definition: calib3d.hpp:535
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: goclkernel.hpp:199
virtual ~IDetector()
Definition: detection_based_tracker.hpp:112
GComputationT(const Gen &generator)
Definition: gtyped.hpp:210
@ HOUGH_PROBABILISTIC
Definition: imgproc.hpp:480
v_reg< typename V_TypeTraits< _Tp >::w_type, simd512_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> v512_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1936
Target
Enum of target devices for computations.
Definition: dnn.hpp:87
v_reg< int, n0 *sizeof(_Tp0)/sizeof(int)> v_reinterpret_as_s32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2889
virtual ~Dataset()
Definition: dataset.hpp:568
RMat make_rmat(Ts &&... args)
Definition: rmat.hpp:148
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type > value_type
Definition: zip.hpp:79
Vec< double, 3 > Vec3d
Definition: matx.hpp:433
static void help_init(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:244
uint64 lane_type
Definition: intrin_rvv.hpp:453
Definition: functional.hpp:162
const Ptr< WarperCreator > warper() const
Definition: stitching.hpp:235
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3410
Camera intrinsics.
Definition: intrinsics.hpp:19
@ MAGIC_MASK
Definition: mat.hpp:2084
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:819
const uchar * dataend
Definition: cuda.hpp:337
@ CAP_PROP_XI_CC_MATRIX_12
Color Correction Matrix element [1][2].
Definition: videoio.hpp:454
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor and passes dimensions as-is.
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:1076
Definition: multicalib.hpp:98
HOGDescriptor(const String &filename)
Definition: objdetect.hpp:419
Class for extracting blobs from an image. :
Definition: features2d.hpp:712
void v_transpose4x4(v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, const v_reg< _Tp, n > &a2, const v_reg< _Tp, n > &a3, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1, v_reg< _Tp, n > &b2, v_reg< _Tp, n > &b3)
Transpose 4x4 matrix.
Definition: intrin_cpp.hpp:2764
__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:66
@ QT_RADIOBOX
Radiobox button.
Definition: highgui.hpp:260
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:273
void estimateUncertaintiesStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
@ CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio.hpp:270
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:728
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
__device__ __forceinline__ uint vcmpge2(uint a, uint b)
Definition: simd_functions.hpp:302
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:235
Vec3d RQDecomp3x3(InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray())
Computes an RQ decomposition of 3x3 matrices.
v_float32x16 v512_setall_f32(float val)
Definition: intrin_cpp.hpp:2867
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:428
Ptr< HausdorffDistanceExtractor > createHausdorffDistanceExtractor(int distanceFlag=cv::NORM_L2, float rankProp=0.6f)
@ CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio.hpp:551
float thresholdStep
Definition: features2d.hpp:718
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.
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)
void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:165
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
vint16mf2_t(const short *ptr)
Definition: intrin_rvv.hpp:63
LocalOptimMethod
Definition: calib3d.hpp:547
DescriptorCollection mergedDescriptors
Definition: features2d.hpp:1280
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:465
Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates ...
Definition: motion_estimators.hpp:313
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:155
void bitwise_and(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise conjunction of two matrices (or of matrix and scalar).
double division_k2
Definition: simple_pipeline.hpp:118
std::string device_id
Definition: ie.hpp:53
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.
@ CAP_OPENNI_POINT_CLOUD_MAP
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:300
@ fist
Definition: gr_skig.hpp:76
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
bool empty() const
Definition: ocl.hpp:622
int template_id
Definition: linemod.hpp:286
void recip32f(const float *, size_t, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
__host__ __device__ NcvPoint2D32s()
Definition: NCV.hpp:195
void setInpainter(Ptr< InpainterBase > val)
Definition: stabilizer.hpp:98
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:247
__device__ __forceinline__ float operator()(T val, float power) const
Definition: functional.hpp:648
static float missingValue()
Definition: ml.hpp:148
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
static String dumpTermCriteria(const TermCriteria &argument)
Definition: bindings_utils.hpp:92
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:3376
float edgeGain
Definition: calib3d.hpp:1642
@ SAMPLING_NAPSAC
Definition: calib3d.hpp:545
void setMaxTranslation(double val)
Definition: depth.hpp:985
#define CV_EXPORTS_TEMPLATE
Definition: cvdef.h:417
R extract_mat(InputArray in, const int type=-1)
Definition: quality_utils.hpp:22
int64 getTickCount()
Returns the number of ticks.
__device__ const __forceinline__ T * row(int y) const
Definition: glob.hpp:73
uint64_t timestamp
Timestamp in milliseconds.
Definition: tracking_by_matching.hpp:38
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
used to iterate through sequences and mappings.
Definition: persistence.hpp:633
QualityMSE(QualityBase::_mat_type ref)
Constructor.
Definition: qualitymse.hpp:57
__device__ static __forceinline__ void blockYota(OutIt beg, OutIt end, T value)
Definition: block.hpp:85
int maxLevel
Definition: rlofflow.hpp:117
@ INTERP_GEO
Definition: rlofflow.hpp:32
Definition: pd_caltech.hpp:76
cv::instr::TYPE m_instrType
Definition: instrumentation.hpp:78
InpainterBase()
Definition: inpainting.hpp:64
Ncv8u y
Definition: NCV.hpp:140
@ COLOR_SPACE_Lab_D65_10
non-RGB color space
Definition: ccm.hpp:123
void operator()(const tbb::blocked_range< int > &range) const
Definition: parallel_for.tbb.hpp:77
@ LMEDS
least-median of squares algorithm
Definition: calib3d.hpp:444
VectorRefT(std::vector< T > &&vec)
Definition: garray.hpp:159
Definition: reduce_to_vec.hpp:85
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
void denoise_TVL1(const std::vector< Mat > &observations, Mat &result, double lambda=1.0, int niters=30)
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is,...
static String dumpBool(bool argument)
Definition: bindings_utils.hpp:27
Point_< _Tp > br() const
the bottom-right corner
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:501
@ COLOR_Luv2RGB
Definition: imgproc.hpp:611
Size winSize
Definition: feature.hpp:197
Definition: functional.hpp:113
int rows
Definition: interpolation.hpp:273
virtual bool isOpened() const
Returns true if video capturing has been initialized already.
@ 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:456
#define CV_PROP_RW
Definition: cvdef.h:455
__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
void anisotropicDiffusion(InputArray src, OutputArray dst, float alpha, float K, int niters)
Performs anisotropic diffusion on an image.
@ NV_OF_PERF_LEVEL_SLOW
Definition: cudaoptflow.hpp:474
~BinaryDescriptorMatcher()
Definition: descriptor.hpp:924
@ EXT_ZXY
Extrinsic rotations with the Euler angles type Z-X-Y.
Definition: quaternion.hpp:117
Class implementing Signature Quadratic Form Distance (SQFD).
Definition: xfeatures2d.hpp:861
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:230
Candidate feature with a score.
Definition: linemod.hpp:85
std::is_same< T, typename MetaType< T >::type > is_nongapi_type
Definition: gkernel.hpp:117
Size2f size
returns width and height of the rectangle
Definition: types.hpp:532
std::string tag
Definition: infer.hpp:653
@ SOLVEPNP_SQPNP
SQPnP: A Consistently Fast and Globally OptimalSolution to the Perspective-n-Point Problem .
Definition: calib3d.hpp:474
Mat transitionMatrix
state transition matrix (A)
Definition: video.hpp:34
void computeNormals(const Mesh &mesh, OutputArray normals)
~lock_guard()
Definition: lock.private.hpp:22
__device__ __forceinline__ uint vcmpgt4(uint a, uint b)
Definition: simd_functions.hpp:782
_Tp z
z coordinate of the 3D point
Definition: types.hpp:267
#define OPENCV_HAL_IMPL_RVV_PACK_U(_Tpvec, _Tp, _wTpvec, _wTp, width, suffix, rshr, cast)
Definition: intrin_rvv.hpp:2069
@ COLORMAP_PINK
Definition: imgproc.hpp:4322
GComputationT(const Gen &generator)
Definition: gtyped.hpp:129
Definition: logtag.hpp:15
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:75
Definition: all_layers.hpp:284
Definition: gkernel.hpp:195
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.
GMat Canny(const GMat &image, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny algorithm.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapPtr >::index_type y, typename PtrTraits< MapPtr >::index_type x) const
Definition: remap.hpp:68
void 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__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:172
std::vector< size_t > hashtab
Definition: mat.hpp:2686
void calcFlowMask(const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask)
@ CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio.hpp:577
v_reg< float, n > v_not_nan(const v_reg< float, n > &a)
Definition: intrin_cpp.hpp:893
double panoConfidenceThresh() const
Definition: stitching.hpp:195
@ COLOR_BGR2HLS
convert RGB/BGR to HLS (hue lightness saturation) with H range 0..180 if 8 bit image,...
Definition: imgproc.hpp:602
virtual void parallel_for(int tasks, FN_parallel_for_body_cb_t body_callback, void *callback_data) CV_OVERRIDE
Definition: parallel_for.tbb.hpp:88
@ nlanes
Definition: intrin_rvv.hpp:328
@ TRIANGLE_STRIP
Definition: opengl.hpp:484
@ USAGE_DEFAULT
Definition: mat.hpp:455
Definition: gframe.hpp:31
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.
SupportRegionType
Definition: rlofflow.hpp:17
float padding
Definition: tracking.hpp:60
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:78
This class can be used for imposing a learned prior on the resulting optical flow....
Definition: pcaflow.hpp:74
Ptr< flann::SearchParams > searchParams
Definition: features2d.hpp:1277
virtual int64 getFLOPS(const std::vector< MatShape > &inputs, const std::vector< MatShape > &outputs) const
Definition: dnn.hpp:381
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
float weak_threshold
Definition: linemod.hpp:191
@ COLOR_RGBA2YUV_I420
Definition: imgproc.hpp:738
Size pooledSize
Definition: all_layers.hpp:261
Definition: feature.hpp:123
Definition: gfluidkernel.hpp:323
Definition: gfluidkernel.hpp:212
bool isContinuous() const
@ CAP_PROP_XI_CC_MATRIX_03
Color Correction Matrix element [0][3].
Definition: videoio.hpp:451
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
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:418
Definition: deriv.hpp:114
#define CV_Check(v, test_expr, msg)
Example: v == A || v == B.
Definition: check.hpp:135
size_t maxWorkGroupSize() const
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:238
double getTimeMicro() const
returns passed time in microseconds.
Definition: utility.hpp:327
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
@ COLOR_BGR2YUV_I420
Definition: imgproc.hpp:734
static String dumpDouble(double argument)
Definition: bindings_utils.hpp:53
Ptr ptr()
Definition: source.hpp:43
@ INTERSECT_FULL
One of the rectangle is fully enclosed in the other.
Definition: imgproc.hpp:806
FeatureHaar(Size patchSize)
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:2684
Mat K_
Definition: depth.hpp:178
@ Monochrome
Definition: cudacodec.hpp:272
@ QT_STYLE_NORMAL
Normal font.
Definition: highgui.hpp:251
static std::string toString(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:187
@ CONTOURS_MATCH_I2
Definition: imgproc.hpp:459
double errorCorrectionRate
Definition: aruco.hpp:175
float getInitMean() const
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.
void getInterset(InputArray idx1, InputArray idx2, OutputArray inter1, OutputArray inter2, OutputArray inter_ori)
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:406
Definition: interpolation.hpp:213
Ptr< Impl > p
Definition: wechat_qrcode.hpp:55
Status
Definition: stitching.hpp:152
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:1185
v_float64x2(vfloat64m1_t v)
Definition: intrin_rvv.hpp:522
@ nppStBorderMirror
reflect out of range position across borders
Definition: NPP_staging.hpp:93
NCVStatus nppiStResize_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, NcvRect32u srcROI, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u dstROI, Ncv32f xFactor, Ncv32f yFactor, NppStInterpMode interpolation)
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
@ CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio.hpp:566
@ CAP_OPENNI_IR_IMAGE
Data given from IR image generator.
Definition: videoio.hpp:308
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:530
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
v_reg< typename V_TypeTraits< _Tp >::w_type, simd256_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> v256_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1905
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.
Rect selectROI(const String &windowName, InputArray img, bool showCrosshair=true, bool fromCenter=false)
Allows users to select a ROI on the given image.
DistanceFunction
Lp distance function selector.
Definition: xfeatures2d.hpp:454
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
@ whitePaper
Definition: gr_skig.hpp:90
float b
Definition: warpers.hpp:432
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
bool can_describe(const GMetaArg &meta, const GRunArg &arg)
unsigned findLeafForPatch(const GPCPatchDescriptor &descr) const
#define CV_CUDEV_YCrCb2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:155
Flags
Definition: ml.hpp:322
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:187
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:217
~NCVMatrixAlloc()
Definition: NCV.hpp:883
@ QT_NEW_BUTTONBAR
Button should create a new buttonbar.
Definition: highgui.hpp:261
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:394
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:206
@ NCV_INCONSISTENT_INPUT
Definition: NCV.hpp:324
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
static U * wrap_out(U &u)
Definition: gtype_traits.hpp:174
size_t minRepeatability
Definition: features2d.hpp:721
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, prefix, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2784
Definition: intrin_rvv.hpp:59
Mode
file storage mode
Definition: persistence.hpp:307
virtual float getScale() const
Definition: warpers.hpp:135
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:503
virtual float operator()(int featureIdx, int sampleIdx)=0
DEPTH_CLEANER_METHOD
Definition: depth.hpp:193
UMatData * u
Definition: mat.hpp:2573
Definition: functional.hpp:753
@ CAP_PROP_FOURCC
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:141
size_t min_track_duration
Min track duration in milliseconds.
Definition: tracking_by_matching.hpp:267
@ DNN_BACKEND_OPENCV
Definition: dnn.hpp:74
@ ARO_90_135
Definition: fast_hough_transform.hpp:68
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:109
@ CAP_OPENNI_SXGA_30HZ
Definition: videoio.hpp:314
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
double Rz
Definition: gr_chalearn.hpp:67
int lastFrame
Definition: gr_chalearn.hpp:62
Quat< T > cosh(const Quat< T > &q)
float strong_affinity_thr
of lost track.
Definition: tracking_by_matching.hpp:296
const cv::Mat & getConfImageDisplay() const
Definition: onlineBoosting.hpp:241
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
PtrTraits< SrcPtr >::index_type index_type
Definition: lut.hpp:63
int maxIterations
Definition: calib3d.hpp:560
CornerRefineMethod
Definition: aruco.hpp:81
v_int8x64 v512_setzero_s8()
Definition: intrin_cpp.hpp:2816
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking.detail.hpp:349
virtual void setScalleFactor(int factor)=0
Arrays()
Default constructor.
cv::Rect rect
Coordinates of the rectangle.
Definition: render_types.hpp:148
int total_num_matches_
Definition: motion_estimators.hpp:197
Definition: is_bsds.hpp:65
virtual void mov(RefHolder &h)=0
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:255
int getVersionMajor()
Returns major library version.
__host__ size_t step1() const
void censusTransform(const Mat &image1, const Mat &image2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
Mat R
Definition: camera.hpp:69
@ COLORMAP_VIRIDIS
Definition: imgproc.hpp:4328
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
virtual ~ParallelForBackend()
Definition: parallel_for.tbb.hpp:63
bool const_param_type
Definition: core.hpp:3198
Definition: all_layers.hpp:295
Definition: functional.hpp:104
T * ptr(int y, int x)
Definition: rmat.hpp:84
static Range normalize_axis_range(const Range &r, int axisSize)
Definition: shape_utils.hpp:225
std::vector< std::string > lexFull
Definition: tr_icdar.hpp:70
__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:254
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)
Definition: copy_through_move.hpp:18
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:234
float histogram_lr
Definition: tracking.hpp:66
int trackMaxNegNum
Definition: tracking.detail.hpp:371
virtual ~StabilizerBase()
Definition: stabilizer.hpp:69
@ VP9
Definition: cudacodec.hpp:257
void save(String filename)
Definition: flann.hpp:320
HistCompMethods
Definition: imgproc.hpp:501
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.
Strategie for the selective search segmentation algorithm The class implements a generic stragery for...
Definition: segmentation.hpp:74
virtual int getSubPixelInterpolationMethod() const =0
void deallocate()
deallocates the buffer if it was dynamically allocated
MakeVec< T, cn >::type upperb
Definition: functional.hpp:921
virtual ~FeaturesMatcher()
Definition: matchers.hpp:120
size_t total() const
Returns the total number of array elements.
Definition: mat.hpp:311
@ value
Definition: type_traits.hpp:80
std::string imageName
Definition: sr_bsds.hpp:25
Predicate pred
Definition: functional.hpp:943
float sigma
gaussian kernel bandwidth
Definition: tracking.hpp:122
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:2794
GPCPatchDescriptor pos
Definition: sparse_matching_gpc.hpp:80
Class used for calculating a sparse optical flow.
Definition: cudaoptflow.hpp:203
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:169
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:125
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1439
@ CAP_PROP_XI_EXP_PRIORITY
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:393
__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 writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
std::vector< detail::CameraParams > cameras() const
Definition: stitching.hpp:303
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:200
@ CAP_PROP_XI_AVAILABLE_BANDWIDTH
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:491
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:100
double m30
Definition: types.hpp:941
Definition: feature.hpp:202
ERStat * next
Definition: erfilter.hpp:105
#define OPENCV_HAL_IMPL_RVV_MUL_SAT(_Tpvec, _wTpvec)
Definition: intrin_rvv.hpp:2876
float getMarkerSeparation() const
Definition: aruco.hpp:350
void setTrimRatio(float val)
Definition: stabilizer.hpp:89
Definition: functional.hpp:152
Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernel...
Definition: glob.hpp:85
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
MatExpr operator!=(const Mat &a, const Mat &b)
DescriptorType
Definition: features2d.hpp:825
@ CAP_PROP_XI_REGION_MODE
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:427
Definition: functional.hpp:646
void CGImageToMat(const CGImageRef image, cv::Mat &m, bool alphaExist=false)
Mat mergedDescriptors
Definition: features2d.hpp:1170
v_uint64x4 v256_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2856
uint64 state
Definition: core.hpp:2929
@ CAP_PROP_PVAPI_DECIMATIONVERTICAL
Vertical sub-sampling of the image.
Definition: videoio.hpp:338
Definition: all_layers.hpp:304
@ CAP_PROP_XI_CC_MATRIX_01
Color Correction Matrix element [0][1].
Definition: videoio.hpp:449
@ CAP_PVAPI_PIXELFORMAT_MONO8
Mono8.
Definition: videoio.hpp:360
Size blockStride
Block stride. It must be a multiple of cell size. Default value is Size(8,8).
Definition: objdetect.hpp:593
double width
Definition: facemarkLBF.hpp:108
int64_t saturate_cast< int64_t >(softfloat a)
Definition: softfloat.hpp:424
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
@ NumCodecs
Definition: cudacodec.hpp:259
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
@ NRM_NONE
Definition: xfeatures2d.hpp:248
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
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:70
Definition: functional.hpp:426
int samplerTrackMaxPosNum
Definition: tracking.hpp:765
friend struct Impl
Definition: async.hpp:96
Definition: infer.hpp:250
TickMeter()
the default constructor
Definition: utility.hpp:298
GaussianMotionFilter(int radius=15, float stdev=-1.f)
Definition: motion_stabilizing.hpp:115
the TLD (Tracking, learning and detection) tracker
Definition: tracking_legacy.hpp:232
const cv::Mat & inMat(int input)
DepthMask
Definition: mat.hpp:297
LogLevel
Supported logging levels and their semantic.
Definition: logger.defines.hpp:25
int index_type
Definition: deriv.hpp:284
static void read(const FileNode &node, std::vector< DMatch > &vec, const std::vector< DMatch > &default_value)
Definition: persistence.hpp:1203
__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
String file
source file name where the error has occurred
Definition: core.hpp:143
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:105
Definition: all_layers.hpp:551
virtual void init(const CvFeatureParams &fp)
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:56
NeighborSearchMethod neighborsSearch
Definition: calib3d.hpp:561
std::vector< Scalar > gains() const
Definition: exposure_compensate.hpp:159
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
float psr_threshold
we lost the target, if the psr is lower than this.
Definition: tracking.hpp:74
bool isDirectory(const cv::String &path)
std::lock_guard< cv::Mutex > AutoLock
Definition: utility.hpp:718
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
@ COLOR_BayerGB2RGB_MHT
Definition: cudaimgproc.hpp:101
@ HOUGH_GRADIENT_ALT
variation of HOUGH_GRADIENT to get better accuracy
Definition: imgproc.hpp:485
Definition: wobble_suppression.hpp:95
SrcPtr src
Definition: reduction.hpp:220
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:368
float contextEnergy_temporalConstant
context neighborhood energy filtering parameters : the aim is to get information about the energy on ...
Definition: transientareassegmentationmodule.hpp:104
int hal_ni_merge8u(const uchar **src_data, uchar *dst_data, int len, int cn)
Definition: hal_replacement.hpp:366
Base class for parallel data processors.
Definition: utility.hpp:576
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
int minContourLengthAllowed
Definition: checker_detector.hpp:119
Definition: tr_chars.hpp:60
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
double alpha
Definition: tracking_internals.hpp:779
Definition: reduce_to_vec.hpp:129
Definition: functional.hpp:122
@ CAP_PROP_XI_COUNTER_SELECTOR
Select counter.
Definition: videoio.hpp:488
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:319
__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:294
@ NORM_HAMMING
Definition: base.hpp:199
double distance_step
Definition: ppf_match_3d.hpp:148
static constexpr const char * id()
Definition: infer.hpp:300
Definition: parallel_for.tbb.hpp:65
Functor that copies a cv::Scalar into a CUDA vector, e.g. a uchar3.
Definition: functional.hpp:864
Ptr< SparseOpticalFlow > createOptFlow_SparseRLOF()
Additional interface to the Sparse RLOF algorithm - optflow::calcOpticalFlowSparseRLOF()
@ COLOR_BGR5552BGRA
Definition: imgproc.hpp:578
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:50
@ NO
Definition: exposure_compensate.hpp:66
Accumulator< T >::Type ResultType
Definition: features2d.hpp:930
virtual ~IDescriptorDistance()
Definition: tracking_by_matching.hpp:179
void absdiff8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
Definition: all_layers.hpp:325
float minThreshold
Definition: features2d.hpp:719
void invSqrt32f(const float *src, float *dst, int len)
int64 val[1]
Definition: intrin_rvv.hpp:112
cv::Mat descriptor_fast
Fast descriptor.
Definition: tracking_by_matching.hpp:390
Definition: depth.hpp:461
@ COLOR_YUV2BGRA_YUY2
Definition: imgproc.hpp:711
virtual const char * what() const noexcept override
Definition: variant.hpp:50
size_t size_type
Definition: cvstd.hpp:118
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:220
Definition: feature.hpp:219
@ DIST_WELSCH
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:307
NCVStatus nppsStCompact_32u(Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
virtual ~CvHOGEvaluator()
Definition: feature.hpp:304
@ CAP_PROP_XI_COUNTER_VALUE
Counter status.
Definition: videoio.hpp:489
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1086
void printShortCudaDeviceInfo(int device)
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
@ CAP_PROP_SATURATION
Saturation of the image (only for cameras).
Definition: videoio.hpp:148
GArray(const std::vector< HT > &v)
Definition: garray.hpp:351
VolumeType type
Type of Volume Values can be TSDF (single volume) or HASHTSDF (hashtable of volume units)
Definition: volume.hpp:57
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
operator std::string() const
returns the node content as text string
Definition: persistence.hpp:581
void clear()
Definition: NCV.hpp:751
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:479
double principal_point_y
Definition: simple_pipeline.hpp:111
Definition: deriv.hpp:161
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:243
@ HISTCMP_HELLINGER
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:518
GMatDesc m_desc
Definition: gfluidbuffer.hpp:46
static Color chartreuse()
#define CV_EXPORTS_W
Definition: cvdef.h:448
float ePointInOctaveX
Definition: descriptor.hpp:134
virtual int getScalleFactor() const =0
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:973
@ NCV_MEM_RESIDENCE_ERROR
Definition: NCV.hpp:340
@ TYPE_FUN
Definition: instrumentation.hpp:50
@ DECODE_3D_UNDERWORLD
Kyriakos Herakleous, Charalambos Poullis. "3DUNDERWORLD-SLS: An Open-Source Structured-Light Scanning...
Definition: structured_light.hpp:56
@ CAP_PROP_XI_SENSOR_MODE
Current sensor mode. Allows to select sensor mode by one integer. Setting of this parameter affects: ...
Definition: videoio.hpp:509
vint64mf2_t()
Definition: intrin_rvv.hpp:113
Definition: intrin_rvv.hpp:293
Exposure compensator which tries to remove exposure related artifacts by adjusting image block intens...
Definition: exposure_compensate.hpp:207
static void init_scratch(const GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:382
@ SF_YV12
Definition: cudacodec.hpp:76
uint64 get0() const
Definition: intrin_rvv.hpp:475
const Affine3f pose
Definition: volume.hpp:42
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:936
virtual int getSpekleRemovalTechnique() const =0
@ IMWRITE_PNG_STRATEGY_FIXED
Using this value prevents the use of dynamic Huffman codes, allowing for a simpler decoder for specia...
Definition: imgcodecs.hpp:140
@ nppStBorderNone
There is no need to define additional pixels, image is extended already.
Definition: NPP_staging.hpp:90
void mov(RefHolder &h)
Definition: gstreaming.hpp:55
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
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
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:374
Ncv32f * pSrcFrame0
frame 0
Definition: NPP_staging.hpp:119
@ COLOR_YUV2BGR_NV12
Definition: imgproc.hpp:642
float minArea
Definition: features2d.hpp:728
std::function< void(gapi::fluid::Buffer &)> RS
Definition: gfluidkernel.hpp:62
virtual void setMinDisparity(int minDisparity)=0
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
@ CAP_PROP_XI_BPC
Correction of bad pixels.
Definition: videoio.hpp:420
const char * id() const
Definition: gkernel.hpp:420
bool hasBackend(VideoCaptureAPIs api)
Returns true if backend is available.
double elem[12]
Definition: slam_kitti.hpp:62
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.
std::vector< std::string > paths
Definition: fr_adience.hpp:90
int threshold
Definition: agast.txt:7532
IIStream & get_v(IIStream &, V &, std::size_t, std::size_t)
Definition: s11n.hpp:243
@ CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio.hpp:547
float depthFactor
pre-scale per 1 meter for input values
Definition: kinfu.hpp:92
int num_params_per_cam_
Definition: motion_estimators.hpp:199
@ NEIGH_FLANN_RADIUS
Definition: calib3d.hpp:550
@ MaskIsTiled
Definition: base.hpp:95
float shape_affinity_w
Shape affinity weight.
Definition: tracking_by_matching.hpp:281
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs, GCompileArgs &&args)
Definition: gtyped.hpp:237
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.
vector< Point2f > gtbb
Definition: track_alov.hpp:65
Base class for Contrast Limited Adaptive Histogram Equalization. :
Definition: cudaimgproc.hpp:225
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:106
int chan() const
Definition: rmat.hpp:75
int axis
Definition: all_layers.hpp:280
v_uint16x32 v512_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2863
int num_ref_points
Definition: ppf_match_3d.hpp:151
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3307
@ CPU_POPCNT
Definition: cvdef.h:301
@ value
Definition: traits.hpp:289
void createKernel(InputArray A, InputArray B, OutputArray kernel, const int chn)
Creates kernel from basic functions.
int m_lineNum
Definition: instrumentation.hpp:81
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
Definition: gplaidmlkernel.hpp:35
Definition: type_traits.hpp:117
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:59
@ PREFILTER_NORMALIZED_RESPONSE
Definition: stereo.hpp:126
GKernelImpl impl() const override
Definition: gcpukernel.hpp:507
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:721
void addText(const Mat &img, const String &text, Point org, const QtFont &font)
Draws a text on the image.
ThinningTypes
Definition: ximgproc.hpp:113
cv::GRunArgsP bind(cv::GRunArgs &results)
Base class for circles detector algorithm. :
Definition: cudaimgproc.hpp:445
std::vector< double > times
Definition: slam_kitti.hpp:70
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:173
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
Definition: photo.hpp:336
@ BadCOI
input COI is not supported
Definition: base.hpp:93
@ FONT_HERSHEY_COMPLEX_SMALL
smaller version of FONT_HERSHEY_COMPLEX
Definition: imgproc.hpp:828
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
static Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:63
Definition: gr_chalearn.hpp:60
int getBlockSize() const
Definition: depth.hpp:389
std::function< void(GOCLContext &)> F
Definition: goclkernel.hpp:91
String dumpInputArrayOfArrays(InputArrayOfArrays argument)
static float DEFAULT_MAX_POINTS_PART()
Definition: depth.hpp:550
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
NCVMemoryType
Definition: NCV.hpp:427
static MatExpr eye(int rows, int cols)
static KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:399
Definition: mappergradproj.hpp:52
virtual void getQualityMap(OutputArray dst) const
Returns output quality map that was generated during computation, if supported by the algorithm
Definition: qualitybase.hpp:38
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifier(const String &filename, int classifier)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
BackgroundSubtractorType operation
Type of the Background Subtractor operation.
Definition: video.hpp:103
softdouble & operator=(const softdouble &c)
Assign constructor.
Definition: softfloat.hpp:234
double getMinDepth() const
Definition: depth.hpp:925
std::tuple< GMat, GMat, GMat, GMat > GMat4
Definition: core.hpp:35
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:420
std::function< R(Args...)> API
Definition: infer.hpp:211
std::function< GComputation()> Generator
Definition: gcomputation.hpp:122
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:3418
bool empty() const
Definition: motion_stabilizing.hpp:74
void flags2idxStereo(int flags, std::vector< int > &idx, int n)
@ EVENT_FLAG_SHIFTKEY
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:231
__host__ LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > lutPtr(const SrcPtr &src, const TablePtr &tbl)
Definition: lut.hpp:87
This structure represents the basic parameters for the experimental PlaidML backend.
Definition: plaidml.hpp:28
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:68
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params ¶meters=SimpleBlobDetector::Params())
bool empty() const
empty returns if track does not contain objects.
Definition: tracking_by_matching.hpp:344
@ nlanes
Definition: intrin_rvv.hpp:263
@ COLOR_YUV2RGBA_YUY2
Definition: imgproc.hpp:710
bool filterByColor
Definition: features2d.hpp:724
QtFontStyles
Qt font style.
Definition: highgui.hpp:250
@ COVAR_COLS
Definition: core.hpp:206
OPLandIplParvoParameters()
Definition: retina.hpp:152
void bilateralFilter(InputArray src, OutputArray dst, int kernel_size, float sigma_color, float sigma_spatial, int borderMode=BORDER_DEFAULT, Stream &stream=Stream::Null())
Performs bilateral filtering of passed image.
Ncv32u width
Rectangle width.
Definition: NCV.hpp:164
Feature()
Definition: linemod.hpp:32
double getMaxDistDiff() const
Definition: depth.hpp:1080
uchar * original_data
Definition: goclkernel.hpp:134
softfloat(const float a)
Construct from float.
Definition: softfloat.hpp:120
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
@ 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:60
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.
@ TYPE_CPU
Definition: ocl.hpp:86
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:321
@ NPPST_CUDA_KERNEL_EXECUTION_ERROR
CUDA kernel execution error.
Definition: NCV.hpp:357
@ CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio.hpp:290
__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
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
@ NPPST_NULL_POINTER_ERROR
NULL pointer argument error.
Definition: NCV.hpp:358
@ HISTCMP_CHISQR_ALT
Definition: imgproc.hpp:522
void FT12D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
std::vector< T * > & detachData()
Get and detach data from all threads.
Definition: tls.hpp:132
int nOctaves
Definition: cuda.hpp:183
Vec< double, 4 > Vec4d
Definition: matx.hpp:434
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
Definition: cudalegacy.hpp:199
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
unsigned char uchar
Definition: interface.h:51
static Ptr< _Tp > makePtr(const A1 &... a1)
Definition: cvstd_wrapper.hpp:26
void * _getImpl() const CV_NOEXCEPT
Definition: async.hpp:97
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:196
This class is presented high-level API for neural networks.
Definition: dnn.hpp:1092
int numThreads
Definition: parallel_for.openmp.hpp:26
virtual ~TrackerTargetState()
Definition: tracking.detail.hpp:174
Matx< float_type, 4, 4 > Mat4
Definition: affine.hpp:131
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:114
Definition: gfluidkernel.hpp:256
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
double Ncv64f
Definition: NCV.hpp:134
Parameters of phaseUnwrapping constructor.
Definition: histogramphaseunwrapping.hpp:78
__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
Class implementing DAISY descriptor, described in .
Definition: xfeatures2d.hpp:243
@ COLOR_BGR2HSV_FULL
convert RGB/BGR to HSV (hue saturation value) with H range 0..255 if 8 bit image, color conversions
Definition: imgproc.hpp:615
any(any &src)
Definition: any.hpp:80
Definition: dataset.hpp:560
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
Smart pointer for OpenGL buffer object with reference counting.
Definition: opengl.hpp:79
@ CAP_PROP_XI_AUTO_WB
Automatic white balance.
Definition: videoio.hpp:391
GPCDescType
Descriptor types for the Global Patch Collider.
Definition: sparse_matching_gpc.hpp:90
GMat divRC(const GScalar ÷nt, const GMat &src, double scale, int ddepth=-1)
Divides scalar by matrix.
Mat _ii_img
Definition: feature.hpp:284
@ CAP_PROP_CONVERT_RGB
Definition: videoio.hpp:152
void getLinTr(OutputArray linTr) const
Definition: mapaffine.hpp:88
@ CAP_PROP_XI_TRG_SOURCE
Defines source of trigger.
Definition: videoio.hpp:381
void cleanupDetachedData()
Release associated thread data returned by detachData() call.
Definition: tls.hpp:157
#define OPENCV_HAL_IMPL_C_PACK(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2954
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:52
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:60
float kaiser_alpha
Definition: tracking.hpp:53
static std::vector< U > & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:181
@ is_signed_int
Definition: type_traits.hpp:143
Definition: functional.hpp:182
float stdevThresh() const
Definition: inpainting.hpp:133
cv::Size size() const
Definition: rmat.hpp:69
Definition: gtype_traits.hpp:208
@ block_size_x
Definition: reduce_to_vec.hpp:214
@ DEFAULT_NLEVELS
Default nlevels value.
Definition: objdetect.hpp:377
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
@ DNN_TARGET_CUDA_FP16
Definition: dnn.hpp:96
@ VIDEOWRITER_PROP_HW_DEVICE
(open-only) Hardware device index (select GPU if multiple available)
Definition: videoio.hpp:204
@ nlanes
Definition: intrin_rvv.hpp:230
v_reg< uint64, 4 > v_uint64x4
Four 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:526
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
int area_width
Definition: interpolation.hpp:240
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
@ YUV422
Definition: cudacodec.hpp:274
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:184
int flags
Definition: features2d.hpp:1459
@ CALIB_ROBOT_WORLD_HAND_EYE_LI
Simultaneous robot-world and hand-eye calibration using dual-quaternions and kronecker product .
Definition: calib3d.hpp:542
void mapForward(float x, float y, float &u, float &v)
float minValue
Definition: all_layers.hpp:442
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
v_reg< uint64, n0 *sizeof(_Tp0)/sizeof(uint64)> v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2892
M outMeta
Definition: gkernel.hpp:50
Definition: gr_chalearn.hpp:83
int lkPyrLvl
Definition: quasi_dense_stereo.hpp:57
@ COLOR_BayerGR2BGR
Definition: imgproc.hpp:751
TraitAs
Definition: onnx.hpp:27
_Tp dot(Quat< _Tp > q) const
return the dot between quaternion and this quaternion.
std::string imageName
Definition: sr_general100.hpp:25
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)
@ DICT_APRILTAG_25h9
5x5 bits, minimum hamming distance between any two codes = 9, 35 codes
Definition: dictionary.hpp:160
GMat sub(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element difference between two matrices.
@ MPEG2
Definition: cudacodec.hpp:248
Definition: functional.hpp:630
Ptr< cuda::StereoBM > createStereoBM(int numDisparities=64, int blockSize=19)
Creates StereoBM object.
__host__ __device__ NcvRect8u(Ncv8u x_, Ncv8u y_, Ncv8u width_, Ncv8u height_)
Definition: NCV.hpp:144
std::string tag
Definition: gcommon.hpp:160
size_t size() const
size returns number of detected objects in a track.
Definition: tracking_by_matching.hpp:350
Definition: functional.hpp:609
void prep()
Definition: cap.hpp:62
@ CONTINUOUS_FLAG
Definition: mat.hpp:2083
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:220
@ COLOR_YUV2BGR_YUYV
Definition: imgproc.hpp:706
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:224
virtual void write(FileStorage &fs) const =0
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)
Base storage class for GPU memory with reference counting.
Definition: cuda.hpp:105
@ CALIB_FIX_TANGENT_DIST
Definition: calib3d.hpp:513
bool isInit
Definition: tracking_legacy.hpp:105
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)
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.
@ NCV_ALLOCATOR_BAD_REUSE
Definition: NCV.hpp:337
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
Mat A
gray values from all face region in the dataset, projected in PCA space
Definition: facemarkAAM.hpp:119
@ LINEARIZATION_GRAYPOLYFIT
grayscale polynomial fitting; Need assign a value to deg and dst_whites simultaneously
Definition: ccm.hpp:336
std::vector< GShape > GShapes
Definition: gkernel.hpp:36
the sparse matrix header
Definition: mat.hpp:2675
void setSigmaSpatial(float f)
Definition: depth.hpp:1108
void assign_row(void *ptr, int cols, Scalar const &s)
Definition: mat.hpp:26
@ FM_7POINT
7-point algorithm
Definition: calib3d.hpp:524
@ COLOR_BayerRG2BGR_MHT
Definition: cudaimgproc.hpp:97
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:389
Definition: wobble_suppression.hpp:101
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:943
LINEAR_TYPE
Linearization transformation type.
Definition: ccm.hpp:329
@ IMWRITE_JPEG_CHROMA_QUALITY
Separate chroma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:92
bool horizontal
Definition: sinusoidalpattern.hpp:91
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: tracking.hpp:399
bool get(OutputArray dst, double timeoutNs) const
Definition: async.hpp:63
@ GEMM_1_T
transposes src1
Definition: base.hpp:220
Structure to hold the details pertaining to a single bounding box.
Definition: core_detect.hpp:25
Mat measurementMatrix
measurement matrix (H)
Definition: video.hpp:36
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
void histEven(InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Calculates a histogram with evenly distributed bins.
void magnitude32f(const float *x, const float *y, float *dst, int n)
@ NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
Definition: NCV.hpp:352
@ CAP_OPENNI_VGA_30HZ
Definition: videoio.hpp:312
static cv::UMat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:109
Rect_< float > Rect2f
Definition: types.hpp:460
void setDepth(int val)
Definition: depth.hpp:243
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:228
@ CAP_PROP_XI_LUT_INDEX
Control the index (offset) of the coefficient to access in the LUT.
Definition: videoio.hpp:494
float samplerSearchWinSize
size of search window
Definition: tracking.hpp:763
T work_type
Definition: reduce_to_vec.hpp:127
static void dumpOpenCLInformation()
Definition: opencl_info.hpp:69
Definition: all_layers.hpp:210
std::vector< Mat > hist
Definition: feature.hpp:333
bool parseAvi(Codecs codec_)
Definition: container_avi.private.hpp:88
Matx< _Tp, m1, n1 > get_minor(int base_row, int base_col) const
extract part of the matrix
int size
Definition: all_layers.hpp:238
BlockMeanHash()
Definition: block_mean_hash.hpp:36
size_t blockIdx
Definition: persistence.hpp:623
vuint8mf2_t()
Definition: intrin_rvv.hpp:26
@ CAP_PROP_XI_LENS_FOCUS_MOVE
Moves lens focus motor by steps set in XI_PRM_LENS_FOCUS_MOVEMENT_VALUE.
Definition: videoio.hpp:474
@ CMP_LT
src1 is less than src2.
Definition: base.hpp:214
const double & operator[](int i) const
Definition: scalar.hpp:30
float eps
max outliers ratio
Definition: motion_core.hpp:77
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
@ CAP_PROP_ISO_SPEED
Definition: videoio.hpp:167
std::vector< size_t > stepsT
Definition: rmat.hpp:57
bool first_pulled
Definition: cap.hpp:59
void v_pack_u_store(uchar *ptr, const v_reg< short, n > &a)
Definition: intrin_cpp.hpp:3048
Constructs a WMesh.
Definition: widgets.hpp:788
@ COLOR_BayerGB2RGB_EA
Definition: imgproc.hpp:781
@ INTERSECT_NONE
No intersection.
Definition: imgproc.hpp:804
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:335
@ CAP_PROP_XI_COOLING
Start camera cooling.
Definition: videoio.hpp:435
@ HARRIS_SCORE
Definition: features2d.hpp:407
static OpenCLExecutionContext & getCurrentRef()
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
Mat frameMask_
Definition: stabilizer.hpp:126
@ CC_STAT_WIDTH
The horizontal size of the bounding box.
Definition: imgproc.hpp:398
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
int frame_idx
Frame index where object was detected (-1 if N/A).
Definition: tracking_by_matching.hpp:36
OpaqueRefT(T &&obj)
Definition: gopaque.hpp:153
@ none
Definition: fr_adience.hpp:64
Definition: infer.hpp:324
static U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:294
@ CC_STAT_AREA
The total area (in pixels) of the connected component.
Definition: imgproc.hpp:400
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:1513
Derivatives of this class wraps cv::Mat for different backends and targets.
Definition: dnn.hpp:146
@ WND_PROP_ASPECT_RATIO
window's aspect ration (can be set to WINDOW_FREERATIO or WINDOW_KEEPRATIO).
Definition: highgui.hpp:202
Definition: all_layers.hpp:277
static Color celestial_blue()
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
VideoAccelerationType
Video Acceleration type.
Definition: videoio.hpp:225
unsigned val[4]
Definition: intrin_rvv.hpp:386
std::function< cv::GRunArgs(const GPythonContext &)> Impl
Definition: python.hpp:27
T ValueType
Definition: features2d.hpp:897
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...
Class for ContourFitting algorithms. ContourFitting match two contours and minimizing distance.
Definition: fourier_descriptors.hpp:20
GAPI_PROP std::vector< int > dims
Definition: gmat.hpp:83
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:469
bool compress_feature
activate the pca method to compress the features
Definition: tracking.hpp:130
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:421
#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
Definition: inpainting.hpp:127
std::string nameColor
Definition: gr_chalearn.hpp:77
virtual const char * what() const noexcept override
Definition: any.hpp:45
@ 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:715
Definition: intrin.hpp:103
Allocator()
Definition: cvstd.hpp:122
std::map< std::string, std::vector< LayerFactory::Constructor > > LayerFactory_Impl
Register layer types of DNN model.
Definition: layer_reg.private.hpp:16
@ NCV_HAAR_XML_LOADING_EXCEPTION
Definition: NCV.hpp:347
@ IMWRITE_JPEG_RST_INTERVAL
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:90
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
cv::Point org
The bottom-left corner of the image.
Definition: render_types.hpp:288
cv::Rect location
Definition: detection_based_tracker.hpp:148
v_int16x16 v256_setall_s16(short val)
Definition: intrin_cpp.hpp:2851
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
GMat absDiffC(const GMat &src, const GScalar &c)
Calculates absolute value of matrix elements.
virtual ~IImageDescriptor()
Definition: tracking_by_matching.hpp:99
SrcPtr src
Definition: lut.hpp:65
virtual int getIterations() const =0
NCVStatus nppsStCompact_32s_host(Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:886
#define CV_64F
Definition: interface.h:79
@ CPU_AVX_5124VNNIW
Definition: cvdef.h:321
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2838
std::string tag
Definition: gkernel.hpp:49
virtual int getDisp12MaxDiff() const =0
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.
MapYPtr mapy
Definition: remap.hpp:82
v_reg< _Tp, n > v_combine_low(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Combine vector from first elements of two vectors.
Definition: intrin_cpp.hpp:2285
int height
Definition: linemod.hpp:44
void oilPainting(InputArray src, OutputArray dst, int size, int dynRatio, int code)
oilPainting See the book for details.
@ TYPE_GPU
Definition: ocl.hpp:87
int id
Definition: detection_based_tracker.hpp:189
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:231
virtual ~ParallelForBackend()
Definition: parallel_for.openmp.hpp:35
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
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.
Mat readTensorFromONNX(const String &path)
Creates blob from .pb file.
cv::VideoCapture cap
Definition: cap.hpp:57
#define CV_EXPORTS_W_MAP
Definition: cvdef.h:451
Type
Definition: types.hpp:858
__host__ __forceinline__ void checkCudaError(cudaError_t err, const char *file, const int line, const char *func)
Definition: common.hpp:70
Definition: facerec.hpp:20
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:196
@ IMWRITE_PNG_STRATEGY_RLE
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:139
#define OPENCV_HAL_IMPL_RVV_UNPACKS(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:2109
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...
This structure forces Fluid backend to generate multiple parallel output regions in the graph....
Definition: gfluidkernel.hpp:120
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3303
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:400
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
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:453
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
DemosaicTypes
Definition: cudaimgproc.hpp:92
~TLSData()
Definition: tls.hpp:67
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load(const _Tp *ptr)
Load 256-bit length register contents from memory.
Definition: intrin_cpp.hpp:1611
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
const Size & getWindowSize() const
Definition: types.hpp:218
This aggregate type represents all types which G-API can handle (via variant).
Definition: garg.hpp:195
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:80
const cv::UMat & inMat(int input)
Definition: matchers.hpp:199
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: ie.hpp:120
void cvtXYZtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue)
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities,...
Definition: exposure_compensate.hpp:111
static KernelArg PtrReadOnly(const UMat &m)
Definition: ocl.hpp:401
@ 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
Ptr< EdgeDrawing > createEdgeDrawing()
Creates a smart pointer to a EdgeDrawing object and initializes it.
@ CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio.hpp:548
void writeLogMessage(LogLevel logLevel, const char *message)
void merge32s(const int **src, int *dst, int len, int cn)
#define OPENCV_HAL_IMPL_RVV_ABS(_Tprvec, _Tpvec, suffix)
Definition: intrin_rvv.hpp:1704
@ GLOBAL_ATOMICS
Definition: cuda.hpp:1001
Definition: detection_based_tracker.hpp:68
~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
float thresh
max error to classify as inlier
Definition: motion_core.hpp:76
Definition: deriv.hpp:101
bool nonmaxSuppression
Definition: agast.txt:7533
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
@ COLOR_Lab2BGR
Definition: imgproc.hpp:608
float shiftValue
Definition: sinusoidalpattern.hpp:88
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.
int channels
Definition: mask.hpp:74
@ CC_STAT_TOP
Definition: imgproc.hpp:396
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:84
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
@ DECOMP_LU
Definition: base.hpp:135
Definition: gtype_traits.hpp:165
ExtObject(int _id, cv::Rect _location, ObjectStatus _status)
Definition: detection_based_tracker.hpp:150
@ COLOR_YUV420sp2BGRA
Definition: imgproc.hpp:653
@ EVENT_RBUTTONDOWN
indicates that the right mouse button is pressed.
Definition: highgui.hpp:213
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:197
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
RobotWorldHandEyeCalibrationMethod
Definition: calib3d.hpp:539
@ COLOR_YUV2BGRA_Y422
Definition: imgproc.hpp:697
virtual bool read(const FileNode &node) CV_OVERRIDE
T & get()
Definition: gcommon.hpp:173
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:787
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
float free_coef
not documented
Definition: objdetect.hpp:623
int modifiers
Definition: types.hpp:305
@ block_size_y
Definition: reduce.hpp:297
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
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:199
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:180
v_reg< _Tp, n > operator!=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Not equal comparison.
Definition: intrin_cpp.hpp:890
@ CAP_PROP_XI_ACQ_BUFFER_SIZE
Acquisition buffer size in buffer_size_unit. Default bytes.
Definition: videoio.hpp:500
@ CALIB_FIX_XI
Definition: omnidir.hpp:63
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.
The TrackerParams struct stores parameters of TrackerByMatching.
Definition: tracking_by_matching.hpp:266
@ CAP_PROP_XI_CC_MATRIX_20
Color Correction Matrix element [2][0].
Definition: videoio.hpp:456
#define OPENCV_HAL_IMPL_RVV_SELF_REINTERPRET(_Tpvec, suffix)
Definition: intrin_rvv.hpp:592
void approxPolyDP(InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
K API
Definition: gcpukernel.hpp:467
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:418
@ GC_PR_FGD
a possible foreground pixel
Definition: imgproc.hpp:349
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
@ CAP_PROP_XI_WIDTH
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:424
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:66
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:147
__host__ NCVStatus setFeatureDesc(HaarFeatureDescriptor32 f)
Definition: NCVHaarObjectDetection.hpp:222
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:708
uchar val[8]
Definition: intrin_rvv.hpp:25
@ CPU_SSE4_2
Definition: cvdef.h:300
@ COLOR_YUV2RGB_YUY2
Definition: imgproc.hpp:701
Definition: intrin_rvv.hpp:227
virtual ~CCheckerDraw()
Definition: checker_model.hpp:116
SrcPtr src
Definition: reduction.hpp:154
int samplerTrackMaxNegNum
Definition: tracking.hpp:766
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:712
GMat divC(const GMat &src, const GScalar &divisor, double scale, int ddepth=-1)
Divides matrix by scalar.
uint64_t uint64
Definition: interface.h:62
GridType gridType
Definition: calib3d.hpp:1651
Definition: type_traits.hpp:155
Impl * getImpl() const
Definition: ocl.hpp:294
const cv::Matx< double, 2, 2 > & getLinTr() const
Definition: mapaffine.hpp:84
int hal_ni_max8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:104
Implements Logistic Regression classifier.
Definition: ml.hpp:1629
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tp, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:3024
@ CAP_PROP_XI_EXPOSURE
Exposure time in microseconds.
Definition: videoio.hpp:398
int width
Definition: types.hpp:113
__device__ bool operator()(const typename MakeVec< T, cn >::type &lowerb, const typename MakeVec< T, cn >::type &upperb, const typename MakeVec< T, cn >::type &v) const
@ CAP_PROP_ARAVIS_AUTOTRIGGER
Automatically trigger frame capture if camera is configured with software trigger.
Definition: videoio.hpp:537
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.
uchar * reference
Definition: mat.hpp:3021
__host__ void gridReduceToColumn(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:220
double confThresh() const
Definition: motion_estimators.hpp:143
Node(OBJECT &payload)
Definition: utility.hpp:1061
@ CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:336
@ IMWRITE_PNG_BILEVEL
Binary level PNG, 0 or 1, default is 0.
Definition: imgcodecs.hpp:95
std::vector< U > type
Definition: gtyped.hpp:28
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:82
Definition: cudalegacy.hpp:154
__device__ __forceinline__ float1 cos(const uchar1 &a)
Definition: vec_math.hpp:294
@ MM_HOMOGRAPHY
Definition: motion_core.hpp:67
SURF SurfFeatureDetector
Definition: nonfree.hpp:114
Definition: fr_adience.hpp:67
cv::Scalar value
Definition: gfluidbuffer.hpp:31
@ CAP_PROP_XI_SENSOR_BOARD_TEMP
Camera sensor board temperature.
Definition: videoio.hpp:440
Class implementing the Tree Based Morse Regions (TBMR) as described in extended with scaled extracti...
Definition: xfeatures2d.hpp:1010
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:249
@ VP8
Definition: cudacodec.hpp:256
Mat _labels
Definition: facerec.hpp:48
uint32x4_t cv_vrndq_u32_f32(float32x4_t v)
Definition: neon_utils.hpp:76
float getRecall(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
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:1477
Interface for realizations of Guided Filter.
Definition: edge_filter.hpp:130
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
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:3416
@ SORT_ASCENDING
Definition: core.hpp:161
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 int period() const
Definition: wobble_suppression.hpp:105
Definition: tr_svt.hpp:73
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: rmat.hpp:139
int window_size_
Definition: depth.hpp:261
@ CV_SPECKLE_REMOVAL_AVG_ALGORITHM
Definition: stereo.hpp:114
void add8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
void drawFeatures(InputOutputArray img, const std::vector< Template > &templates, const Point2i &tl, int size=10)
Debug function to draw linemod features.
@ FEATURE_SET_COMPUTE_20
Definition: cuda.hpp:994
Definition: NCVHaarObjectDetection.hpp:218
float calcBlurriness(const Mat &frame)
#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
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:148
float ePointInOctaveY
Definition: descriptor.hpp:135
@ CAP_PROP_XI_GAMMAY
Luminosity gamma.
Definition: videoio.hpp:445
Marr-Hildreth Operator Based Hash, slowest but more discriminative.
Definition: marr_hildreth_hash.hpp:20
@ INT_ZYX
Intrinsic rotations with the Euler angles type Z-Y-X.
Definition: quaternion.hpp:105
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:231
@ COLOR_SPACE_AppleRGB
https://en.wikipedia.org/wiki/RGB_color_space , RGB color space
Definition: ccm.hpp:104
cv::GKernel::M Meta
Definition: gcpukernel.hpp:500
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
@ MM_AFFINE
Definition: motion_core.hpp:66
std::vector< Ptr< Tracker > > trackerList
< storage for the tracker algorithms.
Definition: tracking_legacy.hpp:408
Definition: depth.hpp:887
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:855
@ CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d.hpp:480
#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
Abstract base class for trainable facemark models.
Definition: facemark_train.hpp:262
std::unordered_map< std::string, ConstInput > const_inputs
Definition: onnx.hpp:52
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.
void calcHist(InputArray src, OutputArray hist, Stream &stream=Stream::Null())
Calculates histogram for one channel 8-bit image.
virtual ~INCVMemAllocator()=0
Definition: NCV.hpp:477
Quat< _Tp > & operator-=(const Quat< _Tp > &)
Subtraction assignment operator of two quaternions p and q. It subtracts right operand from the left ...
cv::GOpaqueDesc descr_of() const
Definition: gopaque.hpp:290
void setAngleThreshold(float f)
Definition: depth.hpp:1092
#define CV_CUDEV_EXPR_UNARY_FUNC(name)
Definition: unary_func.hpp:60
@ CAP_PROP_XI_SHUTTER_TYPE
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:414
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.
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:348
@ COLOR_GRAY2RGBA
Definition: imgproc.hpp:556
cv ::Scalar type
Definition: garray.hpp:331
v_reg< uchar, 32 > v_uint8x32
Thirty two 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:510
int Ncv32s
Definition: NCV.hpp:127
@ NEIGH_GRID
Definition: calib3d.hpp:550
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
v_reg< double, n/2 > v_cvt_f64(const v_reg< int, n > &a)
Convert lower half to double.
Definition: intrin_cpp.hpp:2576
Vec3f lightPose
light pose for rendering in meters
Definition: large_kinfu.hpp:68
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:329
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
@ USAC_PARALLEL
USAC, parallel version.
Definition: calib3d.hpp:448
Definition: tracking_legacy.hpp:151
virtual void read(const String &filename)
Loads a FaceRecognizer and its model state.
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)
Definition: facemarkLBF.hpp:96
void fillConvexPoly(InputOutputArray img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
cv::Mat getIterationCounts() const
Definition: depth.hpp:815
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
NormalizationType
Definition: xfeatures2d.hpp:246
Definition: edge_drawing.hpp:44
float correlationThreshold
Definition: quasi_dense_stereo.hpp:49
@ HISTCMP_BHATTACHARYYA
Definition: imgproc.hpp:517
unsigned int seed
seed for shuffling the training data
Definition: facemarkLBF.hpp:82
void checkParams(const cv::gapi::KalmanParams &kfParams, const cv::GMatDesc &measurement, const cv::GMatDesc &control={})
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:91
virtual uint64_t getNumberOfAllocations() const =0
float weight3() const
Definition: motion_stabilizing.hpp:138
Mat temp5
Definition: tracking.hpp:409
all_satisfy< accepted_infer_types, Ts... > valid_infer_types
Definition: infer.hpp:41
v_uint64 vx_setall_u64(uint64 v)
Definition: intrin.hpp:503
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...
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_load_low(const _Tp *ptr)
Load 64-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1702
#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...
@ ERFILTER_NM_IHSGrad
Definition: erfilter.hpp:245
@ ComputeModeDefault
Definition: cuda.hpp:1122
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:2325
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
String className
Definition: tracking_internals.hpp:300
double getMaxDepthDiff() const
Definition: depth.hpp:676
v_reg< uchar, 2 *n > v_rshr_pack(const v_reg< ushort, n > &a, const v_reg< ushort, n > &b)
Definition: intrin_cpp.hpp:3012
void setBlockSize(Size size)
Definition: exposure_compensate.hpp:183
cv::Size minObjSize
Definition: detection_based_tracker.hpp:115
@ CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio.hpp:289
Definition: reduction.hpp:174
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
vfloat64mf2_t(const double *ptr)
Definition: intrin_rvv.hpp:123
NCVStatus nppsStCompactGetSize_32f(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
uint KeyType
Definition: t_hash_int.hpp:58
shared_lock_guard(Mutex &m)
Definition: lock.private.hpp:49
Ptr2DSz ptr_type
Definition: traits.hpp:59
int getStepSize()
Definition: ocr.hpp:421
HoughDeskewOption
Specifies to do or not to do skewing of Hough transform image.
Definition: fast_hough_transform.hpp:105
void swap(variant &rhs) noexcept
Definition: variant.hpp:342
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:221
@ REDUCE_SUM
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:230
Rect_()
default constructor
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2947
ContourFitting(int ctr=1024, int fd=16)
Fit two closed curves using fourier descriptors. More details in and .
Definition: fourier_descriptors.hpp:38
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 *)
double getMaxPointsPart() const
Definition: depth.hpp:949
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:159
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:143
Kind m_kind
Definition: gfluidkernel.hpp:85
@ 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:233
@ nlanes
Definition: intrin_rvv.hpp:519
Definition: gkernel.hpp:73
This class is a typed wrapper over a regular GComputation.
Definition: gtyped.hpp:85
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.
void addSamplesDataSearchSubDirectory(const cv::String &subdir)
Append samples search data sub directory.
@ SCENE_OFFSCREEN
Render off-screen without a window. Allows separate AA setting. Requires manual update via WindowScen...
Definition: ovis.hpp:55
Mat refinement_mask_
Definition: motion_estimators.hpp:194
@ CAP_PROP_XI_DATA_FORMAT
Output data format.
Definition: videoio.hpp:378
std::string m_tag
Definition: ie.hpp:246
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:601
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1, Stream &stream=Stream::Null())
Computes the weighted sum of two arrays.
int hal_ni_invSqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:422
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
@ GUIDED_FILTER
Definition: edge_filter.hpp:57
__host__ size_t elemSize1() const
TrackerContribFeature based on LBP.
Definition: tracking_internals.hpp:912
@ COLOR_RGB2BGRA
Definition: imgproc.hpp:540
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
int initMaxNegNum
Definition: tracking.detail.hpp:369
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:981
DftFlags
Definition: base.hpp:225
Definition: intrinsics.hpp:15
@ MARKER_TILTED_CROSS
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:840
void(* MouseCallback)(int event, int x, int y, int flags, void *userdata)
Callback function for mouse events. see cv::setMouseCallback.
Definition: highgui.hpp:273
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
_Tp area() const
area (width*height) of the rectangle
Variational optical flow refinement.
Definition: tracking.hpp:523
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
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:921
@ CAP_PROP_XI_GPO_MODE
Set general purpose output mode.
Definition: videoio.hpp:387
@ COLOR_YUV2GRAY_NV12
Definition: imgproc.hpp:675
@ CAP_PROP_XI_KNEEPOINT2
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:515
int cornerRefinementWinSize
Definition: aruco.hpp:167
int hal_ni_log64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:457
int selectBestClassifier(std::vector< bool > &errorMask, float importance, std::vector< float > &errors)
__host__ size_t elemSize() const
overridden forms of GpuMat::elemSize() etc.
std::vector< Mat > member_type
Definition: core.hpp:3239
backgroundType
Definition: gr_skig.hpp:87
int rows
Definition: mask.hpp:85
@ StsFilterStructContentErr
incorrect filter structure content
Definition: base.hpp:98
int m_numWeakClassifier
Definition: onlineBoosting.hpp:145
int freePoint
Definition: imgproc.hpp:1247
std::vector< T > & outVecR(int output)
Definition: goclkernel.hpp:67
void validate_input_args(const GRunArgs &args)
void merge64s(const int64 **src, int64 *dst, int len, int cn)
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:692
Definition: reduction.hpp:152
const _Tp & operator()(int i) const
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.
Params(const std::string &tag, const std::string &model, const std::string &device)
Definition: ie.hpp:209
int index_type
Definition: extrapolation.hpp:97
Definition: warpers.hpp:360
__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
double getMaxDepthDiff() const
Definition: depth.hpp:941
@ StsUnmatchedSizes
sizes of input/output structures do not match
Definition: base.hpp:109
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.
_Tp value_type
Definition: types.hpp:160
int addedDescCount
Definition: features2d.hpp:1281
String type
Type name which was used for creating layer by layer factory.
Definition: dnn.hpp:387
@ IMWRITE_WEBP_QUALITY
override EXR compression type (ZIP_COMPRESSION = 3 is default)
Definition: imgcodecs.hpp:99
Ncv32u NCVStatus
Definition: NCV.hpp:376
Ptr< cuda::CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates implementation for cuda::CLAHE .
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.
v_reg< int64, 2 > v_int64x2
Two 64-bit signed integer values.
Definition: intrin_cpp.hpp:506
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.
@ FHT_MIN
Definition: fast_hough_transform.hpp:90
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2564
@ MM_ROTATION
Definition: motion_core.hpp:63
virtual const std::vector< Mat > & frames() const
Definition: deblurring.hpp:75
@ NPPST_MEM_INSUFFICIENT_BUFFER
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
_Result result_type
Definition: functional.hpp:72
BeblidSize
Descriptor number of bits, each bit is a boosting weak-learner. The user can choose between 512 or 25...
Definition: xfeatures2d.hpp:211
@ COLOR_BayerRG2BGRA
Definition: imgproc.hpp:788
std::shared_ptr< TypeHintBase > m_hint
Definition: garray.hpp:97
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
Definition: gkernel.hpp:415
@ nlanes
Definition: intrin_rvv.hpp:392
@ MARKER_TRIANGLE_UP
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:844
__host__ void gridCopy_(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:64
the Spectral Residual approach from
Definition: saliencySpecializedClasses.hpp:69
T value
Definition: copy_through_move.hpp:19
static const char * tag()
Definition: plaidml.hpp:42
Definition: widgets.hpp:720
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
The class implements the modified H. Hirschmuller algorithm . Limitation and difference are as follow...
Definition: cudastereo.hpp:258
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.
__host__ void gridReduceToRow(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:146
std::vector< cv::detail::OpaqueKind > GKinds
Definition: gkernel.hpp:37
static MatShape concat(const MatShape &a, const MatShape &b)
Definition: shape_utils.hpp:179
bool filterByCircularity
Definition: features2d.hpp:730
_mat_data _refImgData
Reference image data.
Definition: qualitygmsd.hpp:82
@ CAP_FIREWIRE
IEEE 1394 drivers.
Definition: videoio.hpp:95
PlanePortraitWarper(float scale)
Definition: warpers.hpp:666
PREDEFINED_DICTIONARY_NAME
Predefined markers dictionaries/sets Each dictionary indicates the number of bits and the number of m...
Definition: dictionary.hpp:141
Definition: type_traits.hpp:71
@ StsNoConv
iteration didn't converge
Definition: base.hpp:76
float si
the integration scale at which the parameters were estimated
Definition: xfeatures2d.hpp:909
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:136
@ COVAR_ROWS
Definition: core.hpp:202
util::variant< util::monostate, detail::ConstructVec, detail::ConstructOpaque > HostCtor
Definition: gtype_traits.hpp:206
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:193
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:70
Abstract base class for TrackerContribSamplerAlgorithm that represents the algorithm for the specific...
Definition: tracking_internals.hpp:394
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)
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:148
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
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
@ OEM_CUBE_ONLY
Definition: ocr.hpp:86
Kind
Definition: gfluidkernel.hpp:48
Distance::ElementType ElementType
Definition: flann.hpp:173
__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)
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
@ RO_IGNORE_BORDERS
Skip validations of image borders.
Definition: fast_hough_transform.hpp:118
float distThresh() const
Definition: inpainting.hpp:153
This 3D Widget defines a collection of clouds. :
Definition: widgets.hpp:736
@ CAP_PROP_XI_HW_REVISION
Returns hardware revision number.
Definition: videoio.hpp:517
Definition: vec_distance.hpp:155
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:953
This structure represents a text string to draw using FreeType renderer.
Definition: render_types.hpp:92
bool isThreadSafe() const
Definition: matchers.hpp:145
optional_shared_lock_guard(Mutex *m)
Definition: lock.private.hpp:104
@ COVAR_SCRAMBLED
Definition: core.hpp:182
short val[8]
Definition: intrin_rvv.hpp:354
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
RotatedRect CamShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object center, size, and orientation.
@ OCL_VECTOR_DEFAULT
Definition: ocl.hpp:677
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:252
@ COLOR_SPACE_XYZ_D50_2
non-RGB color space
Definition: ccm.hpp:112
v_uint32x4(unsigned v0, unsigned v1, unsigned v2, unsigned v3)
Definition: intrin_rvv.hpp:368
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,...
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.
static __device__ double atomicAdd(double *address, double val)
Definition: atomic.hpp:84
@ IMWRITE_TIFF_RESUNIT
For TIFF, use to specify which DPI resolution unit to set; see libtiff documentation for valid values...
Definition: imgcodecs.hpp:101
__device__ static __forceinline__ void blockTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
cv::Scalar color
The text color.
Definition: render_types.hpp:116
T & get()
Definition: garg.hpp:67
Definition: parallel_for.tbb.hpp:46
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
@ CPU_AVX_512DQ
Definition: cvdef.h:310
double shape_offset
offset for the loaded face landmark points
Definition: facemarkLBF.hpp:58
@ is_scalar
Definition: type_traits.hpp:146
@ BM3D_STEP1
Definition: bm3d_image_denoising.hpp:73
@ UPDATE_IMAGE_ELEMENT
Definition: cap_winrt.hpp:42
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
Impl * p
Definition: ocl.hpp:540
int dims
Definition: mat.hpp:2680
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1190
virtual void setFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:81
int trackMaxNegNum
Definition: tracking_internals.hpp:661
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load_low(const _Tp *ptr)
Load 128-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1729
Ptr< ILog > log_
Definition: stabilizer.hpp:114
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
NCVStatus ncvDrawRects_32u_host(Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
int class_id
Definition: interface.h:27
@ NV_OF_PERF_LEVEL_UNDEFINED
Definition: cudaoptflow.hpp:408
@ CALIB_USE_GUESS
Definition: omnidir.hpp:57
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:138
@ IMWRITE_TIFF_XDPI
For TIFF, use to specify the X direction DPI.
Definition: imgcodecs.hpp:102
GCaptureSource(const std::string &path)
Definition: cap.hpp:51
KmeansFlags
k-Means flags
Definition: core.hpp:213
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()
@ LOCAL_OPTIM_SIGMA
Definition: calib3d.hpp:548
@ BINARIZATION_SAUVOLA
Sauvola's technique. See .
Definition: ximgproc.hpp:123
@ CAP_PROP_XI_TARGET_TEMP
Set sensor target temperature for cooling.
Definition: videoio.hpp:436
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:156
@ LINEAR
linear (triangular) shape
Definition: types.hpp:55
@ COLOR_RGBA2GRAY
Definition: imgproc.hpp:558
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
@ DIST_USER
User defined distance.
Definition: imgproc.hpp:301
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.
static cv::gapi::GBackend backend()
Definition: gfluidkernel.hpp:432
Manages memory block shared by muliple buffers.
Definition: buffer_area.private.hpp:38
virtual void generateFeatures()=0
EntityProperty
Definition: ovis.hpp:74
Point_()
default constructor
Impl *const p
Definition: ocl.hpp:743
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)
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)
LocalOptimMethod loMethod
Definition: calib3d.hpp:558
bool useIlluminationModel
Definition: rlofflow.hpp:126
Background subtraction based on counting.
Definition: bgsegm.hpp:195
void postprocess(Outputs &... outs)
Definition: gcpukernel.hpp:231
@ NAME_EXPECTED
Definition: persistence.hpp:327
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
virtual ~Estimator()
Definition: motion_estimators.hpp:68
@ QUADS
Definition: opengl.hpp:486
RectanglesIntersectTypes
types of intersection between rectangles
Definition: imgproc.hpp:803
@ CAP_PROP_XI_TRG_SOFTWARE
Generates an internal trigger. PRM_TRG_SOURCE must be set to TRG_SOFTWARE.
Definition: videoio.hpp:382
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.
std::function< void(const GMetaArgs &, const GArgs &, GArg &, const GCompileArgs &)> SetupF
Definition: gcpukernel.hpp:142
StreamType
Definition: container_avi.private.hpp:136
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
Definition: intrin_rvv.hpp:451
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
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
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
Definition: feature.hpp:362
void undistort(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
Transforms an image to compensate for lens distortion.
__host__ GpuMat_ rowRange(int startrow, int endrow) const
#define OPENCV_HAL_IMPL_RVV_FLOAT_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1388
double getTickFrequency()
Returns the number of ticks per second.
void glob(const cv::String &directory, const cv::String &pattern, std::vector< cv::String > &result, bool recursive=false, bool includeDirectories=false)
int euler
Euler's number.
Definition: erfilter.hpp:81
float corr
Definition: quasi_dense_stereo.hpp:31
const MatAllocator * prevAllocator
Definition: mat.hpp:558
float maxRectifiedDistance
Max deviation from prediction. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1654
@ CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio.hpp:579
Params< Net > & cfgInputReshape(const std::string &layer_name, const std::vector< size_t > &layer_dims)
Definition: ie.hpp:174
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:470
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
@ WAVE_CORRECT_HORIZ
Definition: motion_estimators.hpp:330
const T & inArg(int input)
Definition: gplaidmlkernel.hpp:39
Class for extracting Speeded Up Robust Features from an image .
Definition: nonfree.hpp:82
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
@ EXT_YZX
Extrinsic rotations with the Euler angles type Y-Z-X.
Definition: quaternion.hpp:116
uchar * ptr
Definition: mat.hpp:3223
v_float64x8 v_float64
Maximum available vector register capacity 64-bit floating point values (double precision)
Definition: intrin.hpp:405
__device__ __forceinline__ uint vcmple4(uint a, uint b)
Definition: simd_functions.hpp:671
Definition: track_vot.hpp:68
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:92
ImwriteEXRCompressionFlags
Definition: imgcodecs.hpp:114
static int normalize_axis(int axis, int dims)
Converts axis from [-dims; dims) (similar to Python's slice notation) to [0; dims) range.
Definition: shape_utils.hpp:210
Element wise operation on inputs.
Definition: all_layers.hpp:526
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
float response
Definition: descriptor.hpp:120
Definition: agast.txt:7481
Definition: gfluidkernel.hpp:45
Definition: functional.hpp:714
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.
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
Mat_ operator()(const Range &rowRange, const Range &colRange) const
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1127
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:127
std::vector< GOptRunArgP > GOptRunArgsP
Definition: gstreaming.hpp:72
Mat rowRange(int startrow, int endrow) const
Creates a matrix header for the specified row span.
vfloat32mf2_t()
Definition: intrin_rvv.hpp:94
const T * ptr(int y, int x) const
Definition: rmat.hpp:87
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
float icpAngleThresh
angle threshold for ICP in radians
Definition: large_kinfu.hpp:73
_Tp value_type
Definition: matx.hpp:113
GpuMat maxPosBuffer
Definition: cuda.hpp:195
@ HOUGH_MULTI_SCALE
Definition: imgproc.hpp:483
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
Scalar_< double > Scalar
Definition: types.hpp:669
std::string model_filename
Definition: facemarkAAM.hpp:67
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
@ IMPL_IPP
Definition: instrumentation.hpp:56
Definition: deriv.hpp:300
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)
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
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)
@ AGAST_7_12s
Definition: features2d.hpp:604
int val[4]
Definition: intrin_rvv.hpp:417
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
EulerAnglesType
Enum of Euler angles type.
Definition: quaternion.hpp:98
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
void mapForward(float x, float y, float &u, float &v)
@ PSM_AUTO_ONLY
Definition: ocr.hpp:71
cv::Mat getK() const
Definition: depth.hpp:156
float sPointInOctaveX
Definition: descriptor.hpp:132
@ INT_XYZ
Intrinsic rotations with the Euler angles type X-Y-Z.
Definition: quaternion.hpp:100
@ NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:335
Definition: onlineBoosting.hpp:198
@ CV_STAR_KERNEL
Definition: descriptor.hpp:15
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:124
Definition: container_avi.private.hpp:147
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
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3147
Definition: gcpukernel.hpp:496
int height
Definition: sinusoidalpattern.hpp:86
@ COLORSPACE_BGR
Definition: container_avi.private.hpp:135
int resImHeight
Definition: saliencySpecializedClasses.hpp:112
ObjectStatus
Definition: detection_based_tracker.hpp:138
v_reg< short, 8 > v_int16x8
Eight 16-bit signed integer values.
Definition: intrin_cpp.hpp:494
@ VAR_NUMERICAL
same as VAR_ORDERED
Definition: ml.hpp:83
@ is_vec
Definition: type_traits.hpp:147
Definition: vec_traits.hpp:88
Class implementing the BRISK keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:340
std::vector< Point2f > s0
Definition: facemarkAAM.hpp:100
@ MOTION_AFFINE
Definition: tracking.hpp:264
Random Number Generator.
Definition: core.hpp:2782
bool value_type
Definition: mask.hpp:59
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
virtual ~StrongClassifierDirectSelection()
static int type()
Definition: flann.hpp:82
int cols
Definition: deriv.hpp:209
v_float32x4()
Definition: intrin_rvv.hpp:425
double minContoursArea
Definition: checker_detector.hpp:111
int getHeight() const
Definition: container_avi.private.hpp:166
static cv::GPlaidMLKernel kernel()
Definition: gplaidmlkernel.hpp:133
void * pv
Definition: dict.hpp:106
std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
Represents the model of the target at frame (all states and scores)
Definition: tracking.detail.hpp:214
Mat eigenvectors() const
Definition: core.hpp:2613
@ CALIB_FIX_GAMMA
Definition: omnidir.hpp:64
void setNonmaxSuppression(bool f)
Definition: agast.txt:7526
@ COLOR_BayerGB2BGR_MHT
Definition: cudaimgproc.hpp:96
float vscale
Definition: highgui.hpp:720
Point(int _x, int _y)
Definition: types.hpp:25
int numFeatures
Definition: feature.hpp:157
ERStat * prev
Definition: erfilter.hpp:106
Mat depth
Definition: depth.hpp:474
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.
_Tp * data()
returns pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:128
K API
Definition: goclkernel.hpp:236
Type
Definition: types.hpp:313
friend T & get(variant< Us... > &v)
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitybase.hpp:49
void drawChessboardCorners(InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound)
Renders the detected chessboard corners.
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
void MSERsToERStats(InputArray image, std::vector< std::vector< Point > > &contours, std::vector< std::vector< ERStat > > ®ions)
Converts MSER contours (vector<Point>) to ERStat regions.
static Affine3 Identity()
Create an 4x4 identity transform.
Ptr< DenseOpticalFlow > createOptFlow_DenseRLOF()
Additional interface to the Dense RLOF algorithm - optflow::calcOpticalFlowDenseRLOF()
const cv::GArgs & ins
Definition: python.hpp:22
@ SORT_EVERY_COLUMN
Definition: core.hpp:158
@ CAP_IMAGES
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:120
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:241
@ THRESHOLD
Definition: features2d.hpp:609
Definition: superres.hpp:66
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
static tbb::task_scheduler_init & getScheduler()
Definition: parallel_for.tbb.hpp:34
@ block_dim_y
Definition: transpose.hpp:88
void infoFlow(InputArray image, InputArray tmap, OutputArray result)
Compute alpha matte of an object in an image.
float minGraphConfidence
Definition: calib3d.hpp:1638
Definition: inpainting.hpp:141
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:435
double sigma_scale
Definition: descriptor.hpp:702
INITIAL_METHOD_TYPE
Enum of the possible types of initial method.
Definition: ccm.hpp:67
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.
Vec< _Tp, m > operator*() const
Class implementing PCT (position-color-texture) signature extraction as described in ....
Definition: xfeatures2d.hpp:448
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
@ MODE_SGBM
Definition: stereo.hpp:201
uchar * datastart
Definition: cuda.hpp:799
int x
Definition: tr_svt.hpp:63
Definition: logger.hpp:48
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)
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_lut_quads(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2643
@ COLOR_YUV2BGR_YUNV
Definition: imgproc.hpp:708
Definition: all_layers.hpp:310
softfloat getFrac() const
Get a fraction part.
Definition: softfloat.hpp:187
Ptr< DFT > createDFT(Size dft_size, int flags)
Creates implementation for cuda::DFT.
@ DFT_SCALE
Definition: base.hpp:231
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:180
Definition: fr_lfw.hpp:60
double MaxErrorThreshold
Definition: edge_drawing.hpp:67
@ _dummy_enum_finalizer
Definition: matx.hpp:351
@ SR_FIXED
Definition: rlofflow.hpp:18
@ LINE_STRIP
Definition: opengl.hpp:482
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
@ COLOR_YUV2RGBA_YUNV
Definition: imgproc.hpp:716
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 .
size_t elemSize() const
overridden forms of Mat::elemSize() etc.
__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
GBackend backend() const
Definition: ie.hpp:190
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
static MatExpr min(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3695
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
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
std::vector< cv::Point > locations
set of requested locations to be evaluated
Definition: objdetect.hpp:350
@ CPU_FP16
Definition: cvdef.h:302
static String dumpRotatedRect(const RotatedRect &argument)
Definition: bindings_utils.hpp:99
v_float64 vx_setall_f64(double v)
Definition: intrin.hpp:505
@ CAP_AVFOUNDATION
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:108
cv::GMetaArgs descrs_of(const std::vector< Mat > &vec)
Definition: functional.hpp:319
The base class for auto white balance algorithms.
Definition: white_balance.hpp:63
~WeChatQRCode()
Definition: wechat_qrcode.hpp:40
Abstract base class for all face recognition models.
Definition: face.hpp:157
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
@ 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
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
ANN_MLP ANN_MLP_ANNEAL
Definition: ml.hpp:1618
void updateContinuityFlag()
internal use method: updates the continuity flag
NCVStatus nppiStTranspose_64s_C1R(Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
@ HOUGH_STANDARD
Definition: imgproc.hpp:475
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
@ MODE_SGBM
Definition: calib3d.hpp:3487
@ 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:305
@ VC1
Definition: cudacodec.hpp:250
Structure for the Background Subtractor operation's initialization parameters.
Definition: video.hpp:100
int perimeter
Definition: erfilter.hpp:80
NCVStatus copy2D(NCVMatrix< T > &dst, NcvSize32u roi, cudaStream_t cuStream) const
Definition: NCV.hpp:794
unsigned int m_height
Definition: container_avi.private.hpp:130
@ CCL_WU
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity. The parallel implement...
Definition: imgproc.hpp:409
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:180
Mat bytesList
Definition: dictionary.hpp:64
@ value
Definition: type_traits.hpp:66
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.
@ GC_BGD
an obvious background pixels
Definition: imgproc.hpp:346
virtual ~CChecker()
Definition: checker_model.hpp:68
int mapcount
Definition: mat.hpp:570
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.
@ CAP_PROP_XI_DEBOUNCE_T1
Debounce time (x * 10us).
Definition: videoio.hpp:469
static const U & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:121
Params & pluginConfig(const IEConfig &cfg)
Definition: ie.hpp:148
@ IMWRITE_EXR_COMPRESSION_PIZ
piz-based wavelet compression
Definition: imgcodecs.hpp:119
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
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
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:24
double Rw
Definition: gr_chalearn.hpp:67
int numClasses() const
Definition: linemod.hpp:381
const int * greek
Definition: highgui.hpp:718
Size_< double > Size2d
Definition: types.hpp:346
@ FM_LMEDS
least-median algorithm. 7-point algorithm is used.
Definition: calib3d.hpp:526
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:802
@ QT_PUSH_BUTTON
Push button.
Definition: highgui.hpp:258
@ EXT_XZX
Extrinsic rotations with the Euler angles type X-Z-X.
Definition: quaternion.hpp:120
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:88
join s[20]
Definition: gr_chalearn.hpp:72
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracking.detail.hpp:332
@ COLOR_HSV2BGR_FULL
backward conversions HSV to RGB/BGR with H range 0..255 if 8 bit image
Definition: imgproc.hpp:620
void getProjTr(OutputArray projTr) const
Definition: mapprojec.hpp:88
__host__ GpuMat_ operator()(Range rowRange, Range colRange) const
@ H5_GETDIMS
Get the dimension information of a dataset.
Definition: hdf5.hpp:128
@ NCV_INVALID_ROI
Definition: NCV.hpp:328
@ COLOR_RGBA2BGR
Definition: imgproc.hpp:542
Singular Value Decomposition.
Definition: core.hpp:2643
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar per-element product.
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:1017
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
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float > > &ii_imgs)
Definition: feature.hpp:285
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
@ CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio.hpp:580
std::function< std::tuple< R... >Args...)> Gen
Definition: gtyped.hpp:167
Definition: mapperpyramid.hpp:55
@ AM_FILTER
Definition: edge_filter.hpp:58
Impl * getImpl() const
Definition: ocl.hpp:383
#define N_CELLS
Definition: feature.hpp:83
PHash()
Definition: phash.hpp:27
void include()
Put a new kernel implementation or a new transformation KImpl into the package.
Definition: gkernel.hpp:611
const Vec2d & getClip() const
Definition: types.hpp:215
bool filterByInertia
Definition: features2d.hpp:733
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:236
@ COLORMAP_MAGMA
Definition: imgproc.hpp:4325
_Tp height
height of the rectangle
Definition: types.hpp:456
@ LINES
Definition: opengl.hpp:480
@ CAP_PVAPI_PIXELFORMAT_BAYER8
Bayer8.
Definition: videoio.hpp:362
@ MORPH_BLACKHAT
Definition: imgproc.hpp:224
static GComputation invoke(Callable f, Seq< IIs... >, Seq< OIs... >)
Definition: gtransform.hpp:47
@ COLOR_YUV2BGR_YVYU
Definition: imgproc.hpp:704
Video writer class.
Definition: videoio.hpp:942
v_float64 vx_load(const double *ptr)
Definition: intrin.hpp:539
Definition: multicalib.hpp:82
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:777
float negativeSlope
Definition: all_layers.hpp:434
void setDepth(int val)
Definition: depth.hpp:152
void demosaicing(InputArray src, OutputArray dst, int code, int dcn=-1, Stream &stream=Stream::Null())
Converts an image from Bayer pattern to RGB or grayscale.
void or8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
int rows
Definition: resize.hpp:79
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:152
virtual ~IFrameSource()
Definition: frame_source.hpp:60
@ COLOR_SPACE_Lab_E_2
non-RGB color space
Definition: ccm.hpp:132
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:94
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
GKernelPackage pkg
Definition: gkernel.hpp:726
virtual void copyToHost()=0
Transfer data to CPU host memory.
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
cv::detail::GInferOutputsTyped< cv::GArray< cv::GMat > > GInferListOutputs
G-API object used to collect the list of network outputs.
Definition: infer.hpp:379
@ 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:183
v_int16 vx_setzero_s16()
Definition: intrin.hpp:515
std::function< R(Args...)> Gen
Definition: gtyped.hpp:91
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 ~OptHolder()=default
@ FEATURE_SET_COMPUTE_12
Definition: cuda.hpp:992
void setMouseCallback(const String &winname, MouseCallback onMouse, void *userdata=0)
Sets mouse handler for the specified window.
Definition: functional.hpp:142
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Computes polar angles of complex matrix elements.
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:669
ptrdiff_t difference_type
Definition: mat.hpp:3019
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:389
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
@ COL_SAMPLE
each training sample occupies a column of samples
Definition: ml.hpp:99
virtual ~BasicVectorRef()
Definition: garray.hpp:127
@ COLOR_BGRA2GRAY
Definition: imgproc.hpp:557
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitygmsd.hpp:31
GIOProtoArgs(GProtoArgs &&args)
Definition: gproto.hpp:63
@ IMWRITE_EXR_COMPRESSION_B44
lossy 4-by-4 pixel block compression, fixed compression rate
Definition: imgcodecs.hpp:121
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:712
Class passed to an error.
Definition: core.hpp:118
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
static const char * tag()
Definition: stereo.hpp:39
Mat errorCovInit
State estimate cross-covariance matrix, DP x DP, default is identity.
Definition: kalman_filters.hpp:137
@ CAP_PROP_XI_IS_DEVICE_EXIST
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:499
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
Feature matchers base class.
Definition: matchers.hpp:117
@ 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
float fy
Definition: resize.hpp:66
Base class for modelling a Map between two images.
Definition: map.hpp:124
@ CPU_AVX2
Definition: cvdef.h:304
Principal Component Analysis.
Definition: core.hpp:2406
@ TM_CCORR_NORMED
Definition: imgproc.hpp:3724
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:724
int window_size_
Definition: depth.hpp:179
int x
Definition: tr_icdar.hpp:63
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
@ is_volatile
Definition: type_traits.hpp:137
@ FHT_ADD
Definition: fast_hough_transform.hpp:94
Quat< _Tp > atan() const
return arctan value of this quaternion, arctan could be calculated as:
const uchar * sliceEnd
Definition: mat.hpp:3070
v_reg< uchar, 2 *n > v_rshr_pack_u(const v_reg< short, n > &a, const v_reg< short, n > &b)
Definition: intrin_cpp.hpp:3018
static const char * tag()
Definition: sync.hpp:24
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:1188
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.
v_uint32 vx_setall_u32(unsigned v)
Definition: intrin.hpp:500
@ is_unsigned_int
Definition: type_traits.hpp:142
static int help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:306
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:126
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:55
Definition: features2d.hpp:894
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
Definition: interpolation.hpp:76
vuint8mf4_t()
Definition: intrin_rvv.hpp:131
@ CAP_PROP_DC1394_MODE_MANUAL
set automatically when a value of the feature is set by the user.
Definition: videoio.hpp:250
Definition: softfloat.hpp:89
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:168
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:123
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)
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.
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
Definition: xfeatures2d.hpp:176
Definition: stabilizer.hpp:143
float tsdf_trunc_dist
distance to truncate in meters
Definition: kinfu.hpp:125
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:945
static void write(FileStorage &fs, const Scalar_< _Tp > &s)
Definition: persistence.hpp:972
float neighborhoodEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:102
double calibrateCameraAruco(InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using aruco markers.
void async(GCompiled &gcmpld, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs)
const typedef _Tp * pointer
Definition: mat.hpp:3085
bool occluded
Definition: or_pascal.hpp:73
TrackedObject first_object
First object in track.
Definition: tracking_by_matching.hpp:394
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:3551
Definition: desync.hpp:24
Definition: infer.hpp:239
@ COVAR_SCALE
Definition: core.hpp:198
__host__ PtrTraits< Ptr2DSz >::ptr_type shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:85
int borderY
Definition: quasi_dense_stereo.hpp:46
Definition: slam_kitti.hpp:60
bool extended
Definition: cuda.hpp:185
float aprilTagMaxLineFitMse
Definition: aruco.hpp:185
Mat member_type
Definition: core.hpp:3231
@ CAP_PROP_XI_LED_SELECTOR
Selects camera signalling LED.
Definition: videoio.hpp:388
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
Vec< short, 2 > Vec2s
Definition: matx.hpp:413
class which allows the Gipsa/Listic Labs model to be used with OpenCV.
Definition: retina.hpp:207
static int type()
Definition: flann.hpp:79
GMat inRange(const GMat &src, const GScalar &threshLow, const GScalar &threshUp)
Applies a range-level threshold to each matrix element.
@ CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio.hpp:565
@ wb
Definition: container_avi.private.hpp:136
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
int type
Definition: all_layers.hpp:236
#define CV_CUDEV_RGB2RGB5x5_INST(name, scn, bidx, green_bits)
Definition: color_cvt.hpp:425
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.
@ INPAINT_FSR_FAST
See INPAINT_FSR_BEST.
Definition: inpainting.hpp:95
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:738
T thresh
Definition: functional.hpp:696
void setWeight2(float val)
Definition: motion_stabilizing.hpp:134
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
std::string imageName
Definition: sr_div2k.hpp:25
static String dumpFloat(float argument)
Definition: bindings_utils.hpp:47
std::string imageName
Definition: msm_middlebury.hpp:62
@ CAP_PROP_XI_COLUMN_FPN_CORRECTION
Correction of column FPN.
Definition: videoio.hpp:507
std::vector< std::pair< Backend, Target > > getAvailableBackends()
@ CAP_PROP_SAR_NUM
Sample aspect ratio: num/den (num)
Definition: videoio.hpp:176
void setCellSize(Size val)
Definition: outlier_rejection.hpp:79
NcvBool isMemAllocated() const
Definition: NCV.hpp:664
vuint16mf2_t()
Definition: intrin_rvv.hpp:50
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
@ nlanes
Definition: intrin_rvv.hpp:296
__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
@ CPU_AVX_512VBMI
Definition: cvdef.h:315
Complex conj() const
conjugation
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracking_internals.hpp:518
@ SFM_DISTORTION_MODEL_POLYNOMIAL
Definition: simple_pipeline.hpp:52
Definition: gr_chalearn.hpp:65
static const char * tag()
Definition: gcommon.hpp:258
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
void mapBackward(float u, float v, float &x, float &y)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
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
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())
std::function< int(const GMetaArgs &, const GArgs &)> GW
Definition: gfluidkernel.hpp:71
@ CPU_SSE4_1
Definition: cvdef.h:299
@ COLOR_BayerGB2BGRA
Definition: imgproc.hpp:787
int dataType
Type of elements of vectors and matrices, default is CV_64F.
Definition: kalman_filters.hpp:134
GMat cmpGT(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
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:120
Definition: functional.hpp:204
GIOProtoArgs< Out_Tag > GProtoOutputArgs
Definition: gproto.hpp:93
optional()
Definition: optional.hpp:36
int rows() const
Definition: rmat.hpp:72
const T & rref() const
Definition: gopaque.hpp:191
Plane warper factory class.
Definition: warpers.hpp:150
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.
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:74
@ CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Horizontal sub-sampling of the image.
Definition: videoio.hpp:337
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
Definition: warpers.hpp:204
@ COLOR_SPACE_XYZ_D75_2
non-RGB color space
Definition: ccm.hpp:118
Definition: optical_flow.hpp:56
float parasolCells_k
Definition: retina.hpp:176
std::tuple< GArray< Rect >, GArray< int > > GDetections
Definition: parsers.hpp:20
static Ptr< QualityMSE > create(InputArray ref)
Create an object which calculates quality.
Structure for the Stereo operation initialization parameters.
Definition: stereo.hpp:20
Rect rect
Definition: dpm.hpp:112
@ COLOR_BayerGB2RGB_VNG
Definition: imgproc.hpp:770
StereoInitParam(int nD, int bS, double bL, double f)
Definition: stereo.hpp:21
Definition: predict_collector.hpp:85
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
@ NCV_ALLOCATOR_NOT_INITIALIZED
Definition: NCV.hpp:332
Mat image
Definition: or_mnist.hpp:63
Definition: slam_tumindoor.hpp:74
void setValue(InputArray value)
std::string modelTxt
Definition: tracking.hpp:807
Point2i Point
Definition: types.hpp:194
LineIterator(Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4819
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gfluidkernel.hpp:65
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
Quat< _Tp > cos() const
return cos value of this quaternion, cos could be calculated as:
v_int32x4(int v0, int v1, int v2, int v3)
Definition: intrin_rvv.hpp:400
@ COLOR_BayerGR2RGB
Definition: imgproc.hpp:756
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
Definition: dataset.hpp:564
int normL1_(const uchar *a, const uchar *b, int n)
__host__ int depth() const
@ CAP_PROP_XI_FFS_FILE_SIZE
Size of file.
Definition: videoio.hpp:521
@ EVENT_LBUTTONDBLCLK
indicates that left mouse button is double clicked.
Definition: highgui.hpp:218
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:244
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 float operator()(int varIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:336
String className
Definition: tracking.detail.hpp:265
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: goclkernel.hpp:81
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
@ CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio.hpp:576
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
Definition: infer.hpp:312
v_reg< int, n > v_trunc(const v_reg< float, n > &a)
Truncate elements.
Definition: intrin_cpp.hpp:2478
virtual NCVMemoryType memType(void) const =0
int hal_ni_min16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:114
@ CAP_PROP_XI_LENS_FOCUS_DISTANCE
Lens focus distance in cm.
Definition: videoio.hpp:475
@ CAP_PROP_BUFFERSIZE
Definition: videoio.hpp:174
@ FONT_HERSHEY_SCRIPT_COMPLEX
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: imgproc.hpp:830
std::unordered_map< std::string, util::any > Meta
Definition: garg.hpp:124
Scalar_()
default constructor
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...
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:1431
std::string fileName
Definition: tr_svt.hpp:68
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg, GCompileArgs &&args)
Definition: gtyped.hpp:136
@ 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:2193
StoreMode
Definition: intrin.hpp:93
#define CV_OUT
Definition: cvdef.h:453
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:292
@ PSM_SINGLE_COLUMN
Definition: ocr.hpp:73
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:397
cv::utils::logging::LogTag * getGlobalLogTag()
Clouds.
Definition: widgets.hpp:680
void applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
void addref()
Increments the reference counter.
Definition: garray.hpp:32
cv::Scalar color
The line color.
Definition: render_types.hpp:321
@ CCL_BOLELLI
Spaghetti algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:411
@ EVENT_FLAG_MBUTTON
indicates that the middle mouse button is down.
Definition: highgui.hpp:229
Definition: features2d.hpp:926
Definition: or_pascal.hpp:68
optional_lock_guard(Mutex *m)
Definition: lock.private.hpp:80
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:426
int compressed_size
feature size after compression
Definition: tracking.hpp:132
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:236
int curPos_
Definition: stabilizer.hpp:127
int width
Definition: linemod.hpp:43
Base class for all pairwise seam estimators.
Definition: seam_finders.hpp:84
@ COLOR_BGR2Lab
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:597
static void serialize(IOStream &os, const GCompileArg &arg)
Definition: gcommon.hpp:230
v_int32x4 v_setall_s32(int val)
Definition: intrin_cpp.hpp:2841
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 copyMakeBorder(InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, Scalar value=Scalar(), Stream &stream=Stream::Null())
Forms a border around an image.
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
@ CAP_PROP_XI_GPO_SELECTOR
Selects general purpose output.
Definition: videoio.hpp:386
const typedef _InputOutputArray & InputOutputArray
Definition: mat.hpp:445
virtual void setUniquenessRatio(int uniquenessRatio)=0
static MatExpr ones(int rows, int cols)
int minImageSize
Definition: checker_detector.hpp:122
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:98
int corrWinSizeX
Definition: quasi_dense_stereo.hpp:42
const stepsT & steps() const
Definition: rmat.hpp:91
T & outOpaqueR(int output)
Definition: goclkernel.hpp:71
@ CALIB_FIX_K1
Definition: omnidir.hpp:59
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:677
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.
PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:82
__host__ Expr< SumExprBody< SrcPtr > > sum_(const SrcPtr &src)
Definition: reduction.hpp:77
void not8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
@ SOLVEPNP_DLS
Definition: calib3d.hpp:460
The class implements the random forest predictor.
Definition: ml.hpp:1247
@ LOG_WARP_SIZE
Definition: warp.hpp:58
bool difficult
Definition: or_pascal.hpp:72
virtual void copyTo(HOGDescriptor &c) const
clones the HOGDescriptor
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
int nOctaveLayers
Definition: cuda.hpp:184
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:436
Mat H
Estimated transformation.
Definition: matchers.hpp:110
int getBasisSize() const
Definition: pcaflow.hpp:87
@ NCV_NPP_ERROR
Definition: NCV.hpp:320
static const cv::gapi::fluid::View & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:172
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
void setThreshold(double val)
Definition: depth.hpp:417
v_float64 vx_load_aligned(const double *ptr)
Definition: intrin.hpp:556
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
imageType
Definition: slam_tumindoor.hpp:60
@ CALIB_CB_CLUSTERING
Definition: calib3d.hpp:492
Mat pose
Definition: multicalib.hpp:100
Matx44d pose
Definition: pose_3d.hpp:127
__device__ __forceinline__ uint vcmpeq2(uint a, uint b)
Definition: simd_functions.hpp:261
double f
Definition: cvdef.h:389
@ StsBadMask
bad format of mask (neither 8uC1 nor 8sC1)
Definition: base.hpp:108
__host__ NCVStatus setStartClassifierRootNodeOffset(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:282
static void runByPixelsMask(std::vector< KeyPoint > &keypoints, const Mat &mask)
Range newShapeRange
Definition: all_layers.hpp:299
@ VIDEOWRITER_PROP_IS_COLOR
Definition: videoio.hpp:200
Abstract base class for all strategies of prediction result handling.
Definition: predict_collector.hpp:61
__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:964
float estimateOptimalTrimRatio(const Mat &M, Size size)
@ COLOR_BayerRG2BGR_VNG
Definition: imgproc.hpp:766
@ 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).
MatcherType
Definition: features2d.hpp:953
Mat samplePCUniform(Mat PC, int sampleStep)
Definition: functional.hpp:960
int rows
Definition: interpolation.hpp:215
void mul8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
int numFrames
Definition: gr_chalearn.hpp:78
int size() const
Definition: flann.hpp:324
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:82
int number_of_scales
Definition: tracking.hpp:68
void dctDenoising(const Mat &src, Mat &dst, const double sigma, const int psize=16)
The function implements simple dct-based denoising.
Ptr< Impl > p
Definition: persistence.hpp:465
int getRows() const
Definition: depth.hpp:124
Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm...
Definition: seeds.hpp:66
void groupRectangles_meanshift(std::vector< Rect > &rectList, std::vector< double > &foundWeights, std::vector< double > &foundScales, double detectThreshold=0.0, Size winDetSize=Size(64, 128))
__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 const CV_CONSTEXPR int EXPANDED_MAT_DEFAULT_TYPE
Definition: quality_utils.hpp:18
static void read(const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value)
Definition: persistence.hpp:742
COLOR_SPACE
Definition: ccm.hpp:93
float cy
Definition: intrinsics.hpp:59
GMat equalizeHist(const GMat &src)
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
float ganglionCellsSensitivity
Definition: retina.hpp:162
PicType
Definition: cudacodec.hpp:133
ushort get0() const
Definition: intrin_rvv.hpp:317
static void HoughLinesWithAccumulator(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 and get accumulator.
Definition: bindings.hpp:20
std::vector< cv::Scalar > stdev
Definition: onnx.hpp:55
float keypointsRatio
max keypoints = min(keypointsRatio * img.size().area(), 65535)
Definition: cuda.hpp:189
@ CAP_OPENNI_ASUS
OpenNI (for Asus Xtion)
Definition: videoio.hpp:105
Class implementing the locally uniform comparison image descriptor, described in .
Definition: xfeatures2d.hpp:143
Affine3d makeTransformToGlobal(const Vec3d &axis_x, const Vec3d &axis_y, const Vec3d &axis_z, const Vec3d &origin=Vec3d::all(0))
Takes coordinate frame data and builds transform to global coordinate frame.
int connectedComponentsWithStats(InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image and also produces a statistics outpu...
T value_type
Definition: texture.hpp:187
@ CAP_PROP_BACKLIGHT
Definition: videoio.hpp:168
uint32_t UINT32
Definition: descriptor.hpp:64
@ CAP_PROP_XI_DEVICE_MODEL_ID
Returns device model id.
Definition: videoio.hpp:479
double angle
Definition: pose_3d.hpp:128
_Tp value_type
Definition: types.hpp:242
@ IMPL_PLAIN
Definition: instrumentation.hpp:55
@ DIFF_PM_G2
Definition: features2d.hpp:765
float epsilon
Definition: all_layers.hpp:536
const std::vector< float > & getConfidences() const
Definition: onlineBoosting.hpp:234
void setMaxRotation(double val)
Definition: depth.hpp:993
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
@ COLOR_SPACE_XYZ_D75_10
non-RGB color space
Definition: ccm.hpp:119
@ CAP_PROP_FPS
Frame rate.
Definition: videoio.hpp:140
TextDetectorCNN class provides the functionallity of text bounding box detection. This class is repre...
Definition: textDetector.hpp:41
@ NCVPipeObjDet_UseFairImageScaling
Definition: NCVHaarObjectDetection.hpp:355
Definition: type_traits.hpp:60
int activeDatasetID
Definition: track_alov.hpp:98
Definition: resize.hpp:60
__host__ __device__ Ncv32f getStageThreshold(void)
Definition: NCVHaarObjectDetection.hpp:302
@ CAP_PROP_XI_SHARPNESS
Sharpness Strength.
Definition: videoio.hpp:447
BlocksChannelsCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:234
@ IMWRITE_EXR_COMPRESSION_ZIP
zlib compression, in blocks of 16 scan lines
Definition: imgcodecs.hpp:118
Definition: gfluidkernel.hpp:293
const T & inArg(int input)
Definition: gcompoundkernel.hpp:34
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
void setCols(int val)
Definition: depth.hpp:136
@ COLOR_YUV2GRAY_NV21
Definition: imgproc.hpp:674
@ CALIB_FIX_S1_S2_S3_S4
Definition: calib3d.hpp:509
@ CAP_PVAPI_FSTRIGMODE_SOFTWARE
Software.
Definition: videoio.hpp:349
TLSDataAccumulator()
Definition: tls.hpp:95
Definition: ir_robot.hpp:76
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1 > &t)
Definition: zip.hpp:67
_Tp im
Definition: types.hpp:87
static _OutputArray rawOut(_Tp &v)
v_reg< _Tp, n > operator>(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than comparison.
Definition: intrin_cpp.hpp:870
NVIDIA_OF_HINT_VECTOR_GRID_SIZE
Definition: cudaoptflow.hpp:495
@ CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
Selects which test pattern generator is controlled by the TestPattern feature.
Definition: videoio.hpp:411
This structure represents an image to draw.
Definition: render_types.hpp:269
@ CPU_AVX512_KNM
Knights Mill with AVX-512F/CD/ER/PF/4FMAPS/4VNNIW/VPOPCNTDQ.
Definition: cvdef.h:336
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
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.
Definition: functional.hpp:1037
@ WARP_SHUFFLE_FUNCTIONS
Definition: cuda.hpp:1004
@ 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:99
Definition: linemod.hpp:41
NVIDIA_OF_OUTPUT_VECTOR_GRID_SIZE
Definition: cudaoptflow.hpp:483
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...
SampleTypes
Sample types.
Definition: ml.hpp:96
Definition: functional.hpp:225
Mat vt
Definition: core.hpp:2767
v_reg< float, n > v_reduce_sum4(const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d)
Sums all elements of each input vector, returns the vector of sums.
Definition: intrin_cpp.hpp:1356
Ncv32u _width
Definition: NCV.hpp:833
int hal_ni_cmp8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:210
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
@ KMEANS_RANDOM_CENTERS
Definition: core.hpp:215
float scaleFactor
Definition: detection_based_tracker.hpp:118
@ index
Definition: gr_skig.hpp:77
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:798
@ simdmax_width
Definition: intrin_cpp.hpp:561
NcvTimer ncvStartTimer(void)
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:562
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:160
static _InputArray rawIn(_Tp &v)
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
Definition: gcpukernel.hpp:426
Definition: gcpukernel.hpp:362
NCVMemoryType memType() const
Definition: NCV.hpp:615
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
void fastNlMeansDenoising(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Perform image denoising using Non-local Means Denoising algorithm http://www.ipol....
void generateRandomClassifier()
NCVStatus nppiStDecimate_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
@ 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
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:194
Definition: gfluidbuffer.hpp:40
bool operator<(const Candidate &rhs) const
Sort candidates with high score to the front.
Definition: linemod.hpp:90
const uchar * dataend
Definition: mat.hpp:2102
int getDepth() const
Definition: depth.hpp:148
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
@ simd256_width
Definition: intrin_cpp.hpp:557
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
cv::GOpaque< int64_t > seqNo(G g)
Definition: meta.hpp:70
std::pair< cv::Mat, TraitAs > ConstInput
Definition: ie.hpp:59
#define CV_BIG_UINT(n)
Definition: interface.h:64
@ CALIB_FIX_CENTER
Definition: omnidir.hpp:65
@ CC_STAT_LEFT
Definition: imgproc.hpp:394
__device__ uchar operator()(const typename MakeVec< T, cn >::type &src) const
Definition: functional.hpp:934
Definition: functional.hpp:77
int rows_
Definition: depth.hpp:177
This struct stores the scalar value (or array) of one of the following type: double,...
Definition: dict.hpp:60
@ HOUGH_GRADIENT
basically 21HT, described in
Definition: imgproc.hpp:484
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:525
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualityssim.hpp:30
@ block_size_y
Definition: histogram.hpp:104
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.
void setBufferPoolUsage(bool on)
BufferPool management (must be called before Stream creation)
int dx
Definition: fr_adience.hpp:76
Definition: garray.hpp:121
Definition: timelapsers.hpp:57
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type > value_type
Definition: zip.hpp:63
String err
error description
Definition: core.hpp:141
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:1010
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:652
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor.
#define CV_32S
Definition: interface.h:77
This class is used to perform the non-linear non-constrained minimization of a function,...
Definition: optim.hpp:155
void filter(InputArray image, InputArray kernel, OutputArray output)
Image filtering.
n-dimensional dense array class
Definition: mat.hpp:801
int maxWeight
Max number of frames to integrate per voxel Represents the max number of frames over which a running ...
Definition: volume.hpp:87
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.
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:69
Definition: warpers.hpp:480
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
int plusDelta
Definition: imgproc.hpp:4861
Definition: tracking_internals.hpp:853
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:222
Intr(float _fx, float _fy, float _cx, float _cy)
Definition: intrinsics.hpp:62
@ SCORE_METHOD_LMEDS
Definition: calib3d.hpp:549
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
int hal_ni_cmp16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:211
MatchTemplateDistance(int type=cv::TemplateMatchModes::TM_CCORR_NORMED, float scale=-1, float offset=1)
Constructs the distance object.
Definition: tracking_by_matching.hpp:235
int id
Definition: track_alov.hpp:63
@ DIST_MASK_PRECISE
Definition: imgproc.hpp:315
Base class for Super Resolution algorithms.
Definition: superres.hpp:87
_Tp norm() const
return the norm of quaternion.
int gftMaxNumFeatures
Definition: quasi_dense_stereo.hpp:64
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 .
void setKind(cv::detail::OpaqueKind)
#define CV_CUDEV_XYZ2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:191
Types
Implementations of KNearest algorithm.
Definition: ml.hpp:497
T work_type
Definition: reduce_to_vec.hpp:87
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...
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
KinectFusion implementation.
Definition: kinfu.hpp:184
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,...
Ptr< WarperCreator > warper()
Definition: stitching.hpp:234
@ NCVPipeObjDet_VisualizeInPlace
Definition: NCVHaarObjectDetection.hpp:357
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: onnx.hpp:106
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:70
double computeECC(InputArray templateImage, InputArray inputImage, InputArray inputMask=noArray())
Computes the Enhanced Correlation Coefficient value between two images .
KeyType key
Definition: t_hash_int.hpp:62
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:77
util::any value
Definition: garg.hpp:91
softfloat cbrt(const softfloat &a)
Cube root.
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:926
static void read(const FileNode &node, Rect_< _Tp > &value, const Rect_< _Tp > &default_value)
Definition: persistence.hpp:761
Definition: intrin_rvv.hpp:23
int checkVector(const GMatDesc &in, const size_t n)
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:368
Definition: goclkernel.hpp:54
@ EVENT_FLAG_LBUTTON
indicates that the left mouse button is down.
Definition: highgui.hpp:227
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.
int iterationInit
the initial iterations
Definition: tracking_legacy.hpp:157
Definition: garray.hpp:65
size_t elemSize
Definition: mat.hpp:3067
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
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:409
__host__ int channels() const
Class for implementing the wrapper which makes detectors and extractors to be affine invariant,...
Definition: features2d.hpp:251
std::vector< Feature > features
Definition: feature.hpp:330
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
float response
Definition: interface.h:25
Accumulator< T >::Type ResultType
Definition: features2d.hpp:898
@ BadImageSize
image size is invalid
Definition: base.hpp:79
GArg(T &&t)
Definition: garg.hpp:60
@ SHARED_ATOMICS
Definition: cuda.hpp:1002
@ CPU_SSSE3
Definition: cvdef.h:298
@ FHT_MAX
Definition: fast_hough_transform.hpp:92
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
int N2cc
Used to allow the first N1cc vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:163
Definition: onlineBoosting.hpp:112
static _AccTp normL2Sqr(const _Tp *a, int n)
Definition: base.hpp:404
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.
int smallWinSize
Definition: rlofflow.hpp:104
Definition: NCVHaarObjectDetection.hpp:268
@ CAP_PVAPI_DECIMATION_OFF
Off.
Definition: videoio.hpp:353
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:287
void marrHildrethHash(cv::InputArray inputArr, cv::OutputArray outputArr, float alpha=2.0f, float scale=1.0f)
Computes average hash value of the input image.
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:149
v_int16x32 v512_setall_s16(short val)
Definition: intrin_cpp.hpp:2864
Definition: inpainting.hpp:108
__device__ __forceinline__ D operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:665
Mat temp2
Definition: tracking.hpp:406
#define CV_CUDEV_UNARY_FUNCTION_INST(name, func)
Definition: functional.hpp:456
bool detectInvertedMarker
Definition: aruco.hpp:190
static void write(FileStorage &fs, const String &name, const Complex< _Tp > &c)
Definition: persistence.hpp:1016
@ COLORMAP_SUMMER
Definition: imgproc.hpp:4318
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 *)
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
@ CAP_PVAPI_DECIMATION_2OUTOF16
2 out of 16 decimation
Definition: videoio.hpp:356
void setWaveCorrection(bool flag)
Definition: stitching.hpp:199
@ OpenCLApiCallError
OpenCL API call error.
Definition: base.hpp:120
Class containing the methods needed for Quasi Dense Stereo computation.
Definition: quasi_dense_stereo.hpp:95
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:104
int code
error code
Definition: core.hpp:140
@ CMP_LE
src1 is less than or equal to src2.
Definition: base.hpp:215
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
Ptr< DisparityWLSFilter > createDisparityWLSFilterGeneric(bool use_confidence)
More generic factory method, create instance of DisparityWLSFilter and execute basic initialization r...
int NaluFramingType
NVVE_CONFIGURE_NALU_FRAMING_TYPE.
Definition: cudacodec.hpp:104
virtual const void * ptr() const =0
Ptr< IVideoCapture > icap
Definition: videoio.hpp:922
v_reg< _Tp, n > v_extract(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Vector extract.
Definition: intrin_cpp.hpp:2374
Vec mul(const Vec< _Tp, cn > &v) const
per-element multiplication
float V0CompressionParameter
Definition: retina.hpp:176
int valueOffset
Definition: mat.hpp:2681
@ value
Definition: functional.hpp:1047
static MatAllocator * getStdAllocator()
and the standard allocator
@ COLORMAP_SPRING
Definition: imgproc.hpp:4319
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:427
SIFT SiftFeatureDetector
Definition: features2d.hpp:334
int type() const
Returns the type of a matrix element.
__host__ GpuMat_(Allocator *allocator=defaultAllocator())
default constructor
const MatAllocator * currAllocator
Definition: mat.hpp:559
static __host__ Ptr2D shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:64
int EdgeDetectionOperator
indicates the operator used for gradient calculation.The following operation flags are available(cv::...
Definition: edge_drawing.hpp:50
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:3090
Ptr< ContourFitting > createContourFitting(int ctr=1024, int fd=16)
create ContourFitting algorithm object
ThresholdTypes
Definition: imgproc.hpp:320
#define GAPI_EXPORTS_W_SIMPLE
Definition: exports.hpp:23
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
Definition: pose_graph.hpp:26
GArray(std::vector< HT > &&v)
Definition: garray.hpp:353
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
unsigned left
Definition: sparse_matching_gpc.hpp:161
std::size_t size() const
Definition: garray.hpp:311
Mat u
Definition: core.hpp:2767
#define CV_INTRIN_DEF_TYPE_TRAITS(type, int_type_, uint_type_, abs_type_, w_type_, q_type_, sum_type_)
Definition: intrin.hpp:107
static constexpr _Tp CV_QUAT_CONVERT_THRESHOLD
Definition: quaternion.hpp:216
SpecialFilter
Definition: imgproc.hpp:208
static Vec all(_Tp alpha)
int getFeatureSize() const
Definition: feature.hpp:180
int QP_Level_InterP
NVVE_QP_LEVEL_INTER_P,.
Definition: cudacodec.hpp:94
Inner Plexiform Layer Magnocellular channel (IplMagno)
Definition: retina.hpp:165
Color-based strategy for the selective search segmentation algorithm The class is implemented from th...
Definition: segmentation.hpp:100
virtual void setPreFilterSize(int preFilterSize)=0
T * OutLine(int index=0)
Definition: gfluidbuffer.hpp:123
v_uint64x8 v_uint64
Maximum available vector register capacity 64-bit unsigned integer values.
Definition: intrin.hpp:398
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:108
void max32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
NCVMemoryType _memtype
Definition: NCV.hpp:836
The class represents split in a decision tree.
Definition: ml.hpp:1175
static cv::GMatP yield(cv::GCall &call, int i)
Definition: gkernel.hpp:80
#define CV_16S
Definition: interface.h:76
@ AV1
Definition: cudacodec.hpp:258
Ncv32u pitch() const
Definition: NCV.hpp:827
softfloat mulAdd(const softfloat &a, const softfloat &b, const softfloat &c)
Fused Multiplication and Addition.
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
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).
@ IMPL_OPENCL
Definition: instrumentation.hpp:57
Matx< double, 1, 4 > Matx14d
Definition: matx.hpp:226
Mat w
Definition: core.hpp:2767
unsigned long num_test_splits
num_test_splits stores number of random test splits generated.
Definition: face_alignment.hpp:35
TermCriteria term_criteria_
Definition: motion_estimators.hpp:209
double getMaxTranslation() const
Definition: depth.hpp:839
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:126
String className
Definition: tracking_internals.hpp:428
Size cellSize
Cell size. Default value is Size(8,8).
Definition: objdetect.hpp:596
int gftMinSeperationDist
Definition: quasi_dense_stereo.hpp:63
double getSensorErrorC() const
Definition: depth.hpp:437
std::function< void()> DestroyCallback
Definition: rmat.hpp:56
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 mapBackward(float u, float v, float &x, float &y)
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
virtual void setFrameMask(InputArray mask)
Definition: global_motion.hpp:183
int y
y coordinate of the top-left corner
Definition: types.hpp:59
This structure represents a text string to draw.
Definition: render_types.hpp:44
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:627
static Ptr< MapProjec > toProjec(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:94
virtual void setFrames(const std::vector< Mat > &val)
Definition: deblurring.hpp:74
__host__ __device__ HaarFeatureDescriptor32 getFeatureDesc(void)
Definition: NCVHaarObjectDetection.hpp:246
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())
void mapForward(float x, float y, float &u, float &v)
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
@ CAP_PROP_XI_DECIMATION_HORIZONTAL
Horizontal Decimation - horizontal sub-sampling of the image - reduces the horizontal resolution of t...
Definition: videoio.hpp:409
Definition: extrapolation.hpp:145
v_uint8 vx_setall_u8(uchar v)
Definition: intrin.hpp:495
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 *)
__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:107
void drawKeypoints(InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT)
Draws keypoints.
@ USAC_MAGSAC
USAC, runs MAGSAC++.
Definition: calib3d.hpp:453
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:471
int numOfPixels
Definition: descriptor.hpp:141
cv::String getInferenceEngineBackendType()
Returns Inference Engine internal backend API.
@ ITERATIVE
processing in several iterations
Definition: types.hpp:63
@ CPU_AVX512_CNL
Cannon Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI.
Definition: cvdef.h:337
std::string tag() const
Definition: onnx.hpp:92
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:119
@ MATERIAL_EMISSIVE
Definition: ovis.hpp:65
size_t nodeNElems
Definition: persistence.hpp:691
@ NPPST_SUCCESS
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
float weight1() const
Definition: motion_stabilizing.hpp:132
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2840
uchar * ptr(int row, int col=0)
Returns a pointer to the specified matrix row.
Definition: mat.hpp:334
Definition: features2d.hpp:880
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)
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:783
static constexpr const auto value
Definition: infer.hpp:35
cv::String findFileOrKeep(const cv::String &relative_path, bool silentMode=false)
Definition: utility.hpp:1167
std::string name
Definition: gkernel.hpp:48
Features matcher which finds two best matches for each feature and leaves the best one only if the ra...
Definition: matchers.hpp:172
@ SF_YUY2
Definition: cudacodec.hpp:75
Size getBlockSize() const
Definition: exposure_compensate.hpp:184
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:377
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.
Definition: functional.hpp:437
#define GAPI_EXPORTS_W
Definition: exports.hpp:24
@ wave
Definition: gr_skig.hpp:66
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:129
double minEnclosingTriangle(InputArray points, OutputArray triangle)
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
@ THRESH_MASK
Definition: imgproc.hpp:326
int resImWidth
Definition: saliencySpecializedClasses.hpp:111
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: ie.hpp:88
#define CV_MAKE_TYPE
Definition: interface.h:86
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:240
__host__ void gridIntegral(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: integral.hpp:60
void preCornerDetect(InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
Calculates a feature map for corner detection.
const cv::GMetaArgs & in_metas
Definition: python.hpp:23
std::string imageName
Definition: msm_epfl.hpp:71
Text and image widgets.
Definition: widgets.hpp:407
@ CAP_PVAPI_FSTRIGMODE_SYNCIN2
SyncIn2.
Definition: videoio.hpp:347
softdouble(const softdouble &c)
Copy constructor.
Definition: softfloat.hpp:232
String func
function name. Available only when the compiler supports getting it
Definition: core.hpp:142
@ COLOR_BGR5652BGRA
Definition: imgproc.hpp:566
Quat< T > exp(const Quat< T > &q)
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking_legacy.hpp:260
std::string image1
Definition: fr_lfw.hpp:62
virtual void serialize(cv::gapi::s11n::IOStream &)
Definition: rmat.hpp:110
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracking_legacy.hpp:458
bool filterByArea
Definition: features2d.hpp:727
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:65
int val[2]
Definition: intrin_rvv.hpp:83
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
String getHardwareFeatureName(int feature)
Returns feature name by ID.
virtual void setWindowSize(int val)=0
void convertCorrespondencies(InputArray cols, InputArray srcLocations, OutputArray pts2d, InputOutputArray pts3d=noArray(), InputArray mask=noArray())
int set_args_(int i, const _Tp0 &a0)
Definition: ocl.hpp:457
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)
void find(const std::vector< UMat > &, const std::vector< Point > &, std::vector< UMat > &) CV_OVERRIDE
Estimates seams.
Definition: seam_finders.hpp:79
__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:914
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:75
GMat stereo(const GMat &left, const GMat &right, const StereoOutputFormat of=StereoOutputFormat::DEPTH_FLOAT32)
Extract disparity/depth information depending on passed StereoOutputFormat argument....
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:109
SrcPtr src
Definition: interpolation.hpp:160
@ CAP_PROP_XI_LENS_FOCAL_LENGTH
Lens focal distance in mm.
Definition: videoio.hpp:476
int cols() const
Definition: rmat.hpp:71
Definition: utility.hpp:590
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
Matx33f intr
camera intrinsics
Definition: large_kinfu.hpp:42
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,...
static constexpr const char * tag()
Definition: infer.hpp:330
void setMinNeighbours(int value)
Definition: detection_based_tracker.hpp:108
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:130
int nneg
Definition: feature.hpp:195
OpaqueRefT(T &obj)
Definition: gopaque.hpp:152
SURF SurfDescriptorExtractor
Definition: nonfree.hpp:115
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:956
float val[2]
Definition: intrin_rvv.hpp:93
int imageHeight
Definition: msm_epfl.hpp:66
@ CAP_OPENNI_IR_GENERATOR
Definition: videoio.hpp:265
@ PREFILTER_XSOBEL
Definition: stereo.hpp:127
int methodId
Definition: sinusoidalpattern.hpp:89
@ NPPST_MEMFREE_ERR
CUDA memory deallocation error.
Definition: NCV.hpp:362
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
Definition: warping.hpp:152
NCVMatrix()
Definition: NCV.hpp:744
DistanceTypes
Definition: imgproc.hpp:300
_Tp val[m *n]
Definition: matx.hpp:218
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:89
static std::tuple< R... > on(Args... args)
Definition: gkernel.hpp:223
@ CAP_OPENNI_SXGA_15HZ
Definition: videoio.hpp:313
float scale_step
Definition: tracking.hpp:72
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
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:496
@ COLOR_SPACE_Lab_D75_2
non-RGB color space
Definition: ccm.hpp:130
TrackedObject(const cv::Rect &rect, float confidence, int frame_idx, int object_id)
Constructor with parameters.
Definition: tracking_by_matching.hpp:56
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1245
GMat BGR2Gray(const GMat &src)
Converts an image from BGR color space to gray-scaled.
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
@ MARKER_SQUARE
A square marker shape.
Definition: imgproc.hpp:843
int normHamming(const uchar *a, int n)
@ RO_STRICT
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
void setWaveCorrectKind(detail::WaveCorrectKind kind)
Definition: stitching.hpp:205
@ COLOR_GRAY2BGR565
convert between grayscale to BGR565 (16-bit images)
Definition: imgproc.hpp:569
__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:181
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:932
Quat< _Tp > acos() const
return arccos value of this quaternion, arccos could be calculated as:
double stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray K1, InputOutputArray D1, InputOutputArray K2, InputOutputArray D2, Size imageSize, OutputArray R, OutputArray T, int flags=fisheye::CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 100, DBL_EPSILON))
Performs stereo calibration.
Data structure describing the camera model and its parameters.
Definition: simple_pipeline.hpp:72
bool solve(InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU)
Solves one or more linear systems or least-squares problems.
virtual ~VectorRefT()
Definition: garray.hpp:155
String driverVersion() const
__host__ __device__ Ncv32u getNumClassifierRootNodes(void)
Definition: NCVHaarObjectDetection.hpp:312
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.
G_TYPED_KERNEL(GFilter2D,< GMat(GMat, int, Mat, Point, Scalar, int, Scalar)>,"org.opencv.imgproc.filters.filter2D")
Definition: imgproc.hpp:55
MatExpr inv(int method=DECOMP_LU) const
Inverses a matrix.
@ PATH
Definition: widgets.hpp:607
float getAngleThreshold() const
Definition: depth.hpp:1088
Modality that computes quantized surface normals from a dense depth map.
Definition: linemod.hpp:203
SrcPtr src
Definition: warping.hpp:110
#define CV_CUDEV_SAFE_CALL(expr)
Definition: common.hpp:76
Rect resultRoi(const std::vector< Point > &corners, const std::vector< UMat > &images)
@ COLORMAP_AUTUMN
Definition: imgproc.hpp:4312
double Wy
Definition: gr_chalearn.hpp:67
static gapi::fluid::BorderOpt help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:275
void addRNGBias64f(double *arr, const double *scaleBiasPairs, int len)
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
@ CAP_MSMF
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:110
void mapForward(float x, float y, float &u, float &v)
@ CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
The alpha channel of RGB32 output image format.
Definition: videoio.hpp:481
void detachData(std::vector< void * > &data)
get TLS data and detach all data from threads (similar to cleanup() call)
int64_t counter
Definition: cap.hpp:60
std::vector< tag > tags
Definition: tr_svt.hpp:70
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
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise exclusive or operation of two matrices (or of matrix and scalar).
void and8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
int numStepsToWaitBeforeFirstShow
Definition: detection_based_tracker.hpp:168
SVD & operator()(InputArray src, int flags=0)
the operator that performs SVD. The previously allocated u, w and vt are released.
Core class of ccm model.
Definition: ccm.hpp:360
T & outOpaqueR(int output)
Definition: gcpukernel.hpp:109
Matrix expression representation.
Definition: mat.hpp:3517
Definition: warping.hpp:108
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.
float lane_type
Definition: intrin_rvv.hpp:422
int x
x coordinate of the top-left corner
Definition: types.hpp:58
double getMaxDepthDiff() const
Definition: depth.hpp:807
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
BundleAdjusterRay()
Definition: motion_estimators.hpp:268
Avg< U > other
Definition: reduce_to_vec.hpp:91
@ CAP_XINE
XINE engine (Linux)
Definition: videoio.hpp:124
vint64mf2_t(const int64 *ptr)
Definition: intrin_rvv.hpp:114
static _Tp * alignPtr(_Tp *ptr, int n=(int) sizeof(_Tp))
Aligns a pointer to the specified number of bytes.
Definition: utility.hpp:457
std::size_t num_in
Definition: onnx.hpp:44
uchar2 type
Definition: vec_traits.hpp:82
int getCtrSize()
Definition: fourier_descriptors.hpp:70
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.
uint64 m_ticksTotal
Definition: instrumentation.hpp:66
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:337
@ Uncompressed_YUV420
Y,U,V (4:2:0)
Definition: cudacodec.hpp:261
virtual uint64_t getPeakUsage() const =0
Definition: qualitygmsd.hpp:54
@ MARKER_TRIANGLE_DOWN
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:845
float Type
Definition: features2d.hpp:887
@ INT_ZYZ
Intrinsic rotations with the Euler angles type Z-Y-Z.
Definition: quaternion.hpp:111
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,...
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:270
int id
Definition: pose_3d.hpp:179
Definition: pd_inria.hpp:66
NCVStatus ncvApplyHaarClassifierCascade_device(NCVMatrix< Ncv32u > &d_integralImage, NCVMatrix< Ncv32f > &d_weights, NCVMatrixAlloc< Ncv32u > &d_pixelMask, Ncv32u &numDetections, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarStage64 > &d_HaarStages, NCVVector< HaarClassifierNode128 > &d_HaarNodes, NCVVector< HaarFeature64 > &d_HaarFeatures, NcvBool bMaskElements, NcvSize32u anchorsRoi, Ncv32u pixelStep, Ncv32f scaleArea, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
type_traits_detail::ReferenceTraits< T >::type referred_type
Definition: type_traits.hpp:134
float trimRatio() const
Definition: motion_stabilizing.hpp:129
void v_store_aligned(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (aligned)
Definition: intrin_cpp.hpp:2254
@ ALPHA_XOR_PREMUL
Definition: cudaimgproc.hpp:160
@ FM_8POINT
8-point algorithm
Definition: calib3d.hpp:525
Derivatives of this class encapsulates functions of certain backends.
Definition: dnn.hpp:133
Definition: gplaidmlkernel.hpp:78
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
Definition: face_alignment.hpp:11
void convertToD3D10Texture2D(InputArray src, ID3D10Texture2D *pD3D10Texture2D)
Converts InputArray to ID3D10Texture2D.
Definition: warping.hpp:61
void copyTo(OutputArray m) const
Copies the matrix to another one.
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:75
@ MATERIAL_TEXTURE3
Definition: ovis.hpp:71
#define CV_NODISCARD
Definition: cvdef.h:719
#define CV_16U
Definition: interface.h:75
__device__ __forceinline__ double4 exp2(const double4 &a)
Definition: vec_math.hpp:247
CallbackProxy(int tasks_, FN_parallel_for_body_cb_t &callback_, void *callback_data_)
Definition: parallel_for.tbb.hpp:71
@ ROTATE_90_COUNTERCLOCKWISE
Rotate 270 degrees clockwise.
Definition: core.hpp:1075
v_float32x4(vfloat32m1_t v)
Definition: intrin_rvv.hpp:426
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())
static bool imwritemulti(const String &filename, InputArrayOfArrays img, const std::vector< int > ¶ms=std::vector< int >())
Definition: imgcodecs.hpp:250
void contourSampling(InputArray src, OutputArray out, int nbElt)
Contour sampling .
decoder_mode
Definition: ocr.hpp:172
String dumpInputOutputArray(InputOutputArray argument)
float x
Definition: types.hpp:37
Vec< _Tp, 3 > toEulerAngles(QuatEnum::EulerAnglesType eulerAnglesType)
Transform a quaternion q to Euler angles.
size_t step
Definition: cuda.hpp:794
bool createDirectories(const cv::String &path)
void matMulDeriv(InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
Computes partial derivatives of the matrix product for each multiplied matrix.
@ CALIB_FIX_K6
Definition: calib3d.hpp:506
@ 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:584
@ 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
static void setDebugFlag(bool active)
Enable or disable cvv for current translation unit and thread.
Definition: debug_mode.hpp:42
#define HaarFeatureDescriptor32_Interpret_MaskFlagTilted
Definition: NCVHaarObjectDetection.hpp:121
std::vector< Ptr< Modality > > modalities
Definition: linemod.hpp:396
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
float get0() const
Definition: intrin_rvv.hpp:444
Size poolKernel
Definition: all_layers.hpp:544
Definition: hpe_parse.hpp:60
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
Definition: core.hpp:3115
Matx13d ofs
Definition: hpe_humaneva.hpp:66
float getMarkerLength() const
Definition: aruco.hpp:345
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: kinfu.hpp:97
int ff
The font type, see HersheyFonts.
Definition: render_types.hpp:76
__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:1647
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
bool use_channel_weights
Definition: tracking.hpp:49
@ COLOR_YUV2BGRA_YUYV
Definition: imgproc.hpp:715
v_reg< typename V_TypeTraits< _Tp >::w_type, simd128_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> v_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1875
@ CALIB_USE_LU
use LU instead of SVD decomposition for solving. much faster but potentially less precise
Definition: calib3d.hpp:519
Represents function being optimized.
Definition: optim.hpp:63
Vec< ushort, 2 > Vec2w
Definition: matx.hpp:417
String cascade_face
filename of the face detector model
Definition: facemarkLBF.hpp:60
@ IMWRITE_PNG_STRATEGY
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_RLE.
Definition: imgcodecs.hpp:94
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:230
@ CPU_AVX_512VPOPCNTDQ
Definition: cvdef.h:320
uint16_t UINT16
Definition: descriptor.hpp:65
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
Comma-separated Matrix Initializer.
Definition: mat.hpp:514
double beta
Definition: mat.hpp:3552
#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
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
Quat< _Tp > asin() const
return arcsin value of this quaternion, arcsin could be calculated as:
float histThresh
Definition: histogramphaseunwrapping.hpp:83
Definition: all_layers.hpp:477
int value_type
Definition: vec_distance.hpp:157
Base class for modelling an algorithm for calculating a map.
Definition: mapper.hpp:54
Scalar s
Definition: mat.hpp:3553
std::string weights_path
Definition: ie.hpp:52
int numThreadsMax
Definition: parallel_for.tbb.hpp:50
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 GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an image.
unsigned u
Definition: cvdef.h:380
NCVStatus nppiStDecimate_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Definition: tracking.hpp:436
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:245
@ comehere
Definition: gr_skig.hpp:69
const float occlusionsThreshold
Definition: pcaflow.hpp:101
@ CAP_INTELPERC_IMAGE
Definition: videoio.hpp:595
cv::gapi::GBackend backend()
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
static MatExpr eye(int rows, int cols, int type)
Returns an identity matrix of the specified size and type.
Node< NodeData > InstrNode
Definition: instrumentation.hpp:97
int hal_ni_dctInit2D(cvhalDFT **context, int width, int height, int depth, int flags)
Definition: hal_replacement.hpp:561
@ CAP_PROP_GPHOTO2_COLLECT_MSGS
Collect messages with details.
Definition: videoio.hpp:614
__device__ static __forceinline__ short max()
Definition: limits.hpp:84
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:511
@ ALPHA_OVER
Definition: cudaimgproc.hpp:159
Vec< int, 8 > Vec8i
Definition: matx.hpp:425
const float sparseRate
Definition: pcaflow.hpp:99
softdouble setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:318
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
OutArgs Result
Definition: infer.hpp:196
uchar member_type
Definition: core.hpp:3279
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:208
_Range(const Range &r)
Definition: shape_utils.hpp:59
int getPadding() const
Definition: pcaflow.hpp:85
__host__ LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > laplacianPtr(const SrcPtr &src)
Definition: deriv.hpp:381
float searchWinSize
size of search window
Definition: tracking.detail.hpp:368
Definition: t_hash_int.hpp:60
#define CV_CheckTypeEQ(t1, t2, msg)
Check with additional "decoding" of type values in error message.
Definition: check.hpp:122
int perspectiveRemovePixelPerCell
Definition: aruco.hpp:171
T * _ptr
Definition: NCV.hpp:832
#define OPENCV_HAL_IMPL_RVV_BROADCAST(_Tpvec, suffix)
Definition: intrin_rvv.hpp:1883
Definition: mappergradsimilar.hpp:52
std::function< Result(Args...)> API
Definition: infer.hpp:197
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray R=noArray(), InputArray P=noArray())
Undistorts 2D points using fisheye model.
@ CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio.hpp:288
@ LOCAL_OPTIM_INNER_LO
Definition: calib3d.hpp:547
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
virtual const void * ptr() const override
Definition: garray.hpp:225
std::vector< Texture > textures
a container to holds the texture data for each scale of fitting
Definition: facemarkAAM.hpp:137
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
double k
Default is 0.
Definition: kalman_filters.hpp:144
@ CAP_PROP_XI_GPI_SELECTOR
Selects general purpose input.
Definition: videoio.hpp:383
double registrationResol() const
Definition: stitching.hpp:186
void * handle
Definition: mat.hpp:567
std::vector< uchar > getInliers()
Definition: matchers.hpp:113
@ CALIB_SAME_FOCAL_LENGTH
Definition: calib3d.hpp:516
static String dumpString(const String &argument)
Definition: bindings_utils.hpp:65
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:482
@ 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()
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
Finds intersection of two convex polygons.
std::vector< double > confidences
vector that will contain confidence values for each location
Definition: objdetect.hpp:352
@ TM_SQDIFF_NORMED
Definition: imgproc.hpp:3713
v_int64x2(vint64m1_t v)
Definition: intrin_rvv.hpp:489
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
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
SrcPtr src
Definition: extrapolation.hpp:65
std::function< void(GCPUContext &)> Impl
Definition: gcpukernel.hpp:499
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
MotionModel
Describes motion model between two point clouds.
Definition: motion_core.hpp:59
int borderWidth
Definition: checker_detector.hpp:115
v_float64x4 v256_setall_f64(double val)
Definition: intrin_cpp.hpp:2855
@ HISTCMP_INTERSECT
Definition: imgproc.hpp:513
std::string text
The text string to be drawn.
Definition: render_types.hpp:74
Scalar_< _Tp > mul(const Scalar_< _Tp > &a, double scale=1) const
per-element product
@ YUV420
Definition: cudacodec.hpp:273
v_reg< unsigned, n0 *sizeof(_Tp0)/sizeof(unsigned)> v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2888
@ INT_ZXZ
Intrinsic rotations with the Euler angles type Z-X-Z.
Definition: quaternion.hpp:110
std::string name
Definition: hpe_parse.hpp:62
Vec cross(const Vec &v) const
v_float32 vx_lut_quads(const float *ptr, const int *idx)
Definition: intrin.hpp:637
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.
void reprojectImageTo3D(InputArray disp, OutputArray xyzw, InputArray Q, int dst_cn=4, Stream &stream=Stream::Null())
Reprojects a disparity image to 3D space.
std::tuple< cv::GArray< cv::Point2f >, cv::GArray< uchar >, cv::GArray< float > > GOptFlowLKOutput
Definition: video.hpp:51
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
@ AUTO_STEP
Definition: mat.hpp:2083
@ BORDER_ISOLATED
do not look outside of ROI
Definition: base.hpp:278
int maxCorrectionBits
Definition: dictionary.hpp:66
const T * ptr(int y=0) const
Definition: rmat.hpp:81
@ CV_SIMETRICV_INTERPOLATION
Definition: stereo.hpp:118
@ MATERIAL_LINE_WIDTH
Definition: ovis.hpp:63
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
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
virtual int setNumThreads(int nThreads) CV_OVERRIDE
Definition: parallel_for.tbb.hpp:124
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
double getMaxDepth() const
Definition: depth.hpp:799
Definition: garray.hpp:38
@ RHO
RHO algorithm.
Definition: calib3d.hpp:446
@ COLOR_YUV2GRAY_Y422
Definition: imgproc.hpp:722
MarginType
Definition: ml.hpp:1809
@ DNN_TARGET_FPGA
FPGA device with CPU fallbacks using Inference Engine's Heterogeneous plugin.
Definition: dnn.hpp:94
@ nlanes
Definition: intrin_rvv.hpp:454
__device__ __forceinline__ float1 sinh(const uchar1 &a)
Definition: vec_math.hpp:339
@ CHAIN_APPROX_TC89_L1
Definition: imgproc.hpp:444
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:759
Affine3f volumePose
initial volume pose in meters
Definition: kinfu.hpp:119
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:245
std::tuple< Args... > InArgs
Definition: infer.hpp:193
void convertFp16(InputArray _src, OutputArray _dst, Stream &stream=Stream::Null())
Converts an array to half precision floating number.
RulesOption
Specifies the degree of rules validation.
Definition: fast_hough_transform.hpp:116
Mat loadPLYSimple(const char *fileName, int withNormals=0)
Load a PLY file.
@ COLOR_YUV2GRAY_YV12
Definition: imgproc.hpp:676
Mat normals
point normals of type CV_32FC3, CV_32FC4, CV_64FC3 or CV_64FC4 with only 1 row
Definition: types.hpp:131
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
Definition: functional.hpp:132
int getMethod() const
Definition: depth.hpp:247
~_LayerStaticRegisterer()
Definition: layer.details.hpp:68
float globalMotionRansacThreshold
Definition: rlofflow.hpp:147
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.
Definition: volume.hpp:52
Designed for command line parsing.
Definition: utility.hpp:799
Definition: depth.hpp:329
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.
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
@ CAP_PROP_XI_TS_RST_MODE
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:497
@ HISTCMP_CHISQR
Definition: imgproc.hpp:510
vuint8mf4_t vle8_v_u8mf4(const uint8_t *base)
Definition: intrin_rvv.hpp:197
int width
Definition: graycodepattern.hpp:79
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
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
virtual int getSpeckleRange() const =0
Backend
Enum of computation backends supported by layers.
Definition: dnn.hpp:65
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:63
@ H264
Definition: cudacodec.hpp:251
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1403
Definition: all_layers.hpp:431
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
int minusShift
Definition: imgproc.hpp:4863
@ CAP_PROP_XI_WB_KR
White balance red coefficient.
Definition: videoio.hpp:421
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
double learningRate
Definition: video.hpp:122
@ IMWRITE_EXR_TYPE_HALF
store as HALF (FP16)
Definition: imgcodecs.hpp:110
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 FT02D_FL_process(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
@ WINDOW_AUTOSIZE
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:188
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...
static softfloat one()
One constant.
Definition: softfloat.hpp:210
Resize input 4-dimensional blob by nearest neighbor or bilinear strategy.
Definition: all_layers.hpp:663
bool v_check_all(const v_reg< _Tp, n > &a)
Check if all packed values are less than zero.
Definition: intrin_cpp.hpp:1424
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:254
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:240
int cols
Definition: lut.hpp:77
Affine3 translate(const Vec3 &t) const
a.translate(t) is equivalent to Affine(E, t) * a, where E is an identity matrix
void setMaskCallback(std::function< void(Mat &)> MaskCallback)
Definition: frame_source.hpp:101
int num_errs_per_measurement_
Definition: motion_estimators.hpp:200
double getBase() const
Definition: saliencySpecializedClasses.hpp:337
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:99
Class that manages the extraction and selection of features.
Definition: tracking_internals.hpp:315
Mat temp4
Definition: tracking.hpp:408
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:150
::int16_t int16_t
Definition: cvdef.h:800
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
#define CV_8UC1
Definition: interface.h:88
Ptr< detail::Estimator > estimator()
Definition: stitching.hpp:229
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute the PSNR.
Definition: qualitypsnr.hpp:48
void postprocess_ocl(Outputs &... outs)
Definition: goclkernel.hpp:150
Definition: msm_middlebury.hpp:68
@ CAP_PVAPI_FSTRIGMODE_FIXEDRATE
FixedRate.
Definition: videoio.hpp:348
@ Uncompressed_UYVY
UYVY (4:2:2)
Definition: cudacodec.hpp:265
@ CHAIN_APPROX_NONE
Definition: imgproc.hpp:439
@ DTF_NC
Definition: edge_filter.hpp:53
@ FEATURE_SET_COMPUTE_11
Definition: cuda.hpp:991
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop)
Performs the per-element comparison of two arrays or an array and scalar value.
static std::tuple< R... > yield(cv::GCall &call, cv::detail::Seq< IIs... >)
Definition: desync.hpp:35
Simple widgets.
Definition: widgets.hpp:235
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:1499
@ DTF_IC
Definition: edge_filter.hpp:54
@ CAP_OPENCV_MJPEG
Built-in OpenCV MotionJPEG codec.
Definition: videoio.hpp:122
Definition: interpolation.hpp:63
BackendWrapper(int backendId, int targetId)
double sampsonDistance(InputArray pt1, InputArray pt2, InputArray F)
Calculates the Sampson Distance between two points.
void removeChilds()
Definition: utility.hpp:1106
std::vector< Mat > _projections
Definition: facerec.hpp:47
cv::gapi::GBackend backend()
Get a reference to OCL backend.
UMatData * originalUMatData
Definition: mat.hpp:571
virtual ~PoseCluster3D()
Definition: pose_3d.hpp:162
#define HaarStage64_Interpret_MaskRootNodes
Definition: NCVHaarObjectDetection.hpp:270
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 int getNumDisparities() const =0
AutoBuffer< _Tp, fixed_size > & operator=(const AutoBuffer< _Tp, fixed_size > &buf)
the assignment operator
std::vector< float > svmDetector
coefficients for the linear SVM classifier.
Definition: objdetect.hpp:617
SvmsgdType
Definition: ml.hpp:1802
void constructGraphOutputs(const cv::GTypesInfo &out_info, cv::GRunArgs &args, cv::GRunArgsP &outs)
TLSData()
Definition: tls.hpp:66
__device__ static __forceinline__ uint min()
Definition: limits.hpp:104
__device__ __forceinline__ T blockScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:246
all_satisfy< is_meta_descr, typename all_but_last< Ts... >::type > are_meta_descrs_but_last
Definition: gmetaarg.hpp:65
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
void mapForward(float x, float y, float &u, float &v)
NCVStatus nppiStDecimate_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
int hal_ni_max64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:109
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm ....
Definition: erfilter.hpp:118
@ CALIB_TILTED_MODEL
Definition: calib3d.hpp:510
__host__ GpuMat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
SrcPtr src
Definition: deriv.hpp:239
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
@ CAP_PROP_XI_HDR
Enable High Dynamic Range feature.
Definition: videoio.hpp:510
Ptr< ILog > log() const
Definition: stabilizer.hpp:72
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...
static __host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:74
@ DISTANCE_CMC_1TO1
In 1984, the Colour Measurement Committee of the Society of Dyers and Colourists defined a difference...
Definition: ccm.hpp:350
Definition: gkernel.hpp:236
void v_store_high(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (higher half)
Definition: intrin_cpp.hpp:2236
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:94
float lkTermParam2
Definition: quasi_dense_stereo.hpp:59
@ 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
virtual ~CvParams()
Definition: feature.hpp:127
@ CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio.hpp:252
@ IMREAD_COLOR
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:72
const std::vector< int > & getIdxDetections() const
Definition: onlineBoosting.hpp:228
virtual void setPreFilterCap(int preFilterCap)=0
cv::Point org
The bottom-left corner of the text string in the image.
Definition: render_types.hpp:114
Mat & operator=(const Mat &m)
assignment operators
static void read(const FileNode &node, schar &value, schar default_value)
Definition: persistence.hpp:1143
@ OCL_VECTOR_MAX
Definition: ocl.hpp:674
v_uint32x8 v256_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2852
const typedef std::vector< Mat > & const_param_type
Definition: core.hpp:3238
#define CV_HAL_ERROR_NOT_IMPLEMENTED
Definition: interface.h:10
MotionModel motionModel_
Definition: inpainting.hpp:95
double threshold
Definition: predict_collector.hpp:92
::int8_t int8_t
Definition: cvdef.h:798
@ INITIAL_METHOD_LEAST_SQUARE
the least square method is an optimal solution under the linear RGB distance function
Definition: ccm.hpp:84
std::string model_filename
filename where the trained model will be saved
Definition: facemarkLBF.hpp:79
Ptr< HDF5 > open(const String &HDF5Filename)
Open or create hdf5 file.
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:1072
Definition: slam_tumindoor.hpp:67
int rows
Definition: deriv.hpp:302
@ COLORSPACE_RGBA
Definition: container_avi.private.hpp:135
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:780
Definition: frame_source.hpp:65
Params(Matx44f volumeInitialPose)
Constructor for Params Sets the initial pose of the TSDF volume.
Definition: kinfu.hpp:40
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.
GMat phase(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
@ CAP_GIGANETIX
Smartek Giganetix GigEVisionSDK.
Definition: videoio.hpp:109
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
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:140
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
void createQuaternionImage(InputArray img, OutputArray qimg)
creates a quaternion image.
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:169
Params()
Definition: kinfu.hpp:22
@ CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio.hpp:568
@ STORE_UNALIGNED
Definition: intrin.hpp:95
bool haveImageWriter(const String &filename)
Returns true if an image with the specified filename can be encoded by OpenCV.
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
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
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:598
@ COLOR_BayerBG2BGR_EA
Edge-Aware Demosaicing.
Definition: imgproc.hpp:775
Mat samplePCByQuantization(Mat pc, Vec2f &xrange, Vec2f &yrange, Vec2f &zrange, float sample_step_relative, int weightByCenter=0)
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:928
@ DICT_5X5_250
Definition: dictionary.hpp:148
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:1095
sync_policy
Definition: sync.hpp:14
Matx< double, 4, 1 > Matx41d
Definition: matx.hpp:235
#define OPENCV_HAL_IMPL_RVV_REVERSE(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:1950
std::vector< cv::Mat > type
Definition: gtyped.hpp:29
cv::gapi::GBackend backend()
Get a reference to Fluid backend.
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:1039
@ 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
Action
Definition: types.hpp:291
@ 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
void enableModelDiagnostics(bool isDiagnosticsMode)
Enables detailed logging of the DNN model loading with CV DNN API.
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
bool operator!=(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:69
double getMaxRotation() const
Definition: depth.hpp:724
@ CAP_PVAPI_PIXELFORMAT_RGBA32
Rgba32.
Definition: videoio.hpp:366
any(any const &src)
Definition: any.hpp:78
Scalar_< _Tp > conj() const
returns (v0, -v1, -v2, -v3)
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
Size(int _width, int _height)
Definition: types.hpp:102
Represents a compiled computation (graph). Can only be used with image / data formats & resolutions i...
Definition: gcompiled.hpp:66
static void help_reset(gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:235
@ 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:730
int radius() const
Definition: stabilizer.hpp:75
virtual int getNumThreads() const CV_OVERRIDE
Definition: parallel_for.openmp.hpp:49
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
#define OPENCV_HAL_IMPL_RVV_INIT_INTEGER(_Tpvec, _Tp, width, suffix1, suffix2)
Definition: intrin_rvv.hpp:552
@ COLOR_BayerGR2GRAY_MHT
Definition: cudaimgproc.hpp:108
cv::gapi::GBackend backend()
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:20
@ DISTANCE_CMC_2TO1
Definition: ccm.hpp:351
GAPI_WRAP GMatDesc()
Definition: gmat.hpp:94
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:96
Definition: gopaque.hpp:232
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
cv::GOpaque< T > meta(G g, const std::string &tag)
Definition: meta.hpp:44
void fillFixed(Mat &G, int flags, int n)
_Tp height
the height
Definition: types.hpp:340
int wscale
Definition: ocl.hpp:425
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
@ block_size_x
Definition: copy.hpp:352
Definition: intrin_rvv.hpp:110
Ptr< cv::Tracker > upgradeTrackingAPI(const Ptr< legacy::Tracker > &legacy_tracker)
@ CAP_PROP_XI_WB_KB
White balance blue coefficient.
Definition: videoio.hpp:423
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
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 useGlobalMotionPrior
Definition: rlofflow.hpp:134
void forEach(const Functor &operation)
template methods for for operation over all matrix elements.
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
@ COLOR_BGRA2BGR
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:536
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:276
std::shared_ptr< Impl > p
Definition: ocl.hpp:833
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:827
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3098
std::unordered_map< std::string, ConstInput > const_inputs
Definition: ie.hpp:60
double floord(double x)
Definition: saturate.hpp:83
size_t stepT(int i=0) const
returns step()/sizeof(_Tp)
virtual void generateFeatures() CV_OVERRIDE
@ COLOR_BGR2GRAY
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:551
@ 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:4865
GMat subRC(const GScalar &c, const GMat &src, int ddepth=-1)
Calculates the per-element difference between given scalar and the matrix.
int ymax
Definition: or_pascal.hpp:65
int attempts
Definition: features2d.hpp:1458
String dumpInputOutputArrayOfArrays(InputOutputArrayOfArrays argument)
@ MM_RIGID
Definition: motion_core.hpp:64
NcvSize32u size() const
Definition: NCV.hpp:826
int width
Definition: pd_inria.hpp:75
@ WINDOW_FREERATIO
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:192
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
static void write(FileStorage &fs, const String &name, const _Tp &val)
Definition: persistence.hpp:1080
float score
Definition: dpm.hpp:113
Vec< int, 6 > Vec6i
Definition: matx.hpp:424
_Tp value_type
Definition: utility.hpp:104
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:341
@ COLOR_RGBA2YUV_YV12
Definition: imgproc.hpp:744
QtFontWeights
Qt font weight.
Definition: highgui.hpp:241
void allocate(size_t _size)
allocates the new buffer of size _size. if the _size is small enough, stack-allocated buffer is used
@ CAP_OPENNI_BGR_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:305
Definition: all_layers.hpp:590
T value
Definition: constant.hpp:62
int minusStep
Definition: imgproc.hpp:4862
Size getGridSize() const
Definition: aruco.hpp:340
@ SFM_IO_OPENMVG
Definition: io.hpp:61
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
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
float cy
Definition: intrinsics.hpp:35
Definition: type_traits.hpp:96
Definition: freetype.hpp:74
bool imwrite(const String &filename, InputArray img, const std::vector< int > ¶ms=std::vector< int >())
Saves an image to a specified file.
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:1190
Definition: functional.hpp:447
float hcellsTemporalConstant
Definition: retina.hpp:162
@ WND_PROP_FULLSCREEN
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:200
Definition: tracking_internals.hpp:710
This 3D Widget defines a cube.
Definition: widgets.hpp:372
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
ptrdiff_t difference_type
Definition: mat.hpp:3084
Base class for background/foreground segmentation. :
Definition: background_segm.hpp:60
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.
__device__ __forceinline__ double4 log2(const double4 &a)
Definition: vec_math.hpp:274
int cameraVertex
Definition: multicalib.hpp:84
GProtoInputArgs GIn(Ts &&... ts)
Definition: gproto.hpp:96
void grabCut(InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
Runs the GrabCut algorithm.
@ 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.
cv::detail::OpaqueKind getKind() const
Definition: gopaque.hpp:254
Definition: functional.hpp:214
This structure contains all the parameters that can be varied during the course of sampling algorithm...
Definition: tracking_internals.hpp:774
@ pat
Definition: gr_skig.hpp:71
unsigned int VASurfaceID
Definition: va_intel.hpp:23
T float_type
Definition: affine.hpp:129
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
Definition: deblurring.hpp:59
int m_threads
Definition: instrumentation.hpp:89
Definition: bufferpool.hpp:21
@ DIST_HUBER
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:308
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
Definition: reduction.hpp:64
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:590
virtual bool getUsePrefilter() const =0
cv::gapi::GBackend backend()
Get a reference to CPU (OpenCV) backend.
@ CAP_INTELPERC_IR_MAP
Each pixel is a 16-bit integer. The value indicates the intensity of the reflected laser beam.
Definition: videoio.hpp:594
@ CV_SPECKLE_REMOVAL_ALGORITHM
Definition: stereo.hpp:114
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
@ HESSIAN_ROW
Definition: cuda.hpp:97
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: resize.hpp:68
@ GC_EVAL
Definition: imgproc.hpp:362
Definition: constant.hpp:67
@ 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
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray R, InputArray P, const cv::Size &size, int m1type, OutputArray map1, OutputArray map2)
Computes undistortion and rectification maps for image transform by cv::remap(). If D is empty zero d...
BRISQUE (Blind/Referenceless Image Spatial Quality Evaluator) is a No Reference Image Quality Assessm...
Definition: qualitybrisque.hpp:26
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:132
static double determinant(const Matx< _Tp, m, m > &a)
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.
std::vector< uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:97
Definition: intrin_rvv.hpp:47
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:694
double polygonalApproxAccuracyRate
Definition: aruco.hpp:162
@ INTERSECT_PARTIAL
There is a partial intersection.
Definition: imgproc.hpp:805
@ COLOR_SPACE_WideGamutRGB
https://en.wikipedia.org/wiki/Wide-gamut_RGB_color_space , RGB color space
Definition: ccm.hpp:98
void * userdata
Definition: mat.hpp:568
int corrWinSizeY
Definition: quasi_dense_stereo.hpp:43
int MinPathLength
minimun connected pixels length processed to create an edge segment.
Definition: edge_drawing.hpp:57
InpaintTypes
Various inpainting algorithms.
Definition: inpainting.hpp:69
Ptr< TrackerContribFeatureSet > featureSet
Definition: tracking_legacy.hpp:107
#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
"black box" representation of the file storage associated with a file on disk.
Definition: affine.hpp:51
VolumeType
Definition: volume.hpp:46
void createPointCloudMesh(const String &name, InputArray vertices, InputArray colors=noArray())
Ptr< FreeType2 > createFreeType2()
Create FreeType2 Instance.
@ CAP_PROP_XI_KNEEPOINT1
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:514
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...
@ NCV_CUDA_ERROR
Definition: NCV.hpp:319
Point2f pt
Definition: descriptor.hpp:115
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
Quat< T > tan(const Quat< T > &q)
@ RECTIFY_PERSPECTIVE
Definition: omnidir.hpp:69
cv::MediaFrame & outFrame(int output)
@ IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs.hpp:146
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, abs_func< typename PtrTraits< SrcPtr >::value_type > > > abs_(const SrcPtr &src)
Definition: unary_func.hpp:68
SparseMatIterator iterator
Definition: mat.hpp:2669
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:223
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
double getTimeMilli() const
returns passed time in milliseconds.
Definition: utility.hpp:333
void decodeParameters(InputArray paramsters, OutputArray K, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray distoration, double &xi)
@ TYPE_BS_KNN
Definition: video.hpp:95
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.
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: tracking.hpp:475
__device__ __forceinline__ float1 sin(const uchar1 &a)
Definition: vec_math.hpp:285
virtual void setScale(float)
Definition: warpers.hpp:136
@ DICT_4X4_50
Definition: dictionary.hpp:142
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2666
@ CAP_OPENNI_GENERATORS_MASK
Definition: videoio.hpp:266
Definition: python.hpp:29
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
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:124
Simple blender which mixes images at its borders.
Definition: blenders.hpp:100
std::function< void(GPlaidMLContext &)> F
Definition: gplaidmlkernel.hpp:59
@ COLOR_HLS2BGR_FULL
backward conversions HLS to RGB/BGR with H range 0..255 if 8 bit image
Definition: imgproc.hpp:622
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:671
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
@ StsAutoTrace
tracing
Definition: base.hpp:77
Class implementing the MSD (Maximal Self-Dissimilarity) keypoint detector, described in .
Definition: xfeatures2d.hpp:327
@ 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
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.
static constexpr const char * tag()
Definition: infer.hpp:343
void sqrt32f(const float *src, float *dst, int len)
void setMaxDepth(double val)
Definition: depth.hpp:672
std::function< void(const cv::GArgs &, const std::vector< gapi::fluid::Buffer * > &)> F
Definition: gfluidkernel.hpp:56
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:96
int radius_
Definition: inpainting.hpp:94
@ ALPHA_OUT_PREMUL
Definition: cudaimgproc.hpp:159
#define OPENCV_HAL_IMPL_RVV_EXPAND(_Tpwvec, _Tp, _Tpvec, width, suffix, wcvt)
Definition: intrin_rvv.hpp:1978
void createOCRHMMTransitionsTable(std::string &vocabulary, std::vector< std::string > &lexicon, OutputArray transition_probabilities_table)
Utility function to create a tailored language model transitions table from a given list of words (le...
void setMaxPointsPart(double val)
Definition: depth.hpp:827
int * refcount
Definition: cuda.hpp:333
const float * warpMat
Definition: warping.hpp:66
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:80
@ THRESH_TOZERO_INV
Definition: imgproc.hpp:325
void setType(int type_)
Definition: agast.txt:7529
@ CALIB_FIX_K4
Definition: calib3d.hpp:3773
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
@ VIDEOWRITER_PROP_HW_ACCELERATION
(open-only) Hardware acceleration type (see VideoAccelerationType). Setting supported only via params...
Definition: videoio.hpp:203
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)
Definition: gscalar.hpp:29
@ COLOR_BGR5652BGR
Definition: imgproc.hpp:562
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
@ CAP_PROP_XI_HEIGHT
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:425
void recip8s(const schar *, size_t, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
void histRange(InputArray src, OutputArray hist, InputArray levels, Stream &stream=Stream::Null())
Calculates a histogram with bins determined by the levels array.
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
This class represents high-level API for keypoints models.
Definition: dnn.hpp:1231
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:453
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:210
int getReplacedClassifier() const
virtual void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
Mat4 matrix
Definition: affine.hpp:273
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
K API
Definition: gfluidkernel.hpp:421
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:104
GArgs m_args
Definition: gcompoundkernel.hpp:36
void bilateralFilter(InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
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:519
int axis
Definition: all_layers.hpp:313
void filterHomographyDecompByVisibleRefpoints(InputArrayOfArrays rotations, InputArrayOfArrays normals, InputArray beforePoints, InputArray afterPoints, OutputArray possibleSolutions, InputArray pointsMask=noArray())
Filters homography decompositions based on additional information.
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:81
@ PSM_SINGLE_LINE
Definition: ocr.hpp:76
#define HaarStage64_Interpret_ShiftRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:272
__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
UMatUsageFlags usageFlags
Definition: mat.hpp:2565
~NCVVectorAlloc()
Definition: NCV.hpp:654
Mat temp1
Definition: tracking.hpp:405
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
ushort u
Definition: cvdef.h:370
@ CORNER_REFINE_NONE
Tag and corners detection based on the ArUco approach.
Definition: aruco.hpp:82
Mat controlMatrix
control matrix (B) (Optional: not used if there's no control)
Definition: video.hpp:42
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
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
ArgKind
Definition: gtype_traits.hpp:30
This class is used to track multiple objects using the specified tracker algorithm.
Definition: tracking_legacy.hpp:351
@ ALPHA_IN
Definition: cudaimgproc.hpp:159
int hal_ni_div8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:257
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
@ OCR_LEVEL_TEXTLINE
Definition: ocr.hpp:63
bool(* FN_FaceDetector)(InputArray, OutputArray, void *userData)
Definition: facemark_train.hpp:33
@ NCV_INVALID_STEP
Definition: NCV.hpp:329
virtual int getThreadNum() const CV_OVERRIDE
Definition: parallel_for.openmp.hpp:44
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
v_reg< unsigned, 16 > v_uint32x16
Sixteen 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:541
int keyframe2
Definition: simple_pipeline.hpp:152
@ FONT_HERSHEY_DUPLEX
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: imgproc.hpp:825
bool acrossSpatial
Definition: all_layers.hpp:653
@ block_size_x
Definition: split_merge.hpp:496
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
@ QT_FONT_NORMAL
Weight of 50.
Definition: highgui.hpp:243
static const std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:176
virtual int getPreFilterSize() const =0
static cv::GOCLKernel kernel()
Definition: goclkernel.hpp:239
int hal_ni_exp32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:473
Quat< T > acos(const Quat< T > &q)
static constexpr const char * tag()
Definition: gkernel.hpp:196
ConnectedComponentsTypes
connected components statistics
Definition: imgproc.hpp:393
OpaqueRef & operator=(const cv::util::any &a)
Definition: gopaque.hpp:299
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:61
int frameCounter
Definition: track_vot.hpp:88
Kind
Definition: ie.hpp:67
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
@ CAP_PROP_XI_CC_MATRIX_30
Color Correction Matrix element [3][0].
Definition: videoio.hpp:460
@ CPU_VSX3
Definition: cvdef.h:329
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
void GradientDericheY(InputArray op, OutputArray dst, double alpha, double omega)
Applies Y Deriche filter to an image.
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
DisjointSets(int elem_count=0)
Definition: util.hpp:58
float f
Definition: cvdef.h:381
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
double minContoursAreaRate
Definition: checker_detector.hpp:110
KeyPoint()
the default constructor
Ptr< SelectiveSearchSegmentationStrategySize > createSelectiveSearchSegmentationStrategySize()
Create a new size-based strategy.
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
virtual int radius() const
Definition: deblurring.hpp:67
Definition: sr_general100.hpp:23
static void write(FileStorage &fs, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:959
CreateFlags
Definition: cuda.hpp:919
@ 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:658
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
An abstract class providing interface for text detection algorithms.
Definition: textDetector.hpp:20
void mapForward(float x, float y, float &u, float &v)
int width
Definition: histogramphaseunwrapping.hpp:81
@ CAP_PROP_XI_BINNING_VERTICAL
Vertical Binning - number of vertical photo-sensitive cells to combine together.
Definition: videoio.hpp:404
optional & operator=(const optional &)=default
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.
@ is_integral
Definition: type_traits.hpp:144
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:532
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:123
T & operator*()
Definition: optional.hpp:119
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.
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:406
@ EXT_YXY
Extrinsic rotations with the Euler angles type Y-X-Y.
Definition: quaternion.hpp:121
@ COLOR_BayerGR2BGRA
Definition: imgproc.hpp:789
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
Definition: hpe_parse.hpp:65
@ COLOR_YUV2RGBA_NV12
Definition: imgproc.hpp:648
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:1044
Line segment detector class.
Definition: imgproc.hpp:1269
@ CALIB_FIX_P1
Definition: omnidir.hpp:61
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:286
double minCornerDistanceRate
Definition: aruco.hpp:163
virtual ~FacemarkLBF()
Definition: facemarkLBF.hpp:112
__host__ ConstantPtr< T > constantPtr(T value)
Definition: constant.hpp:73
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.
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
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.
String className
Definition: saliencyBaseClasses.hpp:81
GMatDesc asPlanar(int planes) const
Definition: gmat.hpp:180
int depth_
Definition: depth.hpp:260
@ NV_OF_OUTPUT_VECTOR_GRID_SIZE_1
Definition: cudaoptflow.hpp:486
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)
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:120
cv::Vec2f bbox_heights_range
Bounding box heights range.
Definition: tracking_by_matching.hpp:291
@ ICP_SAMPLING_TYPE_UNIFORM
Definition: icp.hpp:86
double aspectRatio() const
aspect ratio (width/height)
float angle
Definition: interface.h:24
double sampling_step_relative
Definition: ppf_match_3d.hpp:149
double getMinDepth() const
Definition: depth.hpp:660
std::vector< DMatch > getMatches()
Definition: matchers.hpp:112
int next
Index of the next split in the list of splits for the node.
Definition: ml.hpp:1183
@ COLOR_BGR5552BGR
Definition: imgproc.hpp:574
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:245
Definition: garray.hpp:134
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
@ CPU_AVX_512CD
Definition: cvdef.h:309
const typedef _InputArray & InputArray
Definition: mat.hpp:441
v_float64 vx_setzero_f64()
Definition: intrin.hpp:522
v_reg< double, 4 > v_float64x4
Four 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:524
size_t num_features
Definition: linemod.hpp:192
void _drawPlanarBoardImpl(Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Implementation of drawPlanarBoard that accepts a raw Board pointer.
#define CV_FORMAT_PRINTF(A, B)
Definition: operations.hpp:61
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:240
Definition: all_layers.hpp:465
@ is_const
Definition: type_traits.hpp:136
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.
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:87
static cv::GOpaque< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:92
int GradientThresholdValue
threshold value used to create gradient image.
Definition: edge_drawing.hpp:52
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.
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2948
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.
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
void resetMyriadDevice()
Release a Myriad device (binded by OpenCV).
Definition: all_layers.hpp:269
@ CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio.hpp:587
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
Definition: NCVHaarObjectDetection.hpp:178
@ RECTIFY_STEREOGRAPHIC
Definition: omnidir.hpp:72
cv::Rect mos
Coordinates of the mosaic.
Definition: render_types.hpp:258
int preferredVectorWidthChar() const
int p3
Definition: feature.hpp:327
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3023
int featureSetNumFeatures
Definition: tracking.hpp:767
static T get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:55
#define CV_PI
Definition: cvdef.h:356
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
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
Ptr< Facemark > createFacemarkKazemi()
construct a Kazemi facemark detector
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:498
v_int64x4 v256_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2857
#define VXPREFIX(func)
Definition: intrin.hpp:409
@ StsVecLengthErr
incorrect vector length
Definition: base.hpp:97
@ CAP_PROP_XI_EXPOSURE_BURST_COUNT
Sets the number of times of exposure in one frame.
Definition: videoio.hpp:399
Rect rect
Definition: feature.hpp:392
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:497
Ptr< RFFeatureGetter > createRFFeatureGetter()
int pyramid_level
Definition: linemod.hpp:45
void winrt_startMessageLoop(std::function< void(Args...)> &&callback, Args... args)
void calcOpticalFlowPyrLK(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Size winSize=Size(21, 21), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyra...
Scalar mean(InputArray src, InputArray mask=noArray())
Calculates an average (mean) of array elements.
Reprojector(Intr intr)
Definition: intrinsics.hpp:22
Discriminant feature described by its location and label.
Definition: linemod.hpp:26
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
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:359
virtual ~Timelapser()
Definition: timelapsers.hpp:63
void create(int rows, int cols, int type)
Allocates new array data if needed.
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
@ ROW_SAMPLE
each training sample is a row of samples
Definition: ml.hpp:98
@ LINE_8
8-connected line
Definition: imgproc.hpp:815
schar type
Definition: vec_traits.hpp:76
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams ¶ms=FGDParams())
Creates FGD Background Subtractor.
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)
double quant
Definition: descriptor.hpp:703
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
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
@ CAP_PROP_AUTOFOCUS
Definition: videoio.hpp:175
String matchesGraphAsString(std::vector< String > &pathes, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
Class implementing the ED (EdgeDrawing) , EDLines , EDPF and EDCircles algorithms.
Definition: edge_drawing.hpp:32
const uint8_t * linePtr(int index) const
Definition: gfluidbuffer.hpp:49
float size
diameter of the meaningful keypoint neighborhood
Definition: types.hpp:772
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:56
cv::Size2f densityNeighborhoodSize
Definition: calib3d.hpp:1633
void winrt_onVisibilityChanged(bool visible)
@ COLOR_XYZ2BGR
Definition: imgproc.hpp:586
@ CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Queue of field/frame buffers.
Definition: videoio.hpp:503
@ THRESH_TRUNC
Definition: imgproc.hpp:323
@ OCTAVE_ROW
Definition: cuda.hpp:94
std::shared_ptr< IImageDescriptor > Descriptor
Definition: tracking_by_matching.hpp:418
float sPointInOctaveY
Definition: descriptor.hpp:133
int rows
Definition: cuda.hpp:793
Definition: garray.hpp:70
virtual void mov(BasicOpaqueRef &v) override
Definition: gopaque.hpp:213
int ksize_
Definition: descriptor.hpp:202
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.
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:1026
int getVersionMinor()
Returns minor library version.
schar lane_type
Definition: intrin_rvv.hpp:262
int length() const
Definition: gfluidbuffer.hpp:72
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:262
ERStat * parent
pointers preserving the tree structure of the component tree
Definition: erfilter.hpp:103
Definition: split_merge.hpp:493
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
@ COLOR_BGRA2RGB
Definition: imgproc.hpp:543
Definition: optical_flow.hpp:70
std::vector< std::string > output_names
Definition: onnx.hpp:49
std::vector< int > ids
Definition: aruco.hpp:293
_Arg argument_type
Definition: functional.hpp:64
@ ALPHA_IN_PREMUL
Definition: cudaimgproc.hpp:159
v_uint16x8()
Definition: intrin_rvv.hpp:298
Ncv32f * pBU
backward horizontal displacement
Definition: NPP_staging.hpp:123
double y_center
Definition: facemarkLBF.hpp:106
PointDistribution
Point distributions supported by random point generator.
Definition: xfeatures2d.hpp:462
void registerLogTag(cv::utils::logging::LogTag *plogtag)
#define CV_DECL_ALIGNED(x)
Definition: cvdef.h:235
v_int16 vx_setall_s16(short v)
Definition: intrin.hpp:498
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
@ CAP_OPENNI_DISPARITY_MAP
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:301
double MaxDistanceBetweenTwoLines
Definition: edge_drawing.hpp:65
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...
std::vector< std::string > out_names
Definition: infer.hpp:85
bool eigen(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
Calculates eigenvalues and eigenvectors of a symmetric matrix.
short Ncv16s
Definition: NCV.hpp:129
@ FTP
Definition: sinusoidalpattern.hpp:58
@ CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio.hpp:291
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:1232
bool haveImageReader(const String &filename)
Returns true if the specified image can be decoded by OpenCV.
K API
Definition: gcpukernel.hpp:480
@ CAP_PROP_XI_TRG_SELECTOR
Selects the type of trigger.
Definition: videoio.hpp:465
@ TEST_ERROR
Definition: ml.hpp:91
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.
bool getUseFeatureExchange() const
Comma-separated Matrix Initializer.
Definition: matx.hpp:290
virtual void setMaxReservedSize(size_t size)=0
static String testOverloadResolution(int value, const Point &point=Point(42, 24))
Definition: bindings_utils.hpp:71
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
cv::Mat alpha
Alpha channel for image to draw (same size and number of channels)
Definition: render_types.hpp:290
MODE
Definition: tracking.detail.hpp:354
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
@ SFM_IO_BUNDLER
Definition: io.hpp:58
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:2118
__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:58
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:59
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:2576
float cx
Definition: intrinsics.hpp:59
float fy
Definition: intrinsics.hpp:59
T * ptr() const
Definition: NCV.hpp:613
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:88
Class for individual tree.
Definition: sparse_matching_gpc.hpp:154
@ WMF_EXP
Definition: weighted_median_filter.hpp:66
@ 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
#define OPENCV_HAL_IMPL_RVV_LOADSTORE_OP(_Tpvec, _nTpvec, _Tp, hvl, width, suffix)
Definition: intrin_rvv.hpp:699
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:335
@ EXT_ZYZ
Extrinsic rotations with the Euler angles type Z-Y-Z.
Definition: quaternion.hpp:124
float shift
Definition: all_layers.hpp:498
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.
std::string name
Definition: gr_chalearn.hpp:77
@ CAP_PROP_XI_TIMEOUT
Image capture timeout in milliseconds.
Definition: videoio.hpp:397
float scale
Definition: warpers.hpp:147
typename last_type< Ts... >::type last_type_t
Definition: gcomputation.hpp:36
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
void findCorrespondencies(InputArray bundle, OutputArray cols, OutputArray response=noArray())
bool holds() const
Definition: garray.hpp:101
@ NORM_INF
Definition: base.hpp:168
GCtors outCtors
Definition: gkernel.hpp:53
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
const void * ptr() const
Definition: gopaque.hpp:296
double getMinDepth() const
Definition: depth.hpp:791
@ DICT_7X7_250
Definition: dictionary.hpp:156
@ CAP_UNICAP
Unicap drivers (obsolete, removed)
Definition: videoio.hpp:101
FisheyeWarper(float scale)
Definition: warpers.hpp:370
Class that enables getting cudaStream_t from cuda::Stream.
Definition: cuda_stream_accessor.hpp:67
int getChannels() const
Definition: container_avi.private.hpp:167
@ NPPST_INVALID_ROI
Invalid region of interest argument.
Definition: NCV.hpp:365
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:279
AdaptiveThresholdTypes
Definition: imgproc.hpp:333
@ IMWRITE_TIFF_COMPRESSION
For TIFF, use to specify the image compression scheme. See libtiff for integer constants correspondin...
Definition: imgcodecs.hpp:104
F m_f
Definition: gcompoundkernel.hpp:50
SrcPtr src
Definition: reduction.hpp:132
static Affine3< T > operator*(const Affine3< T > &affine1, const Affine3< T > &affine2)
@ COLOR_BayerGR2BGR_MHT
Definition: cudaimgproc.hpp:98
static void call_impl(GPlaidMLContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gplaidmlkernel.hpp:108
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.
int x
Definition: fr_adience.hpp:74
base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenari...
Definition: simple_pipeline.hpp:161
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
int line
line number in the source file where the error has occurred
Definition: core.hpp:144
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
bool imencode(const String &ext, InputArray img, std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >())
Encodes an image into a memory buffer.
int octave
Definition: descriptor.hpp:112
unsigned short Ncv16u
Definition: NCV.hpp:130
@ WINDOW_GUI_EXPANDED
status bar and tool bar
Definition: highgui.hpp:194
Definition: gtyped.hpp:25
Definition: intrin_rvv.hpp:325
Definition: pd_inria.hpp:83
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...
int markerBorderBits
Definition: aruco.hpp:170
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.
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1050
v_reg< unsigned, 8 > v_uint32x8
Eight 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:518
Definition: onlineBoosting.hpp:154
int y
Definition: tr_svt.hpp:63
@ COLOR_LBGR2Lab
Definition: imgproc.hpp:625
Rect_< int > Rect2i
Definition: types.hpp:459
void inRange(InputArray src, const Scalar &lowerb, const Scalar &upperb, OutputArray dst, Stream &stream=Stream::Null())
Checks if array elements lie between two scalars.
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:449
@ CAP_PROP_MONOCHROME
Definition: videoio.hpp:156
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:246
@ DIST_MASK_5
mask=5
Definition: imgproc.hpp:314
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:457
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
Matx< _Tp, n, l > solve(const Matx< _Tp, m, l > &rhs, int flags=DECOMP_LU) const
solve linear system
Class computing the optical flow for two images using Brox et al Optical Flow algorithm ().
Definition: cudaoptflow.hpp:155
@ BM3D_STEPALL
Definition: bm3d_image_denoising.hpp:71
vint16mf2_t()
Definition: intrin_rvv.hpp:62
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:130
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.
Op::result_type result_type
Definition: tuple_adapter.hpp:59
@ COLOR_YUV2RGBA_Y422
Definition: imgproc.hpp:696
@ ACCESS_WRITE
Definition: mat.hpp:64
double epsilon
the desired accuracy
Definition: types.hpp:883
virtual void init(size_t size)
Interface method called by face recognizer before results processing.
Definition: predict_collector.hpp:69
VideoCaptureProperties
cv::VideoCapture generic properties identifier.
Definition: videoio.hpp:134
int rotatedRectangleIntersection(const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion)
Finds out if there is any intersection between two rotated rectangles.
__device__ __forceinline__ uint vsetge4(uint a, uint b)
Definition: simd_functions.hpp:728
__device__ __forceinline__ tuple< volatile T0 *, volatile T1 *, volatile T2 *, volatile T3 *, volatile T4 *, volatile T5 *, volatile T6 *, volatile T7 *, volatile T8 *, volatile T9 * > smem_tuple(T0 *t0, T1 *t1, T2 *t2, T3 *t3, T4 *t4, T5 *t5, T6 *t6, T7 *t7, T8 *t8, T9 *t9)
Definition: reduce.hpp:202
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
@ StsNullPtr
null pointer
Definition: base.hpp:96
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:1053
AutoBuffer< String, 1 > * ps
Definition: dict.hpp:105
int numBands() const
Definition: blenders.hpp:132
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
@ CAP_IEEE1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:97
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
bool hasBias
Definition: all_layers.hpp:554
Definition: fr_lfw.hpp:66
@ CAP_PROP_XI_OFFSET_Y
Vertical offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:380
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
void setMaskSource(const Ptr< IFrameSource > &val)
Definition: stabilizer.hpp:80
Point2f getEndPoint() const
Definition: descriptor.hpp:150
std::vector< GProtoArg > GProtoArgs
Definition: gproto.hpp:45
Size_< float > axes
the lengths of the major and minor ellipse axes
Definition: xfeatures2d.hpp:908
std::array< bool, std::tuple_size< typename Net::InArgs >::value > Normalize
Definition: onnx.hpp:79
std::vector< T > & outVecR(int output)
Definition: gcpukernel.hpp:105
@ MINUS
Definition: xfeatures2d.hpp:481
Base class for transform using lookup table.
Definition: cudaarithm.hpp:517
#define CV_CheckGE(v1, v2, msg)
Definition: check.hpp:118
Quat< T > asin(const Quat< T > &q)
@ CAP_PROP_XI_CC_MATRIX_11
Color Correction Matrix element [1][1].
Definition: videoio.hpp:453
@ CALIB_FIX_K2
Definition: calib3d.hpp:3771
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:180
int photoVertex
Definition: multicalib.hpp:85
bool isValid() const
Definition: types.hpp:874
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)
@ COLOR_RGB2YUV_YV12
Definition: imgproc.hpp:742
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:131
Definition: gcpukernel.hpp:301
void v256_cleanup()
Definition: intrin_cpp.hpp:3302
Definition: warping.hpp:125
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:3296
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
@ COLORSPACE_GRAY
Definition: container_avi.private.hpp:135
@ CALIB_CB_ASYMMETRIC_GRID
Definition: calib3d.hpp:491
int rows
Definition: interpolation.hpp:136
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:164
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:1557
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:404
std::vector< double > radius_m
Definition: facemarkLBF.hpp:85
int model_scale_idx
Definition: facemarkAAM.hpp:91
Definition: functional.hpp:234
void motionFromEssential(InputArray E, OutputArrayOfArrays Rs, OutputArrayOfArrays ts)
Texture2D()
The constructors.
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
void absdiff32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
Mat operator()(const Rect &roi) const
Definition: mat.hpp:321
const int * cyrillic
Definition: highgui.hpp:719
This class provides all data needed to initialize layer.
Definition: dnn.hpp:120
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
@ COLOR_SPACE_REC_2020_RGB
https://en.wikipedia.org/wiki/Rec._2020 , RGB color space
Definition: ccm.hpp:108
@ FHT_AVE
Definition: fast_hough_transform.hpp:96
@ BINARIZATION_NIBLACK
Classic Niblack binarization. See .
Definition: ximgproc.hpp:122
size_t numVotes
Definition: pose_3d.hpp:126
void hashtablePrint(hashtable_int *hashtbl)
Memory memory
Definition: variant.hpp:179
Access
Definition: opengl.hpp:92
Abstract base class for TrackerFeature that represents the feature.
Definition: tracking.detail.hpp:32
Definition: depth.hpp:624
@ 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:546
int thick
The thickness of the lines used to draw a text.
Definition: render_types.hpp:79
@ ADAPTIVE_THRESH_GAUSSIAN_C
Definition: imgproc.hpp:341
int maxTrackLifetime
Definition: detection_based_tracker.hpp:62
virtual void setBinaryKernelType(int value)=0
#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
@ ARO_45_90
Definition: fast_hough_transform.hpp:67
Definition: onlineBoosting.hpp:65
@ FAPS
Definition: sinusoidalpattern.hpp:60
static String dumpRect(const Rect &argument)
Definition: bindings_utils.hpp:85
@ COLOR_YUV2BGRA_YV12
Definition: imgproc.hpp:665
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:1276
Definition: functional.hpp:771
Base class for Template Matching. :
Definition: cudaimgproc.hpp:657
@ DNN_TARGET_MYRIAD
Definition: dnn.hpp:92
Definition: quaternion.hpp:132
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
int n_landmarks
number of landmark points
Definition: facemarkLBF.hpp:65
float c
Definition: ml.hpp:1184
@ FEATURE_SET_COMPUTE_30
Definition: cuda.hpp:996
Scalar(double v0, double v1, double v2=0, double v3=0)
Definition: scalar.hpp:25
~optional_lock_guard()
Definition: lock.private.hpp:82
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
Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
bool isND() const
Definition: gmat.hpp:110
edge(int cv, int pv, int pi, Mat trans)
Definition: multicalib.hpp:89
const T & get() const
Definition: gcommon.hpp:178
v_reg< float, 16 > v_float32x16
Sixteen 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:545
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.
@ CAP_PROP_GPHOTO2_PREVIEW
Capture only preview from liveview mode.
Definition: videoio.hpp:610
decltype(test< T >(nullptr)) type
Definition: gtype_traits.hpp:110
Params(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:202
_Tp x
Definition: quaternion.hpp:1618
@ 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
v_float64x2()
Definition: intrin_rvv.hpp:521
NCVStatus nppiStIntegral_8u32u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:100
std::string imagePath
Definition: track_alov.hpp:64
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name. Thread-safe.
vertex()
Definition: multicalib.hpp:111
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
@ PSP
Definition: sinusoidalpattern.hpp:59
bool use_rgb
Definition: tracking.hpp:48
Params & pluginConfig(const IEConfig &cfg)
Definition: ie.hpp:220
GCompiledT()
Definition: gtyped.hpp:178
Size maxSize
Maximum possible object size.
Definition: facemark_train.hpp:40
Definition: tr_svt.hpp:60
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:123
TrackerContribFeature based on HOG.
Definition: tracking_internals.hpp:831
void reset()
Definition: garray.hpp:167
__host__ UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Op > transformPtr(const SrcPtr &src, const Op &op)
Definition: transform.hpp:88
GMat addWeighted(const GMat &src1, double alpha, const GMat &src2, double beta, double gamma, int ddepth=-1)
Calculates the weighted sum of two matrices.
void lshift(InputArray src, Scalar_< int > val, OutputArray dst, Stream &stream=Stream::Null())
Performs pixel by pixel right left of an image by a constant value.
cv::GOpaque< int64_t > seq_id(G g)
Definition: meta.hpp:65
IOStream & operator<<(IOStream &os, const cv::Point &pt)
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:257
DrawMatchesFlags
Definition: features2d.hpp:1295
int height
Definition: histogramphaseunwrapping.hpp:82
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.
void remove()
Remove all kernels implementing the given API from the package.
Definition: gkernel.hpp:565
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:618
static tracked_cv_umat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:166
Definition: all_layers.hpp:686
bool mustEstimateTrimaRatio() const
Definition: stabilizer.hpp:175
virtual ~MotionFilterBase()
Definition: motion_stabilizing.hpp:87
__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
@ EVENT_FLAG_ALTKEY
indicates that ALT Key is pressed.
Definition: highgui.hpp:232
Compound widgets.
Definition: widgets.hpp:513
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
schar elem_type
Definition: vec_traits.hpp:168
__device__ __forceinline__ uint saturate_cast< uint >(double v)
Definition: saturate_cast.hpp:267
v_int32x16 v512_setall_s32(int val)
Definition: intrin_cpp.hpp:2866
Definition: interpolation.hpp:155
Definition: or_sun.hpp:60
Definition: timelapsers.hpp:80
__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
LineTypes
Definition: imgproc.hpp:812
@ IMAGE
G-API traits an associated cv::Mat as an image so.
Access
Definition: rmat.hpp:100
static HostCtor get()
Definition: gtype_traits.hpp:209
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:377
@ 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:354
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > remapPtr(const SrcPtr &src, const MapPtr &map)
Definition: remap.hpp:116
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
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())
@ CALIB_FIX_K1
Definition: calib3d.hpp:501
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
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:125
Definition: gfluidbuffer.hpp:43
Mat clone() const
Creates a full copy of the matrix and the underlying data.
Definition: mat.hpp:262
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:3295
cv::detail::OpaqueKind getKind() const
Definition: garray.hpp:262
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
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:1412
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:1096
@ flat
Definition: gr_skig.hpp:78
static int type()
Definition: flann.hpp:77
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
@ COLOR_BayerBG2BGRA
Demosaicing with alpha channel.
Definition: imgproc.hpp:786
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
cv::viz::Color Color
Definition: viz3d.hpp:70
float size
Definition: interface.h:23
std::unordered_map< std::size_t, GArg > m_results
Definition: gplaidmlkernel.hpp:53
Definition: deriv.hpp:369
int lt
The Type of the line. See LineTypes.
Definition: render_types.hpp:323
int rows
Definition: remap.hpp:105
LSDDetector(LSDParam _params)
Definition: descriptor.hpp:730
ComputeMode
Definition: cuda.hpp:1120
Definition: gplaidmlkernel.hpp:124
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:105
GKernel::M outMeta
Definition: gkernel.hpp:62
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
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
@ COLOR_YUV2BGRA_YVYU
Definition: imgproc.hpp:713
void recip16s(const short *, size_t, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
@ NCV_HAAR_INVALID_PIXEL_STEP
Definition: NCV.hpp:343
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::first_argument_type >::parameter_type a) const
Definition: functional.hpp:1006
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Calculates the per-element scaled product of two arrays.
Definition: sr_bsds.hpp:28
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
int dst_img_idx
Images indices (optional)
Definition: matchers.hpp:106
Definition: feature.hpp:160
@ COLOR_SPACE_XYZ_D65_10
non-RGB color space
Definition: ccm.hpp:111
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:2101
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
double minMarkerDistanceRate
Definition: aruco.hpp:165
@ SGD
Stochastic Gradient Descent.
Definition: ml.hpp:1804
Definition: gplaidmlkernel.hpp:92
@ COLOR_RGB2BGR565
Definition: imgproc.hpp:561
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:222
RMat(AdapterP &&a)
Definition: rmat.hpp:120
GCall & pass(Ts &&... args)
Definition: gcall.hpp:35
void winrt_setFrameContainer(::Windows::UI::Xaml::Controls::Image^ image)
@ FLAGS_NONE
Definition: instrumentation.hpp:110
v_reg< double, 2 > v_float64x2
Two 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:502
Template matrix class derived from Mat.
Definition: mat.hpp:2187
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
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
void meanAndVarianceAlongRows(InputArray A, OutputArray mean, OutputArray variance)
Computes the mean and variance of a given matrix along its rows.
@ CHAIN_APPROX_SIMPLE
Definition: imgproc.hpp:442
@ QT_FONT_DEMIBOLD
Weight of 63.
Definition: highgui.hpp:244
@ BadTileSize
Definition: base.hpp:92
std::vector< std::string > velodyne
Definition: slam_kitti.hpp:69
bool NFAValidation
when this value is true NFA (Number of False Alarms) algorithm will be used for line and ellipse vali...
Definition: edge_drawing.hpp:62
@ ARO_CTR_VER
Definition: fast_hough_transform.hpp:75
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:131
@ DISTANCE_RGBL
Euclidean distance of rgbl color space.
Definition: ccm.hpp:353
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:419
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:245
Computes average hash value of the input image.
Definition: average_hash.hpp:21
static __device__ double atomicMin(double *address, double val)
Definition: atomic.hpp:132
@ NV_OF_PERF_LEVEL_UNDEFINED
Definition: cudaoptflow.hpp:473
Ptr< DisparityWLSFilter > createDisparityWLSFilter(Ptr< StereoMatcher > matcher_left)
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevan...
Scalar member_type
Definition: core.hpp:3287
double pointPolygonTest(InputArray contour, Point2f pt, bool measureDist)
Performs a point-in-contour test.
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.
The Viz3d class represents a 3D visualizer window. This class is implicitly shared.
Definition: viz3d.hpp:67
__host__ Expr< IntegralBody< SrcPtr > > integral_(const SrcPtr &src)
Definition: reduction.hpp:253
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
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:1049
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for colored images.
bool save_model
Definition: facemarkAAM.hpp:72
#define _mm512_cvtpd_pslo(a)
Definition: intrin_avx512.hpp:60
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:442
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.
static void call(typename Impl::State &st, Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:436
@ CAP_PROP_XI_AEAG
Automatic exposure/gain.
Definition: videoio.hpp:392
@ COLOR_BayerGB2RGBA
Definition: imgproc.hpp:792
Params(const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:93
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
SrcPtr src
Definition: interpolation.hpp:102
virtual ~BasicOpaqueRef()
Definition: gopaque.hpp:122
@ QT_FONT_BOLD
Weight of 75.
Definition: highgui.hpp:245
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
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...
@ CV_ERROR_FAIL
Some error occurred (TODO Require to fill exception information)
Definition: llapi.h:40
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)
Definition: transpose.hpp:84
float getScaleFactor()
Definition: detection_based_tracker.hpp:96
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:211
int area_height
Definition: interpolation.hpp:240
int plusShift
Definition: imgproc.hpp:4863
v_reg< typename V_TypeTraits< _Tp >::q_type, simd128_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> v_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1964
@ IMWRITE_EXR_COMPRESSION_DWAA
lossy DCT based compression, in blocks of 32 scanlines. More efficient for partial buffer access.
Definition: imgcodecs.hpp:123
SrcPtr src
Definition: reduction.hpp:242
hashtable_int * hashtable_int_clone(hashtable_int *hashtbl)
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)
__host__ GpuMat_< typename MakeVec< typename VecTraits< T >::elem_type, cn >::type > reshape_(const GpuMat_< T > &mat, int rows=0)
Definition: gpumat.hpp:150
static void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:785
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...
bool save_model
flag to save the trained model or not
Definition: facemarkLBF.hpp:81
@ CAP_INTEL_MFX
Intel MediaSDK.
Definition: videoio.hpp:123
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:470
void * rgbd_normals_impl_
Definition: depth.hpp:181
float overlap
overlapping for the search windows
Definition: tracking_internals.hpp:713
TrackerContribFeature based on Feature2D.
Definition: tracking_internals.hpp:804
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:776
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:271
#define OPENCV_CUDEV_FUNCTIONAL_MAKE_IN_RANGE_COPIER(i, field)
Definition: functional.hpp:870
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
@ FEATURE_SET_COMPUTE_13
Definition: cuda.hpp:993
Node< OBJECT > * m_pParent
Definition: utility.hpp:1126
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:104
@ LSBP_CAMERA_MOTION_COMPENSATION_LK
Definition: bgsegm.hpp:247
bool isEmptyFrameSize() const
Definition: container_avi.private.hpp:173
@ COLOR_BayerBG2RGB_EA
Definition: imgproc.hpp:780
Scalar sum(InputArray src, InputArray mask=noArray())
Returns the sum of matrix elements.
__device__ __forceinline__ uint vsetgt4(uint a, uint b)
Definition: simd_functions.hpp:765
float scale_model_max_area
Definition: tracking.hpp:70
std::vector< DMatch > matches
Definition: matchers.hpp:107
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...
@ DESCRIPTOR_MLDB
Definition: features2d.hpp:830
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
@ CAP_PROP_XI_RECENT_FRAME
GetImage returns most recent frame.
Definition: videoio.hpp:505
GMat render3ch(const GMat &src, const GArray< Prim > &prims)
Renders on 3 channels input.
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:229
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
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).
__host__ __device__ __forceinline__ ZipPtrSz()
Definition: zip.hpp:112
void releaseHDDLPlugin()
Release a HDDL plugin.
std::vector< float > scales
Definition: facemarkAAM.hpp:74
The base class for camera response calibration algorithms.
Definition: photo.hpp:531
GMat mask(const GMat &src, const GMat &mask)
Applies a mask to a matrix.
int y
Definition: types.hpp:28
@ USAGE_ALLOCATE_HOST_MEMORY
Definition: mat.hpp:458
virtual void setSpeckleRange(int speckleRange)=0
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
vuint8mf4_t(const uchar *ptr)
Definition: intrin_rvv.hpp:132
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:469
@ QT_STYLE_ITALIC
Italic font.
Definition: highgui.hpp:252
bool operator==(const Scalar &lhs, const Scalar &rhs)
Definition: scalar.hpp:38
float member_type
Definition: core.hpp:3255
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
int N1c
Number of color vectors used to model normal background color variation at a given pixel.
Definition: cudalegacy.hpp:157
void exp32f(const float *src, float *dst, int n)
SupportRegionType supportRegionType
Definition: rlofflow.hpp:88
Ptr< IFrameSource > maskSource_
Definition: stabilizer.hpp:116
A shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:45
@ paperWithCharacters
Definition: gr_skig.hpp:91
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
Definition: NPP_staging.hpp:114
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:850
GFrame renderFrame(const GFrame &m_frame, const GArray< Prim > &prims)
Renders Media Frame.
GRunArg(T &&t, const Meta &m=Meta{}, typename std::enable_if< detail::in_variant< T, GRunArgBase >::value, int >::type=0)
Definition: garg.hpp:145
@ COLORCHECKER_Vinyl
DKK ColorChecker.
Definition: ccm.hpp:90
NppStBorderType
Definition: NPP_staging.hpp:88
This sampler is based on particle filtering.
Definition: tracking_internals.hpp:767
This class represents high-level API for text recognition networks.
Definition: dnn.hpp:1349
@ INSIDE_MAP
Definition: persistence.hpp:328
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
GMat Y(const cv::GFrame &frame)
Extracts Y plane from media frame.
CirclesGridFinderParameters CirclesGridFinderParameters2
Definition: calib3d.hpp:1658
WrapValue< typename std::decay< T >::type > wrap_gapi_helper
Definition: gtype_traits.hpp:192
int method_
Definition: depth.hpp:262
__device__ __forceinline__ float1 acosh(const uchar1 &a)
Definition: vec_math.hpp:375
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:549
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
@ PSM_SINGLE_BLOCK
Definition: ocr.hpp:75
Rect rect
Definition: erfilter.hpp:82
any(value_t &&arg)
Definition: any.hpp:76
@ NCVPipeObjDet_FindLargestObject
Definition: NCVHaarObjectDetection.hpp:356
@ NV_OF_HINT_VECTOR_GRID_SIZE_1
Definition: cudaoptflow.hpp:498
@ CAP_PROP_XI_CC_MATRIX_21
Color Correction Matrix element [2][1].
Definition: videoio.hpp:457
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:163
Definition: mappergradshift.hpp:52
@ CAP_PVAPI_PIXELFORMAT_MONO16
Mono16.
Definition: videoio.hpp:361
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.
Ptr< MergeDebevec > createMergeDebevec()
Creates MergeDebevec object.
vint64m1_t vwcvt_x_x_v_i64m1(vint32mf2_t v)
Definition: intrin_rvv.hpp:195
Point resultTl(const std::vector< Point > &corners)
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:105
GRunArg value_of(const GOrigin &origin)
Matx< double, 3, 4 > Matx34d
Definition: matx.hpp:250
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:4829
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...
static const double ORIG_RESOL
Definition: stitching.hpp:149
SortFlags
Definition: core.hpp:157
__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.
Object detector using the LINE template matching algorithm with any set of modalities.
Definition: linemod.hpp:298
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
GRunArgsP gout(Ts &... args)
Definition: garg.hpp:247
@ NCV_NULL_PTR
Definition: NCV.hpp:323
MorphTypes
type of morphological operation
Definition: imgproc.hpp:213
@ COLOR_RGB2Lab
Definition: imgproc.hpp:598
Basic interface for all solvers.
Definition: optim.hpp:58
Definition: mapshift.hpp:53
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
cv::detail::GInferOutputsTyped< cv::GMat > GInferOutputs
G-API object used to collect network outputs.
Definition: infer.hpp:374
__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
int numIterPerScale_
Definition: mapperpyramid.hpp:69
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.
int loIterations
Definition: calib3d.hpp:557
Definition: gstreaming.hpp:25
Gray-world white balance algorithm.
Definition: white_balance.hpp:139
int p2
Definition: feature.hpp:327
Definition: optical_flow.hpp:79
double member_type
Definition: core.hpp:3215
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])
@ CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio.hpp:295
@ DETECTED
Definition: detection_based_tracker.hpp:141
virtual ~InpainterBase()
Definition: inpainting.hpp:68
Definition: saliencyBaseClasses.hpp:120
Ncv32u height() const
Definition: NCV.hpp:825
@ RETR_TREE
Definition: imgproc.hpp:430
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:98
static softdouble nan()
Default NaN constant.
Definition: softfloat.hpp:350
Abstract base class for all facemark models.
Definition: facemark.hpp:47
Definition: gstreaming.hpp:34
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:950
Definition: calib3d.hpp:552
@ CALIB_CB_MARKER
Definition: calib3d.hpp:487
SrcPtr src
Definition: reduction.hpp:176
@ CAP_PROP_XI_AEAG_ROI_HEIGHT
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:419
FileStorage::Impl * fs
Definition: persistence.hpp:687
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:741
@ CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio.hpp:263
Ncv32u _pitch
Definition: NCV.hpp:835
unsigned char Ncv8u
Definition: NCV.hpp:132
@ CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio.hpp:279
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.
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
__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)
bool empty() const
true if empty
cv::Mat getIterationCounts() const
Definition: depth.hpp:1120
@ COLORMAP_JET
Definition: imgproc.hpp:4314
std::tuple< R > OutArgs
Definition: infer.hpp:208
int adaptiveThreshWinSizeMin
Definition: checker_detector.hpp:106
__device__ __forceinline__ T operator()(float y, float x) const
Definition: texture.hpp:192
int num_split
Definition: all_layers.hpp:369
@ DICT_6X6_100
Definition: dictionary.hpp:151
any & operator=(any &&)=default
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
GAPI_WRAP GMatDesc withType(int ddepth, int dchan) const
Definition: gmat.hpp:158
v_reg< _Tp, simd512_width/sizeof(_Tp)> v512_load_low(const _Tp *ptr)
Load 256-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1757
float y
Definition: interface.h:22
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:182
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:316
Minimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical fe...
Definition: mace.hpp:71
cv::GOpaque< int64_t > timestamp(G g)
Definition: meta.hpp:60
@ CORNER_REFINE_CONTOUR
ArUco approach and refine the corners locations using the contour-points line fitting.
Definition: aruco.hpp:84
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:734
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
SrcPtr src
Definition: resize.hpp:65
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1096
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)
const typedef Mat & const_param_type
Definition: core.hpp:3230
@ LSD_REFINE_STD
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:491
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.
SrcPtr src
Definition: deriv.hpp:334
std::string imageName
Definition: ir_affine.hpp:63
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:2798
std::vector< int > SizeArray
Definition: cuda.hpp:361
@ StsBadMemBlock
an allocated block has been corrupted
Definition: base.hpp:114
Base class for rotation-based warper using a detail::ProjectorBase_ derived class.
Definition: warpers.hpp:158
__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
float edgePenalty
Definition: calib3d.hpp:1643
Definition: depth.hpp:186
@ SIZE_512_BITS
Definition: xfeatures2d.hpp:213
__host__ __device__ NcvSize32u()
Definition: NCV.hpp:185
void detailEnhance(InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f)
This filter enhances the details of a particular image.
SrcPtr src
Definition: remap.hpp:65
void mapBackward(float u, float v, float &x, float &y)
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:207
_Tp w
Definition: quaternion.hpp:1618
Definition: sr_bsds.hpp:23
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
static const constexpr bool value
Definition: gtype_traits.hpp:111
Implementation of the PCAFlow algorithm from the following paper: http://files.is....
double L2HysThreshold
L2-Hys normalization method shrinkage.
Definition: objdetect.hpp:611
static T get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:210
#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:912
cv::Ptr< IDetector > cascadeForTracking
Definition: detection_based_tracker.hpp:210
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)
@ ARO_315_135
Definition: fast_hough_transform.hpp:72
double getMaxPointsPart() const
Definition: depth.hpp:823
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:407
bool isIntegral
Definition: feature.hpp:216
float aff_thr_strong
Definition: tracking_by_matching.hpp:277
cv::UMat & outMatR(int output)
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
float value_type
Definition: vec_distance.hpp:92
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:289
std::vector< int > IndexArray
Definition: cuda.hpp:363
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: kinfu.hpp:95
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
frame_list::iterator frame_iterator
Definition: container_avi.private.hpp:69
gapi::GNetParam strip(T &&t)
Definition: infer.hpp:678
Point_< int64 > Point2l
Definition: types.hpp:191
InputArray InputArrayOfArrays
Definition: mat.hpp:442
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:195
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:257
Definition: depth.hpp:759
void drawDetectedDiamonds(InputOutputArray image, InputArrayOfArrays diamondCorners, InputArray diamondIds=noArray(), Scalar borderColor=Scalar(0, 0, 255))
Draw a set of detected ChArUco Diamond markers.
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:62
@ 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.
Params< Net > & cfgInputReshape(std::unordered_set< std::string > &&layer_names)
Definition: ie.hpp:179
ParallelForBackend()
Definition: parallel_for.tbb.hpp:52
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
void operator()(const Scalar &in, typename MakeVec< T, cn >::type &out) const
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
@ MORPH_DILATE
see dilate
Definition: imgproc.hpp:215
Definition: optical_flow.hpp:96
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking_internals.hpp:657
std::string elname
Definition: persistence.hpp:463
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.
std::vector< GCompileArg > GCompileArgs
Definition: gcommon.hpp:196
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
static void call_impl(cv::GCPUContext &ctx, Impl &impl, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:399
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:126
Ptr< Impl > p
Definition: objdetect.hpp:763
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
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
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...
Definition: all_layers.hpp:489
@ CALIB_FIX_K2
Definition: calib3d.hpp:502
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
GMatDesc withSizeDelta(int dx, int dy) const
Definition: gmat.hpp:133
Definition: features2d.hpp:910
int height
height of the rectangle
Definition: types.hpp:61
double compositingResol() const
Definition: stitching.hpp:192
@ Uncompressed_YUYV
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:264
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
const void * ptr() const
Definition: garray.hpp:317
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:379
Vec< float, 2 > Vec2f
Definition: matx.hpp:427
float getSigmaDepth() const
Definition: depth.hpp:1096
int x
Definition: types.hpp:27
@ TRIANGLE_FAN
Definition: opengl.hpp:485
cv::Mat sqr(const cv::Mat &mat1) const
Definition: mapper.hpp:99
Definition: type_traits.hpp:112
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.
Mesh()
Definition: types.hpp:140
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:267
Matx< _Tp, m, n > operator*() const
void * data
Definition: t_hash_int.hpp:63
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)
_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
ERStat * max_probability_ancestor
Definition: erfilter.hpp:110
float pnorm
Definition: all_layers.hpp:652
void add16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
std::string user_id
Definition: fr_adience.hpp:69
int derivAperture
not documented
Definition: objdetect.hpp:602
Matx< _Tp, m1, n1 > reshape() const
change the matrix shape
@ CAP_PROP_RECTIFICATION
Rectification flag for stereo cameras (note: only supported by DC1394 v 2.x backend currently).
Definition: videoio.hpp:155
void setMotionModel(MotionModel val)
Definition: motion_stabilizing.hpp:122
TrackerStateEstimator based on SVM.
Definition: tracking_internals.hpp:624
@ COLOR_YUV2BGR_YV12
Definition: imgproc.hpp:656
__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
virtual ~IStreamSource()=default
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
const Ptr< Feature2D > featuresFinder() const
Definition: stitching.hpp:208
High level image stitcher.
Definition: stitching.hpp:138
int hal_ni_fastAtan64f(const double *y, const double *x, double *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:389
static Ptr< DescriptorMatcher > create(const String &descriptorMatcherType)
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
Affine3< float > Affine3f
Definition: affine.hpp:290
int rows
Definition: deriv.hpp:76
std::vector< cv::Point > points
Points to connect.
Definition: render_types.hpp:320
Matx23d PeiLinNormalization(InputArray I)
Calculates an affine transformation that normalize given image using Pei&Lin Normalization.
int getWidth() const
Definition: container_avi.private.hpp:165
@ COLOR_BGR2BGR555
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:572
T value_type
Definition: constant.hpp:59
@ IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs.hpp:147
Definition: outlier_rejection.hpp:58
virtual void generateFeatures() CV_OVERRIDE
Definition: ccalib.hpp:60
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
@ CALIB_RECOMPUTE_EXTRINSIC
Definition: calib3d.hpp:3767
Definition: qualitybase.hpp:23
@ CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio.hpp:567
void estimatePoseSingleMarkers(InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs, OutputArray _objPoints=noArray())
Pose estimation for single markers.
Class implementing VGG (Oxford Visual Geometry Group) descriptor trained end to end using "Descriptor...
Definition: xfeatures2d.hpp:353
Scalar_ & operator=(const Scalar_ &s)
TraitAs
Definition: ie.hpp:41
@ CPU_AVX
Definition: cvdef.h:303
@ NCV_MEM_COPY_ERROR
Definition: NCV.hpp:339
Definition: optical_flow.hpp:143
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
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:122
Quat< _Tp > sinh() const
return sinh value of this quaternion, sinh could be calculated as: where
Definition: gframe.hpp:55
bool is_thread_safe_
Definition: matchers.hpp:164
Size poolStride
Definition: all_layers.hpp:546
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:66
int id
Definition: ppf_match_3d.hpp:81
float weight
Definition: util.hpp:79
@ COLOR_YUV2RGB_NV12
YUV 4:2:0 family to RGB.
Definition: imgproc.hpp:641
Ncv32s x
Point X.
Definition: NCV.hpp:193
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:138
@ ACCESS_READ
Definition: mat.hpp:64
virtual void printDefaults() const CV_OVERRIDE
unsigned minGroupSize
Definition: checker_detector.hpp:123
@ CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio.hpp:277
The class represents a decision tree node.
Definition: ml.hpp:1157
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.
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)
Definition: quasi_dense_stereo.hpp:40
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.
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:212
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
The class implements the keypoint detector introduced by , synonym of StarDetector....
Definition: xfeatures2d.hpp:110
@ DICT_4X4_250
Definition: dictionary.hpp:144
Vec< short, 3 > Vec3s
Definition: matx.hpp:414
@ CAP_PROP_XI_TRG_DELAY
Specifies the delay in microseconds (us) to apply after the trigger reception before activating it.
Definition: videoio.hpp:496
@ IMWRITE_EXR_COMPRESSION_NO
no compression
Definition: imgcodecs.hpp:115
std::vector< std::string > input_names
Definition: ie.hpp:56
@ CAP_PROP_XI_BINNING_PATTERN
Binning pattern type.
Definition: videoio.hpp:406
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
Body body
Definition: expr.hpp:59
float filter_lr
Definition: tracking.hpp:61
@ WAVE_CORRECT_VERT
Definition: motion_estimators.hpp:331
Definition: objdetect.hpp:670
static void AGAST_7_12s(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:3264
int index_type
Definition: deriv.hpp:191
virtual ~SeamFinder()
Definition: seam_finders.hpp:61
void setUseOpenCL(bool flag)
@ COLOR_RGB2YUV_I420
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:733
int iterationNum
number of selection rounds
Definition: tracking_internals.hpp:777
@ COLOR_BayerGB2GRAY_MHT
Definition: cudaimgproc.hpp:106
@ CAP_VFW
Video For Windows (obsolete, removed)
Definition: videoio.hpp:92
int nlevels
Maximum number of detection window increases. Default value is 64.
Definition: objdetect.hpp:626
BlocksGainCompensator(int bl_width=32, int bl_height=32)
Definition: exposure_compensate.hpp:211
float gsl_sigma
Definition: tracking.hpp:57
std::vector< T > & wref()
Definition: garray.hpp:281
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:444
__host__ T * operator[](int y)
more convenient forms of row and element access operators
@ CAP_PROP_XI_AEAG_ROI_OFFSET_X
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:416
int numOutput
Definition: all_layers.hpp:218
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3392
void min8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
Background Subtraction using Local SVD Binary Pattern. More details about the algorithm can be found ...
Definition: bgsegm.hpp:265
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
@ CAP_PROP_CONTRAST
Contrast of the image (only for cameras).
Definition: videoio.hpp:147
bool filterByConvexity
Definition: features2d.hpp:736
@ circle
Definition: gr_skig.hpp:62
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)
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
int index_type
Definition: deriv.hpp:144
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
@ StsInplaceNotSupported
in-place operation is not supported
Definition: base.hpp:103
int getFDSize()
Definition: fourier_descriptors.hpp:74
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:328
v_reg< _Tp, simd256_width/sizeof(_Tp)> v256_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1814
virtual int getMaxLevel() const =0
@ EXT_YZY
Extrinsic rotations with the Euler angles type Y-Z-Y.
Definition: quaternion.hpp:122
__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.
bool wrap_kernel
wrap around the kernel values
Definition: tracking.hpp:129
@ EVENT_LBUTTONUP
indicates that left mouse button is released.
Definition: highgui.hpp:215
static cv::detail::VectorRef wrap_out(std::vector< T > &t)
Definition: gtype_traits.hpp:89
Quat< _Tp > exp() const
return the value of exponential value.
virtual bool pull(cv::gapi::wip::Data &data) override
Definition: cap.hpp:79
void vx_cleanup()
SIMD processing state cleanup call.
Definition: intrin.hpp:660
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: large_kinfu.hpp:55
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: gcommon.hpp:183
_Tp y
y coordinate of the 3D point
Definition: types.hpp:266
Main interface for all disparity map filters.
Definition: disparity_filter.hpp:52
virtual ~OpaqueRefT()
Definition: gopaque.hpp:149
int period_
Definition: wobble_suppression.hpp:110
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:755
bool empty() const
Returns true if the array has no elements.
Definition: mat.hpp:301
cv::gapi::GKernelPackage kernels()
Create a kernel package object containing kernels and transformations specified in variadic template ...
Definition: gkernel.hpp:666
float index_type
Definition: warping.hpp:110
Interface for implementations of Fast Global Smoother filter.
Definition: edge_filter.hpp:457
std::string imgName
Definition: tr_chars.hpp:62
double t[3]
Definition: msm_middlebury.hpp:65
void _mm_deinterleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:494
std::recursive_mutex Mutex
Definition: utility.hpp:717
Mat inpaintingMask_
Definition: stabilizer.hpp:132
Definition: interpolation.hpp:234
static const char * tag()
Definition: gfluidkernel.hpp:162
Definition: cvstd.hpp:110
std::vector< Mat > blobs
List of learned parameters must be stored here to allow read them by using Net::getParam().
Definition: dnn.hpp:200
bool useOpenCL
Definition: pcaflow.hpp:104
Definition: facerec.hpp:126
virtual void getMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:88
void _cleanupTerminatedData()
Definition: tls.hpp:201
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 cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:291
void(* FN_parallel_for_body_cb_t)(int start, int end, void *data)
Definition: parallel_backend.hpp:61
virtual ~SuperpixelSEEDS()
Definition: seeds.hpp:141
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
InterpolationType
Definition: rlofflow.hpp:30
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
Definition: reduction.hpp:240
@ CAP_XIAPI
XIMEA Camera API.
Definition: videoio.hpp:107
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
v_reg< float, n0 *sizeof(_Tp0)/sizeof(float)> v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2890
@ DICT_APRILTAG_16h5
4x4 bits, minimum hamming distance between any two codes = 5, 30 codes
Definition: dictionary.hpp:159
bool verbose
Definition: facemarkAAM.hpp:71
double ncvEndQueryTimerUs(NcvTimer t)
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
@ COLORMAP_RAINBOW
Definition: imgproc.hpp:4316
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.
Represents a successful template match.
Definition: linemod.hpp:259
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:87
void addRNGBias32f(float *arr, const float *scaleBiasPairs, int len)
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.
Definition: warpers.hpp:460
Ptr< ERFilter::Callback > loadClassifierNM1(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
virtual void operator()(const cv::Range &range) const CV_OVERRIDE
Definition: utility.hpp:602
detail::ParamDesc desc
Definition: ie.hpp:196
void add64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
Definition: pd_caltech.hpp:60
v_reg< _Tp, n > operator==(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Equal comparison.
Definition: intrin_cpp.hpp:885
Size(const cv::Size &other)
Definition: types.hpp:104
static size_t getElemSize(int type)
Definition: utility.hpp:568
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:507
int i
Definition: ppf_match_3d.hpp:82
@ OCR_KNN_CLASSIFIER
Definition: ocr.hpp:180
double norm(InputArray src1, int normType, InputArray mask=noArray())
Returns the norm of a matrix (or difference of two matrices).
@ 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 ~MatAllocator()
Definition: mat.hpp:473
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
Params params
Definition: edge_drawing.hpp:97
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
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
PoseCluster3D()
Definition: pose_3d.hpp:141
std::shared_ptr< GOrigin > m_priv
Definition: garray.hpp:96
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitypsnr.hpp:62
@ COLOR_RGBA2RGB
Definition: imgproc.hpp:537
Mat * planes
the current planes
Definition: mat.hpp:3412
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
int getNSS() const
Definition: saliencySpecializedClasses.hpp:345
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.
Definition: all_layers.hpp:513
@ COLOR_GRAY2BGR
Definition: imgproc.hpp:553
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
@ HDO_DESKEW
Definition: fast_hough_transform.hpp:108
double ceild(double x)
Definition: saturate.hpp:82
cv::Point_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:43
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:851
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
std::string srcBw
Definition: is_weizmann.hpp:63
GScalar sum(const GMat &src)
Calculates sum of all matrix elements.
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:230
v_reg< uchar, 2 *n > v_pack_b(const v_reg< ushort, n > &a, const v_reg< ushort, n > &b)
! For 16-bit boolean values
Definition: intrin_cpp.hpp:3114
result_type mySum
Definition: vec_distance.hpp:95
uint8_t UINT8
Definition: descriptor.hpp:66
@ CAP_PVAPI
PvAPI, Prosilica GigE SDK.
Definition: videoio.hpp:103
static cv::util::optional< GCompileArg > exec(const std::string &, cv::gapi::s11n::IIStream &)
Definition: s11n.hpp:282
Callback with the classifier is made a class.
Definition: erfilter.hpp:127
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
Volume(float _voxelSize, Matx44f _pose, float _raycastStepFactor)
Definition: volume.hpp:21
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.
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
void flags2idx(int flags, std::vector< int > &idx, int n)
float minRNGEdgeSwitchDist
Definition: calib3d.hpp:1645
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.
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
#define OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:749
NcvBool isMemReused() const
Definition: NCV.hpp:979
Definition: gfluidbuffer.hpp:25
v_reg< int, 8 > v_int32x8
Eight 32-bit signed integer values.
Definition: intrin_cpp.hpp:520
@ WMF_COS
Definition: weighted_median_filter.hpp:69
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:372
void unregisterAllWindows()
Unregisters all Viz windows from internal database. After it 'getWindowByName()' will create new wind...
float contextEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:105
String member_type
Definition: core.hpp:3223
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:124
@ FEATURE_SET_COMPUTE_21
Definition: cuda.hpp:995
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
size_t step(size_t i=0) const
Definition: rmat.hpp:90
@ StsNoMem
insufficient memory
Definition: base.hpp:73
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams ¶ms)
Unscented Kalman Filter factory method.
IplMagnoParameters()
Definition: retina.hpp:166
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.
@ is_tuple
Definition: tuple.hpp:66
Mat _mean
Definition: facerec.hpp:51
@ CALIB_FIX_P2
Definition: omnidir.hpp:62
static void help_init(const cv::GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:227
- normalization layer.
Definition: all_layers.hpp:649
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1135
std::vector< std::string > lex
Definition: tr_svt.hpp:69
@ DECOMP_QR
Definition: base.hpp:145
std::map< std::string, std::string > IEConfig
Definition: ie.hpp:47
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
GArray()
Definition: garray.hpp:355
@ Uncompressed_NV12
Y,UV (4:2:0)
Definition: cudacodec.hpp:263
int ymin
Definition: core_detect.hpp:28
__host__ void gridPyrDown_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:62
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
OptRef(cv::optional< T > &t)
Definition: gstreaming.hpp:54
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:403
Definition: gcpukernel.hpp:474
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:2719
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1093
@ CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d.hpp:481
virtual uint64_t getTotalUsage() const =0
Net readNetFromDarknet(const String &cfgFile, const String &darknetModel=String())
Reads a network model stored in Darknet model files.
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
Definition: NCV.hpp:344
Definition: parallel_for.openmp.hpp:23
Definition: optical_flow.hpp:64
@ GC_FGD
an obvious foreground (object) pixel
Definition: imgproc.hpp:347
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:305
Definition: cap_ios.h:140
QualitySSIM(_mat_data refImgData)
Constructor.
Definition: qualityssim.hpp:90
IMPL
Definition: instrumentation.hpp:53
Definition: reduce_to_vec.hpp:125
v_uint8x64 v_uint8
Maximum available vector register capacity 8-bit unsigned integer values.
Definition: intrin.hpp:386
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:3262
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
static GpuMat::Allocator * defaultAllocator()
default allocator
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
@ CAP_PROP_GAMMA
Definition: videoio.hpp:159
NCVStatus nppiStIntegralGetSize_8u32u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
@ CCL_GRANA
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity. The parallel implement...
Definition: imgproc.hpp:410
float hog_clip
Definition: tracking.hpp:59
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:95
Mat controlMatrix
control matrix (B) (not used if there is no control)
Definition: tracking.hpp:396
Cylindrical warper factory class.
Definition: warpers.hpp:168
int modifiers
Definition: types.hpp:330
@ NV_OF_HINT_VECTOR_GRID_SIZE_UNDEFINED
Definition: cudaoptflow.hpp:497
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:406
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.
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...
@ NPPST_ERROR
Unknown error.
Definition: NCV.hpp:356
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)
int trackMaxPosNum
Definition: tracking_internals.hpp:660
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 cols
Definition: zip.hpp:110
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
GProtoArgs m_args
Definition: gproto.hpp:65
Size cellSize() const
Definition: outlier_rejection.hpp:80
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2193
static const char * tag()
Definition: render.hpp:186
::int64_t int64_t
Definition: cvdef.h:804
Definition: gcommon.hpp:103
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:498
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:338
@ SCENE_AA
Apply anti-aliasing. The first window determines the setting for all windows.
Definition: ovis.hpp:53
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:2307
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
@ RETINA_COLOR_RANDOM
each pixel position is either R, G or B in a random choice
Definition: retina.hpp:84
@ ASGD
Average Stochastic Gradient Descent.
Definition: ml.hpp:1805
v_float64 vx_load_halves(const double *ptr0, const double *ptr1)
Definition: intrin.hpp:590
@ NORM_L2SQR
Definition: base.hpp:194
@ CAP_PROP_XI_SENSOR_FEATURE_VALUE
Allows access to sensor feature value currently selected by XI_PRM_SENSOR_FEATURE_SELECTOR.
Definition: videoio.hpp:526
__device__ __host__ NcvBool isLeftNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:157
GOCVFunctor(const char *id, const Meta &meta, const Impl &impl)
Definition: gcpukernel.hpp:502
int getDevice()
Returns the current device index set by cuda::setDevice or initialized by default.
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).
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
void deallocate(pointer p, size_type)
Definition: cvstd.hpp:133
int numStepsToTrackWithoutDetectingIfObjectHasNotBeenShown
Definition: detection_based_tracker.hpp:169
_Tp x
x coordinate of the top-left corner
Definition: types.hpp:453
@ REDUCE_MAX
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:232
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
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
int cols
Definition: mask.hpp:85
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
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
Definition: feature.hpp:384
void update(float value, int target)
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:162
Definition: gplaidmlkernel.hpp:56
vint8mf2_t(const schar *ptr)
Definition: intrin_rvv.hpp:39
flann_distance_t flann_distance_type()
int cols
Definition: resize.hpp:79
@ CAP_UEYE
uEye Camera API
Definition: videoio.hpp:125
void(* OpenGlDrawCallback)(void *userdata)
Callback function defined to be called every frame. See cv::setOpenGlDrawCallback.
Definition: highgui.hpp:284
Definition: motion_stabilizing.hpp:84
cv::String getBackendName(VideoCaptureAPIs api)
Returns backend API name or "UnknownVideoAPI(xxx)".
Smart pointer for OpenGL 2D texture memory with reference counting.
Definition: opengl.hpp:283
CostType
Definition: seam_finders.hpp:235
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio.hpp:294
v_reg< double,(n/2)> v_cvt_f64_high(const v_reg< int, n > &a)
Convert to double high part of vector.
Definition: intrin_cpp.hpp:2587
uchar * data
pointer to the data
Definition: mat.hpp:2098
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:1060
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
Definition: warpers.hpp:243
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:272
util::variant< util::monostate, GMatDesc, GScalarDesc, GArrayDesc, GOpaqueDesc, GFrameDesc > GMetaArg
Definition: gmetaarg.hpp:43
Ptr< HoughCirclesDetector > createHoughCirclesDetector(float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096)
Creates implementation for cuda::HoughCirclesDetector .
Definition: interface.h:19
@ NORMAL_CLONE
Definition: photo.hpp:716
@ MODE_HH4
Definition: calib3d.hpp:3490
GMat cmpGE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
@ XYZRGB
Definition: omnidir.hpp:76
#define OPENCV_HAL_IMPL_RVV_SELECT(_Tpvec, merge, ne, width)
Definition: intrin_rvv.hpp:1735
int area
incrementally computable features
Definition: erfilter.hpp:79
OclVectorStrategy
Definition: ocl.hpp:668
v_float32 vx_setzero_f32()
Definition: intrin.hpp:518
Context & initializeContextFromDirect3DDevice9Ex(IDirect3DDevice9Ex *pDirect3DDevice9Ex)
Creates OpenCL context from Direct3DDevice9Ex device.
#define CV_CUDEV_GRAY2RGB5x5_INST(name, green_bits)
Definition: color_cvt.hpp:457
InferROITraits< InferType >::outType inferGenericROI(const std::string &tag, const typename InferROITraits< InferType >::inType &in, const cv::GInferInputs &inputs)
Definition: infer.hpp:423
T maxVal
Definition: functional.hpp:697
void drawColorDisp(InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null())
Colors a disparity image.
@ patch_size_y
Definition: reduce.hpp:300
void * ptr
Definition: NCV.hpp:441
Class implementing affine adaptation for key points.
Definition: xfeatures2d.hpp:949
GRunArg & operator=(const GRunArg &arg)
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
@ CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio.hpp:163
Definition: warpers.hpp:397
v_reg< ushort, 32 > v_uint16x32
Thirty two 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:537
@ CAP_PROP_XI_CHIP_TEMP
Camera sensor temperature.
Definition: videoio.hpp:437
@ WINDOW_OPENGL
window with opengl support.
Definition: highgui.hpp:189
virtual void setPreFilterCap(int preFilterCap)=0
@ CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Camera housing back side temperature.
Definition: videoio.hpp:439
Definition: facerec.hpp:54
SrcPtr src
Definition: deriv.hpp:286
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
RgbdNormals()
Definition: depth.hpp:83
Point pointer
Definition: types.hpp:329
Mat eigenvalues() const
Definition: core.hpp:2617
@ VIDEO_ACCELERATION_VAAPI
VAAPI.
Definition: videoio.hpp:235
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:641
std::string value
Definition: tr_svt.hpp:62
@ MM_TRANSLATION
Definition: motion_core.hpp:61
@ nlanes
Definition: intrin_rvv.hpp:486
@ USAC_FM_8PTS
USAC, fundamental matrix 8 points.
Definition: calib3d.hpp:449
void qconj(InputArray qimg, OutputArray qcimg)
calculates conjugate of a quaternion image.
void mapForward(float x, float y, float &u, float &v)
@ CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Reload all settings on set.
Definition: videoio.hpp:613
vint8mf4_t(const schar *ptr)
Definition: intrin_rvv.hpp:144
__host__ SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelYPtr(const SrcPtr &src)
Definition: deriv.hpp:219
_Tp z_
Definition: dualquaternion.hpp:165
Class that manages the extraction and selection of features.
Definition: tracking.detail.hpp:59
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...
@ SCENE_INTERACTIVE
allow the user to control the camera.
Definition: ovis.hpp:49
@ COLOR_YCrCb2BGR
Definition: imgproc.hpp:591
float minInlierRatio() const
Definition: global_motion.hpp:140
double matchShapes(InputArray contour1, InputArray contour2, int method, double parameter)
Compares two shapes.
::uint64_t uint64_t
Definition: cvdef.h:805
unsigned char ValueType
Definition: base.hpp:385
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
float raycast_step_factor
A length of one raycast step.
Definition: kinfu.hpp:137
T ValueType
Definition: features2d.hpp:913
LSDDetector()
Definition: descriptor.hpp:725
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.
ScoreType
Definition: features2d.hpp:407
VectorRefT(std::vector< T > &vec)
Definition: garray.hpp:158
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...
Definition: reduce_to_vec.hpp:89
float a
Definition: warpers.hpp:453
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...
@ CAP_PROP_PVAPI_MULTICASTIP
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:335
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
MatAllocator()
Definition: mat.hpp:472
GArray< T > yieldArray(int output=0)
Definition: gcall.hpp:47
@ LINE_AA
antialiased line
Definition: imgproc.hpp:816
@ RECTIFY_LONGLATI
Definition: omnidir.hpp:71
int end
Definition: types.hpp:598
@ COLORSPACE_YUV444P
Definition: container_avi.private.hpp:135
void assignTo(Mat &m, int type=-1) const
Provides a functional form of convertTo.
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)
int octave
Definition: interface.h:26
int getKernelSize() const
Definition: depth.hpp:1112
std::shared_ptr< GOrigin > m_priv
Definition: gopaque.hpp:92
::uint32_t uint32_t
Definition: cvdef.h:803
@ CPU_AVX_512BW
Definition: cvdef.h:308
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
SurfaceFormat
Definition: cudacodec.hpp:72
SrcPtr src
Definition: deriv.hpp:66
@ CAP_PROP_TRIGGER_DELAY
Definition: videoio.hpp:162
Definition: hpe_humaneva.hpp:77
double Ry
Definition: gr_chalearn.hpp:67
std::vector< int > size
Definition: util.hpp:65
@ CAP_PROP_WHITE_BALANCE_BLUE_U
Currently unsupported.
Definition: videoio.hpp:154
static constexpr const char * id()
Definition: infer.hpp:289
Params & cfgNumRequests(size_t nireq)
Definition: ie.hpp:153
MakeVec< typename LargerType< float, typename VecTraits< T >::elem_type >::type, VecTraits< T >::cn >::type type
Definition: functional.hpp:452
double ncvEndQueryTimerMs(NcvTimer t)
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...
virtual void setUniquenessRatio(int uniquenessRatio)=0
int targetId
Target identifier.
Definition: dnn.hpp:185
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:127
cv::Mat img
Image to draw.
Definition: render_types.hpp:289
Abstract streaming pipeline source.
Definition: source.hpp:39
static const softfloat fromRaw(const uint32_t a)
Construct from raw.
Definition: softfloat.hpp:106
Quat< T > atanh(const Quat< T > &q)
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)
This structure represents a circle to draw.
Definition: render_types.hpp:161
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
const std::vector< T > & rref() const
Definition: garray.hpp:197
CMTime lastSampleTime
Definition: cap_ios.h:107
void setKind(cv::detail::OpaqueKind)
static void call(Impl &impl, Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:381
Describes RANSAC method parameters.
Definition: motion_core.hpp:73
void sub32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
void mapBackward(float u, float v, float &x, float &y)
int num_matches_thresh1_
Definition: matchers.hpp:194
@ CALIB_CB_FILTER_QUADS
Definition: calib3d.hpp:482
static Color orange_red()
@ CAP_PROP_XI_DEBOUNCE_T0
Debounce time (x * 10us).
Definition: videoio.hpp:468
@ IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs.hpp:145
__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:644
int preferableTarget
prefer target for layer forwarding
Definition: dnn.hpp:388
Op op
Definition: functional.hpp:982
Definition: utility.hpp:1054
KernelTypes
SVM kernel type
Definition: ml.hpp:647
virtual NcvBool isCounting(void) const =0
static cv::detail::OpaqueRef wrap_in(const T &t)
Definition: gtype_traits.hpp:99
Definition: facemarkAAM.hpp:47
float distance
Definition: types.hpp:819
int index_type
Definition: constant.hpp:60
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:212
GArg m_state
Definition: gcpukernel.hpp:124
bool isUmat_
Definition: superres.hpp:173
static softdouble inf()
Positive infinity constant.
Definition: softfloat.hpp:348
Definition: intrin_rvv.hpp:119
Ptr< GpuMat::Allocator > getAllocator() const
Returns the allocator associated with the stream.
Definition: cuda.hpp:701
@ updown
Definition: gr_skig.hpp:64
v_reg< _Tp, simd128_width/sizeof(_Tp)> v_lut(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2629
~BufferPoolController()
Definition: bufferpool.hpp:24
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:115
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:395
void circle(InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a circle.
int cols
Definition: deriv.hpp:371
UMat oclSvmDetector
coefficients for the linear SVM classifier used when OpenCL is enabled
Definition: objdetect.hpp:620
Custom array allocator.
Definition: mat.hpp:469
int samplerInitMaxNegNum
Definition: tracking.hpp:762
Implementation of ICP (Iterative Closest Point) Algorithm.
float bias
Definition: all_layers.hpp:239
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3191
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:240
Implementation of the camera parameters refinement algorithm which minimizes sum of the distances bet...
Definition: motion_estimators.hpp:265
unsigned long num_test_coordinates
num_test_coordinates stores number of test coordinates.
Definition: face_alignment.hpp:31
@ CPU_AVX_512ER
Definition: cvdef.h:311
int hal_ni_dftInit1D(cvhalDFT **context, int len, int count, int depth, int flags, bool *needBuffer)
Definition: hal_replacement.hpp:510
__device__ static __forceinline__ float max()
Definition: limits.hpp:112
uchar * original_data
Definition: gcpukernel.hpp:216
__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
Ptr< FeaturesMatcher > impl_
Definition: matchers.hpp:196
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:722
uint64 member_type
Definition: core.hpp:3271
cv::GMat BGR(const cv::GFrame &in)
Gets bgr plane from input frame.
NCVStatus nppiStDecimate_32s_C1R(Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking.detail.hpp:367
static constexpr const OpaqueKind kind
Definition: gcommon.hpp:62
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitybase.hpp:46
@ TYPE_MASK
Definition: mat.hpp:2084
#define FEATURES
Definition: feature.hpp:65
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
virtual void deleteDataInstance(void *pData) const CV_OVERRIDE
Wrapper to release data by template.
Definition: tls.hpp:216
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:969
int dims() const CV_NOEXCEPT
ushort w
Definition: cvdef.h:914
#define CV_DbgCheckGE(v1, v2, msg)
Definition: check.hpp:146
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
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:122
std::vector< float > weightsSizesSmoothing
Definition: detection_based_tracker.hpp:208
int numThreadsMax
Definition: parallel_for.openmp.hpp:27