 |
OpenCV
4.1.2
Open Source Computer Vision
|
|
| cv |
| "black box" representation of the file storage associated with a file on disk.
|
|
| cv::aruco |
|
|
void | cv::aruco::_drawPlanarBoardImpl (Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1) |
| Implementation of drawPlanarBoard that accepts a raw Board pointer. More...
|
|
double | cv::aruco::calibrateCameraAruco (InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON)) |
| Calibrate a camera using aruco markers. More...
|
|
double | cv::aruco::calibrateCameraAruco (InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs=noArray(), OutputArrayOfArrays tvecs=noArray(), int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON)) |
| It's the same function as calibrateCameraAruco but without calibration error estimation. More...
|
|
void | cv::aruco::detectMarkers (InputArray image, const Ptr< Dictionary > &dictionary, OutputArrayOfArrays corners, OutputArray ids, const Ptr< DetectorParameters > ¶meters=DetectorParameters::create(), OutputArrayOfArrays rejectedImgPoints=noArray(), InputArray cameraMatrix=noArray(), InputArray distCoeff=noArray()) |
| Basic marker detection. More...
|
|
void | cv::aruco::drawAxis (InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length) |
| Draw coordinate system axis from pose estimation. More...
|
|
void | cv::aruco::drawDetectedMarkers (InputOutputArray image, InputArrayOfArrays corners, InputArray ids=noArray(), Scalar borderColor=Scalar(0, 255, 0)) |
| Draw detected markers in image. More...
|
|
void | cv::aruco::drawMarker (const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1) |
| Draw a canonical marker image. More...
|
|
void | cv::aruco::drawPlanarBoard (const Ptr< Board > &board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1) |
| Draw a planar board. More...
|
|
int | cv::aruco::estimatePoseBoard (InputArrayOfArrays corners, InputArray ids, const Ptr< Board > &board, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false) |
| Pose estimation for a board of markers. More...
|
|
void | cv::aruco::estimatePoseSingleMarkers (InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs, OutputArray _objPoints=noArray()) |
| Pose estimation for single markers. More...
|
|
void | cv::aruco::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 object points to call solvePnP. More...
|
|
void | cv::aruco::refineDetectedMarkers (InputArray image, const Ptr< Board > &board, InputOutputArrayOfArrays detectedCorners, InputOutputArray detectedIds, InputOutputArrayOfArrays rejectedCorners, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), float minRepDistance=10.f, float errorCorrectionRate=3.f, bool checkAllOrders=true, OutputArray recoveredIdxs=noArray(), const Ptr< DetectorParameters > ¶meters=DetectorParameters::create()) |
| Refind not detected markers based on the already detected and the board layout. More...
|
|
DescriptorStorageFormat
Definition: objdetect.hpp:379
Definition: all_layers.hpp:74
Definition: gkernel.hpp:45
Definition: traits.hpp:56
double scale
Definition: descriptor.hpp:701
virtual ~FacemarkAAM()
Definition: facemarkAAM.hpp:154
Distance::ResultType DistanceType
Definition: flann.hpp:164
void edgePreservingFilter(InputArray src, OutputArray dst, int d, double threshold)
Smoothes an image using the Edge-Preserving filter.
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).
Matrix read-write iterator.
Definition: mat.hpp:3132
int defaultDir
Definition: ml.hpp:1168
Definition: imgproc.hpp:657
v_reg< _Tp, n > v_pack_triplets(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2024
Definition: gkernel.hpp:265
static softdouble max()
Biggest finite value.
Definition: softfloat.hpp:358
Definition: resize.hpp:77
#define CV_16F
Definition: interface.h:80
Definition: utility.hpp:1170
A class to post process model predictions.
Definition: core_detect.hpp:38
int rows
Definition: warping.hpp:79
void mapForward(float x, float y, float &u, float &v)
void mapForward(float x, float y, float &u, float &v)
Change image downsampling type.
Definition: videoio.hpp:357
Matx33d mat3
Definition: msm_epfl.hpp:64
int depth
Definition: pd_inria.hpp:77
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:137
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
double rintd(double x)
Definition: saturate.hpp:85
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
Definition: functional.hpp:269
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:401
float classifyF(const Mat &x, int i)
virtual void generateFeatures() CV_OVERRIDE
Knights Landing with AVX-512F/CD/ER/PF.
Definition: cvdef.h:306
static cv::GArray< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:60
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:204
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:439
Definition: imgproc.hpp:729
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:217
Definition: gcompoundkernel.hpp:30
float samplerInitInRadius
radius for gathering positive instances during init
Definition: tracker.hpp:1072
UMat dst_mask_
Definition: blenders.hpp:94
T * ptr() const
Definition: NCV.hpp:823
Matx< _Tp, n, m > t() const
transpose the matrix
void mapBackward(float u, float v, float &x, float &y)
Definition: omnidir.hpp:59
__device__ __forceinline__ int atomicAdd(int *address, int val)
Definition: atomic.hpp:58
char2 type
Definition: vec_traits.hpp:77
int pyramidLevels() const
Get number of pyramid levels used by this detector.
Definition: linemod.hpp:369
Definition: NCVHaarObjectDetection.hpp:355
Definition: goclkernel.hpp:101
static _InputOutputArray rawInOut(_Tp &v)
TrackedObjects objects
Detected objects;.
Definition: tracking_by_matching.hpp:380
Y,V,U (4:2:0)
Definition: cudacodec.hpp:258
static int roundUp(int a, unsigned int b)
Round first value up to the nearest multiple of second value.
Definition: utility.hpp:532
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
std::tuple< Args... > InArgs
Definition: gkernel.hpp:196
Affine3< Y > cast() const
Definition: videoio.hpp:519
RotatedRect fitEllipseDirect(InputArray points)
Fits an ellipse around a set of 2D points.
void cvtThreePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
HoughOp
Specifies binary operations.
Definition: fast_hough_transform.hpp:88
Definition: onlineBoosting.hpp:173
virtual int getUniquenessRatio() const =0
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.
TrackerFeature based on LBP.
Definition: tracker.hpp:1039
double focal_length_x
Definition: simple_pipeline.hpp:109
Definition: goclkernel.hpp:139
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: cudaoptflow.hpp:256
std::vector< GArg > GArgs
Definition: garg.hpp:85
void sub8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
the input/output structure size is incorrect
Definition: base.hpp:101
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:245
GMatDesc withSize(cv::Size sz) const
Definition: gmat.hpp:122
Definition: gfluidkernel.hpp:312
cv::Scalar m_s
Definition: gcpukernel.hpp:167
bool isIntegral
Definition: feature.hpp:278
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
void initializeStereoCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, const Size &size1, const Size &size2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray K1, OutputArray D1, OutputArray K2, OutputArray D2, double &xi1, double &xi2, int flags, OutputArray idx)
int radius
The radius of the circle.
Definition: render.hpp:68
Context & initializeContextFromD3D11Device(ID3D11Device *pD3D11Device)
Creates OpenCL context from D3D11 device.
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:69
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:138
Width of the frames in the video stream.
Definition: videoio.hpp:135
Definition: reduce_to_vec.hpp:65
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
std::vector< const uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:50
Enable High Dynamic Range feature.
Definition: videoio.hpp:465
String configfile
configfile stores the name of the file containing the values of training parameters
Definition: face_alignment.hpp:37
#define GAPI_Assert
Definition: assert.hpp:13
Status of lens control interface. This shall be set to XI_ON before any Lens operations.
Definition: videoio.hpp:426
_Tp re
Definition: types.hpp:87
virtual ~Allocator()
Definition: cuda.hpp:111
Definition: descriptor.hpp:699
Ptr< Layer > _layerDynamicRegisterer(LayerParams ¶ms)
Definition: layer.details.hpp:51
int hal_ni_min32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:116
Ptr< SuperpixelLSC > createSuperpixelLSC(InputArray image, int region_size=10, float ratio=0.075f)
Class implementing the LSC (Linear Spectral Clustering) superpixels.
NoBundleAdjuster()
Definition: motion_estimators.hpp:224
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)
GMatDesc withType(int ddepth, int dchan) const
Definition: gmat.hpp:158
void setSensitivity(float val)
Definition: deblurring.hpp:101
void setRows(int val)
Definition: depth.hpp:128
__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
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
Ptr< Filter > createDerivFilter(int srcType, int dstType, int dx, int dy, int ksize, bool normalize=false, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a generalized Deriv operator.
QualityGMSD(_mat_data refImgData)
Definition: qualitygmsd.hpp:85
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2086
int left
Index of the left child node.
Definition: ml.hpp:1166
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:379
int hal_ni_QR32f(float *src1, size_t src1_step, int m, int n, int k, float *src2, size_t src2_step, float *dst, int *info)
Definition: hal_replacement.hpp:654
Definition: gr_skig.hpp:105
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.
Definition: calib3d.hpp:271
int fiducial_score
Definition: fr_adience.hpp:80
Definition: functional.hpp:95
Relative position of the video file: 0=start of the film, 1=end of the film.
Definition: videoio.hpp:134
Definition: imgproc.hpp:756
Rect detectROI
Definition: facemarkLBF.hpp:89
const cv::gapi::own::Scalar & inVal(int input)
v_reg< _Tp, n > v_rotate_right(const v_reg< _Tp, n > &a)
Definition: intrin_cpp.hpp:1115
AllocType
Definition: cuda.hpp:527
Definition: texture.hpp:185
Definition: imgproc.hpp:714
void copySize(const Mat &m)
internal use function; properly re-allocates _size, _step arrays
normal size sans-serif font
Definition: imgproc.hpp:812
ThenType type
Definition: type_traits.hpp:98
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:436
Returns color filter array type of RAW data.
Definition: videoio.hpp:399
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:335
static void call(const cv::GArgs &in_args, const std::vector< gapi::fluid::Buffer * > &out_bufs)
Definition: gfluidkernel.hpp:277
int numTrackedSteps
Definition: detection_based_tracker.hpp:204
A star marker shape, combination of cross and tilted cross.
Definition: imgproc.hpp:830
__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.hpp:42
virtual int getPreFilterCap() const =0
int cvCeil(const cv::softfloat &a)
Rounds number up to integer.
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: texture.hpp:205
Classical recurrent layer.
Definition: all_layers.hpp:181
v_int64x2 v_setzero_s64()
Definition: intrin_cpp.hpp:2080
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
Definition: gtype_traits.hpp:45
static softfloat pi()
Correct pi approximation.
Definition: softfloat.hpp:218
int flags
Definition: mat.hpp:3546
Definition: calib3d.hpp:276
v_reg< _Tp, n > & operator+=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:411
float scale_sigma_factor
Definition: tracker.hpp:1523
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
int rows
Definition: deriv.hpp:163
cv::gapi::own::Scalar & m_org_s
Definition: gcpukernel.hpp:168
const Rect operator&(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:77
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:104
double y_scale
Definition: facemarkLBF.hpp:107
change the window to fullscreen.
Definition: highgui.hpp:187
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....
bool operator!=(const GScalarDesc &rhs) const
Definition: gscalar.hpp:64
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
Definition: functional.hpp:194
NCVMemoryType memtype
Definition: NCV.hpp:442
Definition: container_avi.private.hpp:136
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:186
int npos
Definition: feature.hpp:192
int minNeighbors
Parameter specifying how many neighbors each candidate rectangle should have to retain it.
Definition: facemark_train.hpp:38
static auto wrap(const T &t) -> typename std::remove_reference< T >::type
Definition: gtype_traits.hpp:136
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:219
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.
void completeSymm(InputOutputArray m, bool lowerToUpper=false)
Copies the lower or the upper half of a square matrix to its another half.
Number of frames in the video file.
Definition: videoio.hpp:139
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))
static T get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:116
Definition: calib3d.hpp:275
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:185
double distance
Definition: predict_collector.hpp:88
void setException(const cv::Exception &exception)
std::string name
Definition: pd_caltech.hpp:64
UMatData * u
interaction with UMat
Definition: mat.hpp:2106
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
Performs generalized matrix multiplication.
void setMethod(int val)
Definition: depth.hpp:168
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
_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
Data packing type. Some cameras supports only specific packing type.
Definition: videoio.hpp:388
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
size_t * p
Definition: mat.hpp:595
Definition: edgeboxes.hpp:57
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
Correction of column FPN.
Definition: videoio.hpp:462
int flags
Definition: mat.hpp:2082
Definition: outlier_rejection.hpp:67
InputOutputArray noArray()
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
uint64_t UINT64
Definition: descriptor.hpp:63
Definition: imgproc.hpp:4220
A complex number class.
Definition: types.hpp:74
Ptr< Filter > createSeparableLinearFilter(int srcType, int dstType, InputArray rowKernel, InputArray columnKernel, Point anchor=Point(-1,-1), int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a separable linear filter.
optional< typename std::decay< T >::type > make_optional(T &&value)
Definition: optional.hpp:171
Kernel & args(const _Tps &... kernel_args)
Setup OpenCL Kernel arguments. Avoid direct using of set(i, ...) methods.
Definition: ocl.hpp:429
static float16_t zero()
Definition: cvdef.h:864
Checkbox button.
Definition: highgui.hpp:249
int initMaxNegNum
Definition: tracker.hpp:789
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:133
__device__ __forceinline__ bool operator()(int, int) const
Definition: mask.hpp:62
const typedef value_type & const_reference
Definition: cvstd.hpp:117
bool useInitialFlow
Definition: rlofflow.hpp:120
__host__ int type() const
float getScale() const CV_OVERRIDE
Definition: warpers.hpp:156
flag, use Otsu algorithm to choose the optimal threshold value
Definition: imgproc.hpp:323
VideoCaptureAPIs
VideoCapture API backends identifier.
Definition: videoio.hpp:89
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:512
int max_num_objects_in_track
Definition: tracking_by_matching.hpp:299
Definition: videoio.hpp:247
Optional parameter for fitting process.
Definition: facemarkAAM.hpp:80
Definition: imgproc.hpp:4221
void writeTextGraph(const String &model, const String &output)
Create a text representation for a binary network stored in protocol buffer format.
int flags
Definition: ocl.hpp:379
std::string String
Definition: cvstd.hpp:150
Definition: dictionary.hpp:154
static const T & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:171
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:296
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
__device__ __forceinline__ uint vadd2(uint a, uint b)
Definition: simd_functions.hpp:136
Definition: split_merge.hpp:496
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
#define CV_MAT_DEPTH(flags)
Definition: interface.h:83
void swap(optional &other) noexcept
Definition: optional.hpp:159
std::shared_ptr< IImageDescriptor > Descriptor
Definition: tracking_by_matching.hpp:412
int neighborhoodSize
Definition: quasi_dense_stereo.hpp:50
void setSensorErrorC(double val)
Definition: depth.hpp:421
T thresh
Definition: functional.hpp:736
hashtable_int * hash_table
Definition: ppf_match_3d.hpp:152
__host__ BrdBase< BrdReplicate, typename PtrTraits< SrcPtr >::ptr_type > brdReplicate(const SrcPtr &src)
Definition: extrapolation.hpp:134
__host__ __device__ UnaryTupleAdapter< Op, n > unaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:71
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
MouseButton button
Definition: types.hpp:323
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:397
OpenGL API call error.
Definition: base.hpp:119
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
OutputArray OutputArrayOfArrays
Definition: mat.hpp:440
static const Device & getDefault()
int refcount
Definition: mat.hpp:2678
void mapBackward(float u, float v, float &x, float &y)
Definition: gtype_traits.hpp:93
double getMaxPointsPart() const
Definition: depth.hpp:680
Definition: dictionary.hpp:157
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitygmsd.hpp:34
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracker.hpp:258
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
void mul32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
This 3D Widget defines a cone. :
Definition: widgets.hpp:330
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:85
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: descriptor.hpp:249
Definition: imgproc.hpp:747
Definition: tr_icdar.hpp:60
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
int desc_npca
non-compressed descriptors of TrackerKCF::MODE
Definition: tracker.hpp:1257
void setNrGainsFilteringIterations(int nr_iterations)
Definition: exposure_compensate.hpp:171
size_t atFrameSize(size_t i) const
Definition: container_avi.private.hpp:174
int ProfileLevel
NVVE_PROFILE_LEVEL,.
Definition: cudacodec.hpp:95
static const constexpr std::size_t value
Definition: variant.hpp:49
Size & operator+=(Size &lhs, const Size &rhs)
Definition: types.hpp:107
__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.
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:891
Definition: msm_epfl.hpp:77
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
Graph(int num_vertices=0)
Definition: util.hpp:88
Chromaticity gamma.
Definition: videoio.hpp:401
Definition: imgproc.hpp:607
Definition: deriv.hpp:141
Vec< short, 4 > Vec4s
Definition: matx.hpp:406
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
the simple euclidean distance
Definition: imgproc.hpp:299
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:577
static void showImage(cv::InputArray img, impl::CallMetaData metaData=impl::CallMetaData(), const char *description=nullptr, const char *view=nullptr)
Add a single image to debug GUI (similar to imshow <>).
Definition: show_image.hpp:38
void pyrDown(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Smoothes an image and downsamples it.
bool calibrateRotatingCamera(const std::vector< Mat > &Hs, Mat &K)
void watershed(InputArray image, InputOutputArray markers)
Performs a marker-based image segmentation using the watershed algorithm.
#define _v512_set_epu64(a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:20
Definition: functional.hpp:310
P projector_
Definition: warpers.hpp:168
#define CV_CREATE_MEMBER_CHECK(X)
Definition: traits.hpp:360
uchar4 type
Definition: vec_traits.hpp:84
CombinedDescriptor(int w, int h, int stride, int k2, int **distance, Kernel kernel, int k2Stop)
Definition: descriptor.hpp:207
ChArUco board Specific class for ChArUco boards. A ChArUco board is a planar board where the markers ...
Definition: charuco.hpp:62
int radius_
Definition: deblurring.hpp:84
double workScale() const
Definition: stitching.hpp:290
NppStInterpMode
Definition: NPP_staging.hpp:100
Ptr< cudacodec::VideoWriter > createVideoWriter(const String &fileName, Size frameSize, double fps, SurfaceFormat format=SF_BGR)
Creates video writer.
Definition: imgproc.hpp:360
static constexpr const char * id()
Definition: infer.hpp:84
MeanKernelIntegralImage(const cv::Mat &image, int window, float scale, int *cost)
Definition: descriptor.hpp:257
Definition: calib3d.hpp:282
MapXPtr mapx
Definition: remap.hpp:81
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:269
void max8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
void setParams(int radius, float stdev=-1.f)
virtual void setBinaryKernelType(int value)=0
std::vector< Ptr< Tracker > > trackerList
< storage for the tracker algorithms.
Definition: tracker.hpp:1387
void pHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes pHash value of the input image.
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > > warpPerspective_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:101
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
virtual bool read(const FileNode &node) CV_OVERRIDE
bool truncated
Definition: or_pascal.hpp:71
static MatExpr min(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3690
datasetType
Definition: hpe_humaneva.hpp:71
size_t length
Definition: tracking_by_matching.hpp:389
void costGathering(const Mat &hammingDistanceCost, Mat &cost)
Definition: matching.hpp:423
void div32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:251
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
#define OPENCV_HAL_IMPL_BIT_OP(bit_op)
Helper macro.
Definition: intrin_cpp.hpp:430
UIImage * MatToUIImage(const cv::Mat &image)
virtual float operator()(int varIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:333
CylindricalWarper(float scale)
Construct an instance of the cylindrical warper class.
Definition: warpers.hpp:282
void pyrMeanShiftFiltering(InputArray src, OutputArray dst, double sp, double sr, int maxLevel=1, TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
Performs initial step of meanshift segmentation of an image.
void convertFp16(InputArray src, OutputArray dst)
Converts an array to half precision floating number.
virtual ~ClassifierCallback()
Definition: ocr.hpp:409
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
void v_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:2277
Definition: msm_epfl.hpp:69
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:320
static const char * tag()
Definition: infer.hpp:219
String symbol
Definition: types.hpp:298
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:459
Mat clone() const CV_NODISCARD
Creates a full copy of the array and the underlying data.
Definition: reduce_to_vec.hpp:109
Definition: facemarkAAM.hpp:115
Rect(int _x, int _y, int _width, int _height)
Definition: types.hpp:35
float hcellsSpatialConstant
Definition: retina.hpp:162
Definition: reduce.hpp:297
uchar * data
Definition: mat.hpp:558
bool setBreakOnError(bool flag)
Sets/resets the break-on-error mode.
int getWindowSize() const
Definition: depth.hpp:140
double Wz
Definition: gr_chalearn.hpp:67
std::string age
Definition: fr_adience.hpp:72
int hal_ni_merge64s(const int64 **src_data, int64 *dst_data, int len, int cn)
Definition: hal_replacement.hpp:369
Definition: depth.hpp:333
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
initializes the iterator
double getTotalMs() const
Definition: utility.hpp:1215
void throw_error(ExceptionType &&e)
Definition: throw.hpp:23
bool checkChessboard(InputArray img, Size size)
Definition: dictionary.hpp:149
__host__ __device__ static __forceinline__ char4 all(schar v)
Definition: vec_traits.hpp:178
Adds extra values for specific axes.
Definition: all_layers.hpp:417
_Tp * operator[](int y)
more convenient forms of row and element access operators
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracker.hpp:771
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray xi, InputArray R, InputArray P, const cv::Size &size, int mltype, OutputArray map1, OutputArray map2, int flags)
Computes undistortion and rectification maps for omnidirectional camera image transform by a rotation...
IplMagnoParameters IplMagno
Definition: retina.hpp:179
Class computing stereo correspondence using the belief propagation algorithm. :
Definition: cudastereo.hpp:128
static float DEFAULT_MIN_DEPTH()
Definition: depth.hpp:515
__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
Definition: videoio.hpp:155
float squareSize
Distance between two adjacent points. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1314
int tree_n
number of tree in the model for each landmark point refinement
Definition: facemarkLBF.hpp:72
MatExpr operator*(const Mat &a, const Mat &b)
virtual void setTextureThreshold(int textureThreshold)=0
std::string model_path
Definition: ie.hpp:30
Definition: imgproc.hpp:688
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:144
Definition: imgproc.hpp:4206
indicates that left mouse button is double clicked.
Definition: highgui.hpp:213
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
Definition: imgproc.hpp:556
Interface for video demultiplexing. :
Definition: cudacodec.hpp:312
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:137
std::vector< Point > corners_
Definition: seam_finders.hpp:102
Definition: all_layers.hpp:453
__host__ void gridTransformUnary_(const SrcPtr &src, GpuMat_< DstType > &dst, const UnOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:64
FLAGS
Definition: utility.hpp:1231
void covarianceEstimation(InputArray src, OutputArray dst, int windowRows, int windowCols)
Computes the estimated covariance matrix of an image using the sliding window forumlation.
double getSensorErrorB() const
Definition: depth.hpp:409
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
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1802
Definition: imgproc.hpp:648
float convexHullFactor
Definition: calib3d.hpp:1305
void selectROIs(const String &windowName, InputArray img, std::vector< Rect > &boundingBoxes, bool showCrosshair=true, bool fromCenter=false)
Selects ROIs on the given image. Function creates a window and allows user to select a ROIs using mou...
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
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:560
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:214
__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
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:156
cv::String getConfigurationParameterString(const char *name, const char *defaultValue)
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:166
DirectShow (via videoInput)
Definition: videoio.hpp:101
InnerParameters innerParameters
Definition: detection_based_tracker.hpp:179
bool getExceptionMode()
query if exception mode is active
Definition: videoio.hpp:792
void read(const String &fileName)
Definition: features2d.hpp:1018
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:1011
int chan
Definition: gmat.hpp:69
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:204
Definition: warpers.hpp:199
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
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:383
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
Definition: functional.hpp:791
int numDetectedFrames
Definition: detection_based_tracker.hpp:187
util::any opaque
Definition: gkernel.hpp:47
store as FP32 (default)
Definition: imgcodecs.hpp:105
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.
std::vector< ConfidenceMap > confidenceMaps
Definition: tracker.hpp:509
int dy
Definition: fr_adience.hpp:77
indicates that the right mouse button is down.
Definition: highgui.hpp:223
Definition: imgproc.hpp:715
transposes src3
Definition: base.hpp:222
schar elem_type
Definition: vec_traits.hpp:144
Definition: imgproc.hpp:602
static const char * tag()
Definition: gfluidkernel.hpp:119
Vec< int, 2 > Vec2i
Definition: matx.hpp:412
cv::Point pt2
The second point of the line segment.
Definition: render.hpp:81
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
_Tp value_type
Definition: types.hpp:318
int checkOptimalVectorWidth(const int *vectorWidths, InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray(), OclVectorStrategy strat=OCL_VECTOR_DEFAULT)
Mat transPCCoeff(Mat pc, float scale, float Cx, float Cy, float Cz, float MinVal, float MaxVal)
int v_signmask(const v_reg< _Tp, n > &a)
Get negative values mask.
Definition: intrin_cpp.hpp:1178
GPCMatchingParams(const GPCMatchingParams ¶ms)
Definition: sparse_matching_gpc.hpp:156
void illuminationChange(InputArray src, InputArray mask, OutputArray dst, float alpha=0.2f, float beta=0.4f)
Applying an appropriate non-linear transformation to the gradient field inside the selection and then...
uchar * origdata
Definition: mat.hpp:559
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:307
Definition: imgproc.hpp:662
__device__ __forceinline__ float1 tan(const uchar1 &a)
Definition: vec_math.hpp:303
static softfloat nan()
Default NaN constant.
Definition: softfloat.hpp:208
Definition: imgproc.hpp:748
SphericalWarper(float scale)
Construct an instance of the spherical warper class.
Definition: warpers.hpp:257
convert RGB/BGR to CIE Luv, color conversions
Definition: imgproc.hpp:589
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
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:275
void setMinObjectSize(const cv::Size &min)
Definition: detection_based_tracker.hpp:80
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:83
Definition: detection_based_tracker.hpp:165
softfloat setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:177
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:66
void findMinMax(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Definition: type_traits.hpp:80
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:197
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
void construct(pointer p, const _Tp &v)
Definition: cvstd.hpp:135
categorical variables
Definition: ml.hpp:85
Definition: onlineMIL.hpp:90
Size poolPad
Definition: all_layers.hpp:518
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
Definition: descriptor.hpp:101
std::pair< cv::Rect, int > Object
Definition: detection_based_tracker.hpp:134
Definition: cudaimgproc.hpp:102
void demosaicing(InputArray src, OutputArray dst, int code, int dstCn=0)
main function for all demosaicing processes
Definition: type_traits.hpp:107
RotatedRect()
default constructor
virtual void init(const CvFeatureParams &fp) CV_OVERRIDE
static gapi::fluid::BorderOpt get_border_impl(const GMetaArgs &metas, const cv::GArgs &in_args, cv::detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:234
int difference_threshold
Definition: linemod.hpp:233
int index_type
Definition: deriv.hpp:64
NCVStatus nppiStTranspose_128_C1R_host(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
Mat sampled_pc
Definition: ppf_match_3d.hpp:150
int hal_ni_add16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:78
Size frameSize() const
Definition: motion_stabilizing.hpp:126
void displayStatusBar(const String &winname, const String &text, int delayms=0)
Displays a text on the window statusbar during the specified period of time.
float2 value_type
Definition: warping.hpp:63
Sets number of frames acquired by burst. This burst is used only if trigger is set to FrameBurstStart...
Definition: videoio.hpp:421
indicates that CTRL Key is pressed.
Definition: highgui.hpp:225
const std::string name
Definition: gkernel.hpp:38
Abstract class that represents the model of the target. It must be instantiated by specialized tracke...
Definition: tracker.hpp:446
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:144
Kyriakos Herakleous, Charalambos Poullis. "3DUNDERWORLD-SLS: An Open-Source Structured-Light Scanning...
Definition: structured_light.hpp:56
GainCompensator(int nr_feeds)
Definition: exposure_compensate.hpp:117
Mat _eigenvectors
Definition: facerec.hpp:49
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:196
static void call(GOCLContext &ctx)
Definition: goclkernel.hpp:218
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
scalar_wrapper(cv::gapi::own::Scalar &s)
Definition: gcpukernel.hpp:163
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
bool operator==(const util::monostate &, const util::monostate &)
Definition: variant.hpp:63
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.
std::vector< int > feats_m
Definition: facemarkLBF.hpp:84
void mapBackward(float u, float v, float &x, float &y)
T work_type
Definition: reduce_to_vec.hpp:67
DictValue(bool i)
Constructs integer scalar.
Definition: dict.hpp:63
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:138
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:1028
Point2f targetPosition
Definition: tracker.hpp:373
Dataset()
Definition: dataset.hpp:567
bool operator<(const DMatch &m) const
v_reg< _Tp, n > v_interleave_pairs(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:1994
RGBD_NORMALS_METHOD
Definition: depth.hpp:76
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
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
Definition: imgproc.hpp:418
Definition: hpe_humaneva.hpp:73
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:409
Definition: imgproc.hpp:554
Lens focus distance in cm.
Definition: videoio.hpp:430
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:164
float b
Definition: warpers.hpp:387
void mapBackward(float u, float v, float &x, float &y)
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
Definition: imgproc.hpp:4216
virtual ~DFT2D()
Definition: hal.hpp:217
void mul64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
v_reg< _Tp, n > operator<(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Less-than comparison.
Definition: intrin_cpp.hpp:657
Definition: warpers.hpp:553
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
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:115
int rows
Definition: remap.hpp:94
SphericalWarperGpu(float scale)
Definition: warpers.hpp:492
void fillFixedStereo(Mat &G, int flags, int n)
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:203
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
GArg()
Definition: garg.hpp:43
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(uint))
AlphaCompTypes
Definition: cudaimgproc.hpp:159
void setOpenGlDrawCallback(const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0)
Sets a callback function to be called to draw on top of displayed image.
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:67
T Type
Definition: features2d.hpp:792
MatExpr operator<=(const Mat &a, const Mat &b)
Definition: intrin_cpp.hpp:256
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:112
vertex(Mat po, int ts)
Definition: multicalib.hpp:105
DictValue(int64 i=0)
Constructs integer scalar.
Definition: dict.hpp:64
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
static 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
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:393
Rect2i Rect
Definition: types.hpp:462
int markerSize
Definition: dictionary.hpp:65
Definition: container_avi.private.hpp:135
auto compile(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GCompiled >::type
Definition: gcomputation.hpp:358
value_type & reference
Definition: cvstd.hpp:116
Definition: calib3d.hpp:257
ICP()
Definition: icp.hpp:90
Board of markers.
Definition: aruco.hpp:272
void stop()
Definition: utility.hpp:354
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:719
void triangulatePoints(InputArray projMatr1, InputArray projMatr2, InputArray projPoints1, InputArray projPoints2, OutputArray points4D)
Reconstructs points by triangulation.
void decolor(InputArray src, OutputArray grayscale, OutputArray color_boost)
Transforms a color image to a grayscale image. It is a basic tool in digital printing,...
int fps
Definition: gr_chalearn.hpp:78
Definition: imgproc.hpp:728
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
Definition: warpers.hpp:352
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1108
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:92
Definition: imgproc.hpp:208
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.
Color Correction Matrix element [2][1].
Definition: videoio.hpp:412
Definition: imgproc.hpp:760
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
int start
Definition: types.hpp:598
RNG & theRNG()
Returns the default random number generator.
Definition: reduce_to_vec.hpp:105
~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.
No refinement applied.
Definition: imgproc.hpp:479
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2283
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts Cartesian coordinates into polar.
float a
Definition: warpers.hpp:366
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:80
float getInitMean() const
Definition: features2d.hpp:1061
std::vector< Box > Boxes
Definition: edgeboxes.hpp:63
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
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:3154
Definition: imgproc.hpp:584
void FT02D_FL_process_float(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
SrcPtr src
Definition: warping.hpp:132
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:125
BackendNode(int backendId)
Queue of field/frame buffers.
Definition: videoio.hpp:458
RHO algorithm.
Definition: calib3d.hpp:231
size_t sz
Definition: ocl.hpp:382
cv::Scalar color
The color of the circle.
Definition: render.hpp:69
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...
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:185
Definition: utility.hpp:1235
virtual size_t getReservedSize() const =0
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:239
Selects camera signalling LED.
Definition: videoio.hpp:343
void hammingDistanceBlockMatching(const Mat &leftImage, const Mat &rightImage, Mat &cost, const int kernelSize=9)
Definition: matching.hpp:411
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
everything is ok
Definition: base.hpp:69
bool use_hog
Definition: tracker.hpp:1499
Definition: descriptor.hpp:60
Definition: gproto.hpp:64
This 3D Widget defines a circle.
Definition: widgets.hpp:306
Definition: saliencyBaseClasses.hpp:85
Mat image
Definition: depth.hpp:453
Definition: imgcodecs.hpp:126
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
flag
Definition: base.hpp:207
__device__ __forceinline__ float1 asin(const uchar1 &a)
Definition: vec_math.hpp:312
Definition: videoio.hpp:246
void mulTransposed(InputArray src, OutputArray dst, bool aTa, InputArray delta=noArray(), double scale=1, int dtype=-1)
Calculates the product of a matrix and its transposition.
virtual int radius() const
Definition: inpainting.hpp:71
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
const T & inArg(int input)
Definition: gcpukernel.hpp:77
int src_img_idx
Definition: matchers.hpp:105
int hal_ni_warpPerspective(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[9], int interpolation, int borderType, const double borderValue[4])
hal_warpPerspective
Definition: hal_replacement.hpp:290
Matx33f intr
camera intrinsics
Definition: kinfu.hpp:35
SphericalPortraitWarper(float scale)
Definition: warpers.hpp:565
size_t size
Definition: mat.hpp:560
float Ncv32f
Definition: NCV.hpp:133
__device__ __forceinline__ int atomicMax(int *address, int val)
Definition: atomic.hpp:152
int hal_ni_cvtBGRtoHSV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV)
hal_cvtBGRtoHSV
Definition: hal_replacement.hpp:444
static __host__ ptr_type shrinkPtr(const Expr< Body > &expr)
Definition: expr.hpp:77
Definition: videoio.hpp:524
Mat_ row(int y) const
overridden forms of Mat::row() etc.
File number.
Definition: videoio.hpp:475
Definition: layer.details.hpp:57
static uint64 abs(uint64 a)
Definition: cvstd.hpp:69
void setWindowSize(int val)
Definition: depth.hpp:235
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
Color Correction Matrix element [3][1].
Definition: videoio.hpp:416
int getNrFeeds()
Definition: exposure_compensate.hpp:148
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
static void read(const FileNode &node, std::vector< _Tp > &vec, const std::vector< _Tp > &default_value=std::vector< _Tp >())
Definition: persistence.hpp:1165
void split32s(const int *src, int **dst, int len, int cn)
virtual void printAttrs() const
size_t size
the size of each segment (in elements)
Definition: mat.hpp:3419
int featureSetNumFeatures
Definition: tracker.hpp:1110
float tsdf_min_camera_movement
Minimal camera movement in meters.
Definition: kinfu.hpp:68
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:400
int cols
Definition: remap.hpp:94
Definition: interpolation.hpp:97
ConnectedComponentsAlgorithmsTypes
connected components algorithm
Definition: imgproc.hpp:401
Definition: onlineMIL.hpp:62
CompressedRectilinearPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:355
virtual void printDefaults() const CV_OVERRIDE
Matching(int maxDisp, int scalling=4, int confidence=6)
Definition: matching.hpp:606
bool clipLine(Size imgSize, Point &pt1, Point &pt2)
Clips the line against the image rectangle.
Definition: imgcodecs.hpp:131
T & operator*()
Definition: optional.hpp:119
cv::String canonical(const cv::String &path)
Converts path p to a canonical absolute path Symlinks are processed if there is support for them on r...
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
Warning message.
Definition: logger.defines.hpp:29
Matx33d mat1
Definition: msm_epfl.hpp:62
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:83
Warper that maps an image onto the unit sphere located at the origin.
Definition: warpers.hpp:249
__device__ __forceinline__ void blockReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:63
Fill-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:127
int reductionRatio
Definition: descriptor.hpp:200
int height
Definition: types.hpp:104
int nbrOfPixelsBetweenMarkers
Definition: sinusoidalpattern.hpp:90
__device__ __forceinline__ float1 acos(const uchar1 &a)
Definition: vec_math.hpp:321
Definition: imgproc.hpp:215
const MatOp * op
Definition: mat.hpp:3545
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
Definition: imgproc.hpp:598
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.
normal size serif font
Definition: imgproc.hpp:815
GIOProtoArgs(const GProtoArgs &args)
Definition: gproto.hpp:57
Format
An Image Format describes the way that the images in Textures store their data.
Definition: opengl.hpp:288
float minEigenValue
Definition: rlofflow.hpp:141
int shift
The Number of fractional bits in the coordinates of the center and in the radius value.
Definition: render.hpp:72
Definition: render.hpp:53
void patchNaNs(InputOutputArray a, double val=0)
converts NaN's to the given number
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
Definition: cudaimgproc.hpp:107
Definition: imgproc.hpp:678
Unknown error.
Definition: NCV.hpp:356
Returns result of asynchronous operations.
Definition: async.hpp:31
void moveWindow(const String &winname, int x, int y)
Moves window to the specified position.
Ptr< Facemark > createFacemarkLBF()
construct an LBF facemark detector
int cols
Definition: deriv.hpp:302
Ncv32f gamma
gradient constancy importance
Definition: NCVBroxOpticalFlow.hpp:74
Definition: imgproc.hpp:3648
virtual void setPeriod(int val)
Definition: wobble_suppression.hpp:104
clock_t processingStartTime_
Definition: stabilizer.hpp:140
static int type()
Definition: flann.hpp:78
NCVStatus nppiStDecimate_32u_C1R(Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
float minCircularity
Definition: features2d.hpp:641
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:218
void transformFD(InputArray src, InputArray t, OutputArray dst, bool fdContour=true)
transform a contour
Ptr< CannyEdgeDetector > createCannyEdgeDetector(double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false)
Creates implementation for cuda::CannyEdgeDetector .
Ptr< AlignMTB > createAlignMTB(int max_bits=6, int exclude_range=4, bool cut=true)
Creates AlignMTB object.
Base class for statistical models in OpenCV ML.
Definition: ml.hpp:318
size_t size() const
Definition: sparse_matching_gpc.hpp:114
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
Single keypoints will not be drawn.
Ncv8u height
Definition: NCV.hpp:142
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:90
cv::Point2i p1
Definition: quasi_dense_stereo.hpp:30
int ppfInd
Definition: ppf_match_3d.hpp:82
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.
const T & get() const
Definition: garg.hpp:64
__device__ __forceinline__ float1 tanh(const uchar1 &a)
Definition: vec_math.hpp:357
Bicubic convolution filter, a = -0.5 (cubic Hermite spline)
Definition: NPP_staging.hpp:103
void calcAbsSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
void decodeParametersStereo(InputArray parameters, OutputArray K1, OutputArray K2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray D1, OutputArray D2, double &xi1, double &xi2)
CostFunction
Definition: seam_finders.hpp:123
Abstract base class for training the bag of visual words vocabulary from a set of descriptors.
Definition: features2d.hpp:1303
__host__ void gridCountNonZero(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:365
const typedef Ptr< Algorithm > & const_param_type
Definition: core.hpp:3232
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:302
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:147
Definition: tracking.hpp:56
std::tuple< GMat, GScalar > GMatScalar
Definition: core.hpp:34
GMatDesc withSize(cv::gapi::own::Size sz) const
Definition: gmat.hpp:138
incorrect input origin
Definition: base.hpp:89
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:221
void drawAxis(InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length)
Draw coordinate system axis from pose estimation.
int countNonZero(InputArray src)
Counts non-zero array elements.
void setW(int val)
Definition: saliencySpecializedClasses.hpp:357
GMat bitwise_not(const GMat &src)
Inverts every bit of an array. The function bitwise_not calculates per-element bit-wise inversion of ...
Definition: fast_hough_transform.hpp:70
__host__ GpuMat_ clone() const
overridden forms of GpuMat::row() etc.
FeatureHaar(Size patchSize)
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:54
void * data
Definition: t_hash_int.hpp:63
Definition: imgproc.hpp:599
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
float gftQualityThres
Definition: quasi_dense_stereo.hpp:60
void Sobel(InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
Definition: rlofflow.hpp:25
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)
void preconditionerFromPoints(InputArray points, OutputArray T)
#define CV_CUDEV_MAKE_VEC_INST(elem_type)
Definition: vec_traits.hpp:60
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....
void dispartyMapFormation(const Mat &costVolume, Mat &mapFinal, int th)
Definition: matching.hpp:567
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:957
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
bool isNan(float x)
Checks float/double value for nan.
Definition: vizcore.hpp:114
std::vector< std::string > Paths
Definition: configuration.private.hpp:14
TYPE
Definition: utility.hpp:1168
Common instructions AVX-512F/CD for all CPUs that support AVX-512.
Definition: cvdef.h:305
Definition: imgproc.hpp:708
const T * InLine(int i) const
Definition: gfluidbuffer.hpp:71
Definition: feature.hpp:143
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP(op, input_type, scalar_type, output_type)
Definition: vec_math.hpp:548
int pixel
seed point and the threshold (max grey-level value)
Definition: erfilter.hpp:75
Definition: weighted_median_filter.hpp:67
void cvtColor(InputArray src, OutputArray dst, int code, int dstCn=0)
Converts an image from one color space to another.
Vec< float, 4 > Vec4f
Definition: matx.hpp:420
static double reinterpret_from_int(int_type x)
Definition: intrin.hpp:142
actionType type
Definition: gr_skig.hpp:102
If set, always convert image to the single channel grayscale image and the image size reduced 1/4.
Definition: imgcodecs.hpp:73
GScalar mean(const GMat &src)
Calculates an average (mean) of matrix elements.
virtual uint64_t getCurrentUsage() const =0
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
Definition: calib3d.hpp:265
SrcPtr src
Definition: extrapolation.hpp:99
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:235
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1410
virtual int getPreFilterCap() const =0
bool useInstrumentation()
Definition: omnidir.hpp:57
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:586
Definition: imgproc.hpp:317
int hal_ni_log32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:456
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)
A crosshair marker shape.
Definition: imgproc.hpp:828
__device__ __forceinline__ uint vsub2(uint a, uint b)
Definition: simd_functions.hpp:157
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
int imageWidth
Definition: msm_epfl.hpp:66
Ptr2DSz ::index_type index_type
Definition: traits.hpp:62
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:874
RansacParams()
Definition: motion_core.hpp:80
Definition: functional.hpp:68
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:69
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:308
const String & getBuildInformation()
Returns full configuration time cmake output.
Definition: saliencyBaseClasses.hpp:111
Definition: mappergradaffine.hpp:52
bool includesAPI() const
Definition: gkernel.hpp:447
Definition: stereo.hpp:123
Pose3D(double Alpha, size_t ModelIndex=0, size_t NumVotes=0)
Definition: pose_3d.hpp:83
const char * m_fileName
Definition: utility.hpp:1203
std::vector< int > getSelectedWeakClassifier()
int type
Definition: imgproc.hpp:1217
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracker.hpp:400
Mat transform
Definition: multicalib.hpp:87
Definition: imgproc.hpp:732
Definition: imgproc.hpp:356
Tag and corners detection based on the AprilTag 2 approach .
Definition: aruco.hpp:85
std::vector< GFluidOutputRois > parallel_rois
Definition: gfluidkernel.hpp:104
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.
int getVersionRevision()
Returns revision field of the library version.
SceneSettings
Definition: ovis.hpp:19
unsigned int getHeight()
Definition: container_avi.private.hpp:94
std::string humanSeg
Definition: is_weizmann.hpp:65
float getMarkerLength() const
Definition: charuco.hpp:116
void setRNGSeed(int seed)
Sets state of default random number generator.
void mapBackward(float u, float v, float &x, float &y)
Definition: imgproc.hpp:625
bool getFaces(InputArray image, OutputArray faces, CParams *params)
Default face detector This function is mainly utilized by the implementation of a Facemark Algorithm....
BlocksCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:161
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
int numFeatures
Definition: feature.hpp:154
Definition: remap.hpp:103
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
For TIFF, use to specify the image compression scheme. See libtiff for integer constants correspondin...
Definition: imgcodecs.hpp:98
void exp64f(const double *src, double *dst, int n)
int rows
Definition: texture.hpp:207
returned by FileStorage::release)
Definition: persistence.hpp:312
softdouble sin(const softdouble &a)
Sine.
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > > warpAffine_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:92
Definition: NCVHaarObjectDetection.hpp:356
Point2f topLeft
Top left corner of the bounding rect.
Definition: imgproc.hpp:1241
virtual void write(FileStorage &fs) const CV_OVERRIDE
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:581
Ptr< TrackerSampler > sampler
Definition: tracker.hpp:560
Ncv32s y
Point Y.
Definition: NCV.hpp:194
static float DEFAULT_MAX_DEPTH_DIFF()
Definition: depth.hpp:525
Definition: type_traits.hpp:89
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
virtual MotionModel motionModel() const
Definition: global_motion.hpp:181
void NMSBoxes(const std::vector< Rect > &bboxes, const std::vector< float > &scores, const float score_threshold, const float nms_threshold, std::vector< int > &indices, const float eta=1.f, const int top_k=0)
Performs non maximum suppression given boxes and corresponding scores.
Definition: track_alov.hpp:61
some of parameters are out of range
Definition: base.hpp:111
virtual void deblur(int, Mat &) CV_OVERRIDE
Definition: deblurring.hpp:93
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:2098
Definition: gcpukernel.hpp:186
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
Definition: all_layers.hpp:557
int rows
Definition: lut.hpp:77
virtual ~EstimatedGaussDistribution()
static softdouble pi()
Correct pi approximation.
Definition: softfloat.hpp:360
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2099
Definition: feature.hpp:311
Definition: calib3d.hpp:3038
int numLev_
Definition: mapperpyramid.hpp:68
virtual ~TrackerTLD() CV_OVERRIDE
Definition: tracker.hpp:1201
int disparityGradient
Definition: quasi_dense_stereo.hpp:51
Point_ & operator=(const Point_ &pt)
int getFeatureSize() const
Definition: feature.hpp:177
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
Definition: imgproc.hpp:413
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.
Impl * getImpl() const
Definition: ocl.hpp:573
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:80
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
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)
Current sensor mode. Allows to select sensor mode by one integer. Setting of this parameter affects: ...
Definition: videoio.hpp:464
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)
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
This 3D Widget defines an arrow.
Definition: widgets.hpp:288
float icpDistThresh
distance theshold for ICP in meters
Definition: kinfu.hpp:99
virtual ~Callback()
Definition: calib3d.hpp:346
Definition: qualityssim.hpp:53
bool includes() const
Test if a particular kernel implementation KImpl is included in this kernel package.
Definition: gkernel.hpp:408
Ptr< SimpleWB > createSimpleWB()
Creates an instance of SimpleWB.
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: vec_distance.hpp:61
Definition: imgproc.hpp:562
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:403
__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:3135
int getMethod() const
Definition: depth.hpp:385
virtual void setStabilizedFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:87
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:84
int admm_iterations
Definition: tracker.hpp:1518
Ptr< AdaptiveManifoldFilter > createAMFilter(double sigma_s, double sigma_r, bool adjust_outliers=false)
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
Ncv32u number_of_outer_iterations
number of warping iterations (number of pyramid levels)
Definition: NCVBroxOpticalFlow.hpp:80
Base class for Contrast Limited Adaptive Histogram Equalization.
Definition: imgproc.hpp:950
Definition: motion_core.hpp:65
Definition: cap_winrt.hpp:43
Ptr< InpainterBase > inpainter_
Definition: stabilizer.hpp:119
Definition: or_sun.hpp:66
Definition: sparse_matching_gpc.hpp:65
Skylake-X with AVX-512F/CD/BW/DQ/VL.
Definition: cvdef.h:304
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:117
Definition: omnidir.hpp:71
int ID
Definition: depth.hpp:452
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.
Luminosity gamma.
Definition: videoio.hpp:400
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
const uchar * datalimit
Definition: mat.hpp:2093
Definition: deriv.hpp:188
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:186
void idft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
double bagging_overlap
overlap ratio for training the LBF feature
Definition: facemarkLBF.hpp:76
TermCriteria()
default constructor
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:481
number of dimensions is out of range
Definition: base.hpp:88
Bgr24.
Definition: videoio.hpp:320
int minDistanceToAddKeypoint
Definition: calib3d.hpp:1297
#define CV_CPU_POPCNT
Definition: cvdef.h:222
static cv::gapi::GBackend backend()
Definition: gcompoundkernel.hpp:99
double aspect
Definition: camera.hpp:66
Net readNet(const String &model, const String &config="", const String &framework="")
Read deep learning network represented in one of the supported formats.
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: variant.hpp:52
Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix ...
Definition: pose_3d.hpp:70
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.
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:351
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:141
bool m_is_indx_present
Definition: container_avi.private.hpp:132
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).
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
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
size_t nodeSize
Definition: mat.hpp:2681
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:374
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:221
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:127
const T & get(const util::variant< Types... > &v)
Definition: variant.hpp:338
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
Context & initializeContextFromGL()
Creates OpenCL context from GL.
cv::utils::logging::LogLevel getLogTagLevel(const char *tag)
Definition: gfluidkernel.hpp:97
BlockMeanHashMode
Definition: block_mean_hash.hpp:16
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:229
String class_id
Definition: linemod.hpp:285
void convertFromD3D11Texture2D(ID3D11Texture2D *pD3D11Texture2D, OutputArray dst)
Converts ID3D11Texture2D to OutputArray. If input texture format is DXGI_FORMAT_NV12 then data will b...
Gain selector for parameter Gain allows to select different type of gains.
Definition: videoio.hpp:355
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:350
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:414
Set sensor target temperature for cooling.
Definition: videoio.hpp:391
_Mutex Mutex
Definition: lock.private.hpp:18
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
Expr< Body > ptr_sz_type
Definition: expr.hpp:72
void warpPerspective(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies a perspective transformation to an image.
void setMinDepth(double val)
Definition: depth.hpp:909
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:584
Definition: gtype_traits.hpp:80
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:83
(Read-only): Size of just encoded video frame. Note that the encoding order may be different from rep...
Definition: videoio.hpp:187
virtual ~HOGDescriptor()
Default destructor.
Definition: objdetect.hpp:434
const char * depthToString(int depth)
Vec4d q
Definition: pose_3d.hpp:130
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:351
virtual ~WobbleSuppressorBase()
Definition: wobble_suppression.hpp:65
void setConfThresh(double conf_thresh)
Definition: motion_estimators.hpp:144
Definition: type_traits.hpp:139
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:93
Definition: imgproc.hpp:523
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.
void mapBackward(float u, float v, float &x, float &y)
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:898
virtual int getUniquenessRatio() const =0
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:307
convert RGB/BGR to HSV (hue saturation value), color conversions
Definition: imgproc.hpp:583
float trimRatio_
Definition: stabilizer.hpp:121
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:270
Definition: imgproc.hpp:219
__host__ __device__ Binder2nd< Op > bind2nd(const Op &op, const typename Op::second_argument_type &arg2)
Definition: functional.hpp:864
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:2695
Ptr< TonemapMantiuk > createTonemapMantiuk(float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
Creates TonemapMantiuk object.
Definition: imgproc.hpp:544
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:295
void encodeParametersStereo(InputArray K1, InputArray K2, InputArray om, InputArray T, InputArrayOfArrays omL, InputArrayOfArrays tL, InputArray D1, InputArray D2, double xi1, double xi2, OutputArray parameters)
cv::use_only() is a special combinator which hints G-API to use only kernels specified in cv::GComput...
Definition: gkernel.hpp:549
virtual ~QuantizedPyramid()
Definition: linemod.hpp:59
Definition: detection_based_tracker.hpp:140
AVCaptureVideoDataOutput * videoDataOutput
Definition: cap_ios.h:102
Definition: warping.hpp:107
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:215
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
Definition: sparse_matching_gpc.hpp:288
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:147
cv::Mat _range
Definition: qualitybrisque.hpp:68
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:296
Base Interface for optical flow algorithms using NVIDIA Optical Flow SDK.
Definition: cudaoptflow.hpp:107
void div64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
Class, allowing the load and matching 3D models. Typical Use:
Definition: ppf_match_3d.hpp:97
int height
Definition: graycodepattern.hpp:80
void setMinDepth(double val)
Definition: depth.hpp:775
void remove_all(const cv::String &path)
Definition: optical_flow.hpp:103
int predict
Definition: tracking_by_matching.hpp:287
size_t lost
How many frames ago track has been lost.
Definition: tracking_by_matching.hpp:386
bool empty() const
empty returns if track does not contain objects.
Definition: tracking_by_matching.hpp:338
virtual Ncv32u alignment(void) const =0
_Tp dot(const Point3_ &pt) const
dot product
SparseMatConstIterator const_iterator
Definition: mat.hpp:2669
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
static MatExpr max(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3700
bool signedGradient
Indicates signed gradient will be used or not.
Definition: objdetect.hpp:629
Definition: imgproc.hpp:4213
flag
Definition: base.hpp:206
int distance_threshold
Definition: linemod.hpp:232
static GFluidKernel kernel()
Definition: gfluidkernel.hpp:321
Ncv32u _height
Definition: NCV.hpp:834
Mat getDefaultNewCameraMatrix(InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
Returns the default new camera matrix.
BaseClassifier(int numWeakClassifier, int iterationInit)
int clusterCount
Definition: features2d.hpp:1366
float Type
Definition: features2d.hpp:798
Definition: videoio.hpp:520
bool ceilMode
Definition: all_layers.hpp:256
int numVertices() const
Definition: util.hpp:90
~shared_lock_guard()
Definition: lock.private.hpp:51
static float reinterpret_from_int(int_type x)
Definition: intrin.hpp:139
Mat initCameraMatrix2D(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
Finds an initial camera matrix from 3D-2D point correspondences.
Definition: cudaimgproc.hpp:159
virtual const std::vector< Mat > & stabilizedFrames() const
Definition: inpainting.hpp:88
GMatP yieldP(int output=0)
DetectorType
Definition: features2d.hpp:452
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:223
std::vector< std::string > output_names
Definition: ie.hpp:36
G_TYPED_KERNEL_M(GPolarToCart,< GMat2(GMat, GMat, bool)>, "org.opencv.core.math.polarToCart")
Definition: core.hpp:137
Mat getOptimalNewCameraMatrix(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0, bool centerPrincipalPoint=false)
Returns the new camera matrix based on the free scaling parameter.
void setScale(float)
Definition: warpers.hpp:114
virtual void setIterations(int val)=0
__host__ void create(int arows, int acols)
allocates new GpuMat data unless the GpuMat already has specified size and type
Definition: imgproc.hpp:4219
double value
Definition: ml.hpp:1161
void setDevice(int device)
Sets a device and initializes it for the current thread.
Definition: t_hash_int.hpp:67
std::vector< Mat > stabilizationMotions_
Definition: stabilizer.hpp:139
unsigned char code
Definition: types.hpp:299
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:97
void setWindowTitle(const String &winname, const String &title)
Updates window title.
int value_type
Definition: vec_distance.hpp:63
cv::Mat get_column_range(const cv::Mat &data)
Definition: quality_utils.hpp:62
Definition: all_layers.hpp:471
void deallocate()
internal use function, consider to use 'release' method instead; deallocates the matrix data
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:244
int getCols() const
Definition: depth.hpp:132
Definition: warpers.hpp:315
a rectangular structuring element:
Definition: imgproc.hpp:231
Definition: calib3d.hpp:241
int aprilTagMinClusterPixels
Definition: aruco.hpp:182
void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst)
Calculates the sum of a scaled array and another array.
static MatExpr zeros(int rows, int cols, int type)
Returns a zero array of the specified size and type.
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracker.hpp:651
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:172
Definition: imgproc.hpp:687
Ptr< MergeRobertson > createMergeRobertson()
Creates MergeRobertson object.
void mulAndScaleSpectrums(InputArray src1, InputArray src2, OutputArray dst, int flags, float scale, bool conjB=false, Stream &stream=Stream::Null())
Performs a per-element multiplication of two Fourier spectrums and scales the result.
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)
Definition: imgproc.hpp:352
cudaTextureObject_t texObj
Definition: texture.hpp:190
void setScaleFactor(float value)
Definition: detection_based_tracker.hpp:100
Definition: ar_sports.hpp:60
std::vector< T > & wref()
Definition: garray.hpp:171
int rows
Definition: deriv.hpp:209
Definition: gfluidkernel.hpp:228
int hal_ni_gemm64fc(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:703
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
Definition: weighted_median_filter.hpp:68
Definition: tracker.hpp:1227
__device__ __forceinline__ double4 tanh(const double4 &a)
Definition: vec_math.hpp:364
__host__ void gridMinMaxLoc(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:353
bool empty() const
Definition: qualitygmsd.hpp:74
std::vector< cv::gapi::own::Rect > rois
Definition: gfluidkernel.hpp:99
Definition: detection_based_tracker.hpp:60
void writeBack() const
Definition: goclkernel.hpp:144
float minDensity
Definition: calib3d.hpp:1295
void * depth_cleaner_impl_
Definition: depth.hpp:263
std::vector< GPCPatchSample > GPCSamplesVector
Definition: sparse_matching_gpc.hpp:86
OBJECT m_payload
Definition: utility.hpp:1157
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:3221
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3138
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:345
struct cv::CvHOGEvaluator::Feature::@266 fastRect[4]
Bilinear resize layer from https://github.com/cdmh/deeplab-public-ver2.
Definition: all_layers.hpp:613
MemoryFlag
Definition: mat.hpp:532
std::vector< GRunArg > GRunArgs
Definition: garg.hpp:99
void colorMatchTemplate(InputArray img, InputArray templ, OutputArray result)
Compares a color template against overlapped color image regions.
static float DEFAULT_MAX_DEPTH()
Definition: depth.hpp:520
virtual ~CvHOGEvaluator()
Definition: feature.hpp:301
static void read(const FileNode &node, std::vector< KeyPoint > &vec, const std::vector< KeyPoint > &default_value)
Definition: persistence.hpp:1177
Definition: deriv.hpp:234
BundleAdjusterBase(int num_params_per_cam, int num_errs_per_measurement)
Construct a bundle adjuster base instance.
Definition: motion_estimators.hpp:155
VectorRefT()
Definition: garray.hpp:139
NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
Yes a[2]
Definition: functional.hpp:877
std::shared_ptr< Priv > m_priv
Definition: gcall.hpp:54
void * indexPCFlann(Mat pc)
T & value()
Definition: optional.hpp:139
Definition: reduce_to_vec.hpp:214
int axis
Definition: all_layers.hpp:528
Mat A0
average of gray values from all face region in the dataset
Definition: facemarkAAM.hpp:121
Synonym for CAP_INTELPERC.
Definition: videoio.hpp:112
int hal_ni_cvtBGRtoLab(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isLab, bool srgb)
hal_cvtBGRtoLab
Definition: hal_replacement.hpp:472
float response
the response by which the most strong keypoints have been selected. Can be used for the further sorti...
Definition: types.hpp:776
v_reg< _Tp, n > v_rotate_left(const v_reg< _Tp, n > &a)
Definition: intrin_cpp.hpp:1114
Definition: warpers.hpp:210
int thick
The thickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled ci...
Definition: render.hpp:70
int size() const
Returns the vertex count.
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
Definition: cudalegacy.hpp:70
Acquisition buffer size unit in bytes. Default 1. E.g. Value 1024 means that buffer_size is in KiByte...
Definition: videoio.hpp:456
Vertical Binning - number of vertical photo-sensitive cells to combine together.
Definition: videoio.hpp:359
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:154
Definition: warpers.hpp:428
Definition: reduce.hpp:300
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
virtual ~ClassifierCallback()
Definition: ocr.hpp:207
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams ¶ms)
Unscented Kalman Filter factory method.
virtual ~NCVMatrix()
Definition: NCV.hpp:749
AffineBestOf2NearestMatcher(bool full_affine=false, bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6)
Constructs a "best of 2 nearest" matcher that expects affine trasformation between images.
Definition: matchers.hpp:237
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:180
Mat normals
Definition: depth.hpp:456
Vec< int, 4 > Vec4i
Definition: matx.hpp:414
void calcMotionGradient(InputArray mhi, OutputArray mask, OutputArray orientation, double delta1, double delta2, int apertureSize=3)
Calculates a gradient orientation of a motion history image.
Set debug level.
Definition: videoio.hpp:473
Mat_ cross(const Mat_ &m) const
cross-product
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:632
Definition: warpers.hpp:172
float getSigmaSpatial() const
Definition: depth.hpp:1084
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
int cols
Definition: interpolation.hpp:78
Ask G-API to dump compiled graph in Graphviz format under the given file name.
Definition: gcommon.hpp:143
Definition: ar_sports.hpp:66
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
Definition: erfilter.hpp:279
Size of used camera FFS.
Definition: videoio.hpp:478
unsigned member_type
Definition: core.hpp:3249
Definition: gproto.hpp:63
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: videoio.hpp:505
ocr_engine_mode
Tesseract.OcrEngineMode Enumeration.
Definition: ocr.hpp:83
Definition: detection_based_tracker.hpp:142
Definition: feature.hpp:298
__host__ GpuMat_ & assign(const Expr< Body > &expr, Stream &stream)
__host__ __device__ NcvSize32s(Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:177
bool writeOpticalFlow(const String &path, InputArray flow)
Write a .flo to disk.
void sub8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
#define CV_AVX_512VBMI
Definition: cv_cpu_dispatch.h:282
indicates that the left mouse button is down.
Definition: highgui.hpp:222
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
V_TypeTraits< _Tp >::sum_type v_reduce_sum(const v_reg< _Tp, n > &a)
Sum packed values.
Definition: intrin_cpp.hpp:1124
Definition: all_layers.hpp:245
Definition: videoio.hpp:236
void invSqrt64f(const double *src, double *dst, int len)
int imageStop
Definition: descriptor.hpp:174
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:97
CALayer * customPreviewLayer
Definition: cap_ios.h:105
void createPlaneMesh(const String &name, const Size2f &size, InputArray image=noArray())
std::size_t m_elemSize
Definition: garray.hpp:114
cv::String getInferenceEngineVPUType()
Returns Inference Engine VPU type.
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
Ptr< cuda::DisparityBilateralFilter > createDisparityBilateralFilter(int ndisp=64, int radius=3, int iters=1)
Creates DisparityBilateralFilter object.
float maxThreshold
Definition: features2d.hpp:630
Affine3 rotate(const Mat3 &R) const
a.rotate(R) is equivalent to Affine(R, 0) * a;
TrackedObject & operator[](size_t i)
operator [] return non-const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:360
static void read(const FileNode &node, short &value, short default_value)
Definition: persistence.hpp:1142
std::tuple< GMat, GMat > integral(const GMat &src, int sdepth=-1, int sqdepth=-1)
Calculates the integral of an image.
Definition: imgproc.hpp:649
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.
Mat sum
Definition: feature.hpp:290
std::string value
Definition: tr_icdar.hpp:62
Definition: extrapolation.hpp:94
bool split_coeff
split the training coefficients into two matrices
Definition: tracker.hpp:1251
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
ShapeMatchModes
Shape matching methods.
Definition: imgproc.hpp:447
Pixel format.
Definition: videoio.hpp:296
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.
Definition: imgproc.hpp:627
Definition: imgproc.hpp:543
int waitKeyEx(int delay=0)
Similar to waitKey, but returns full key code.
void recip16u(const ushort *, size_t, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
Definition: tr_icdar.hpp:74
Matx< _Tp, m, n > mul(const Matx< _Tp, m, n > &a) const
multiply two matrices element-wise
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
void setFov(const Vec2d &fov)
Definition: types.hpp:217
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
Exposure (only for those cameras that support).
Definition: videoio.hpp:147
Capture only preview from liveview mode.
Definition: videoio.hpp:552
static Scalar all(double v0)
Definition: scalar.hpp:33
double mat4[3]
Definition: msm_epfl.hpp:65
Definition: ar_hmdb.hpp:67
Size_< int > Size2i
Definition: types.hpp:343
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts polar coordinates into Cartesian.
F m_f
Definition: gcpukernel.hpp:115
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
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:3087
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.
size_t step1(int i=0) const
int y
Definition: tr_icdar.hpp:63
void _mm_deinterleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:56
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:699
Definition: opengl.hpp:481
CUDA memory allocation error.
Definition: NCV.hpp:361
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:406
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:397
Definition: videoio.hpp:506
Sample aspect ratio: num/den (den)
Definition: videoio.hpp:172
float minDistBetweenBlobs
Definition: features2d.hpp:632
Mat eigenvalues
eigenvalues of the covariation matrix
Definition: core.hpp:2532
int cols
Definition: interpolation.hpp:273
Flags
Definition: core.hpp:2395
uchar * ptr
Definition: imgproc.hpp:4716
virtual ~DFT1D()
Definition: hal.hpp:208
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
Definition: gcpukernel.hpp:262
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
std::string filename
Definition: or_pascal.hpp:80
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:456
VecCommaInitializer(Vec< _Tp, m > *_vec)
genderType gender
Definition: fr_adience.hpp:73
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
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:316
hashtable_int * hashtableRead(FILE *f)
Ncv32f * pNewFrame
new frame
Definition: NPP_staging.hpp:125
int recentEdge
Definition: imgproc.hpp:1239
GMat max(const GMat &src1, const GMat &src2)
Calculates per-element maximum of two matrices.
CostFunction costFunction() const
Definition: seam_finders.hpp:128
AsyncArray getArrayResult()
Definition: ximgproc.hpp:112
void importReconstruction(const cv::String &file, OutputArrayOfArrays Rs, OutputArrayOfArrays Ts, OutputArrayOfArrays Ks, OutputArrayOfArrays points3d, int file_format=SFM_IO_BUNDLER)
Import a reconstruction file.
Rect resolution
resolution of the current scale
Definition: facemarkAAM.hpp:117
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.hpp:46
double Px
Definition: gr_chalearn.hpp:67
float score
Definition: edgeboxes.hpp:60
int hal_ni_addWeighted16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:320
Definition: sparse_matching_gpc.hpp:77
~AutoBuffer()
destructor. calls deallocate()
float initInRad
radius for gathering positive instances during init
Definition: tracker.hpp:786
static GComputation get_substitute()
Definition: gtransform.hpp:60
Definition: gfluidbuffer.hpp:98
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
void * _getImpl() const CV_NOEXCEPT
Definition: async_promise.hpp:63
std::vector< int > labels
Definition: ar_sports.hpp:63
Size of file.
Definition: videoio.hpp:476
Definition: descriptor.hpp:1157
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
Definition: gcpukernel.hpp:103
Ptr< detail::ExposureCompensator > exposureCompensator()
Definition: stitching.hpp:238
static const std::vector< U > & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:163
cv::Ptr< ITrackerByMatching > createTrackerByMatching(const TrackerParams ¶ms=TrackerParams())
The factory to create Tracker-by-Matching algorithm implementation.
Definition: fr_adience.hpp:83
Definition: interpolation.hpp:294
Definition: onlineBoosting.hpp:109
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.
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:80
void addWeighted16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scalars)
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
Mat transformPCPose(Mat pc, const Matx44d &Pose)
2 out of 4 decimation
Definition: videoio.hpp:309
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:381
State
Definition: persistence.hpp:323
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:289
Definition: videoio.hpp:249
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:1108
Definition: imgproc.hpp:749
ColorConversionCodes
Definition: imgproc.hpp:521
int hal_ni_max32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:107
SrcPtr src
Definition: interpolation.hpp:299
size_t hashval
hash value
Definition: mat.hpp:2693
void max64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
std::vector< GRunArgP > GRunArgsP
Definition: garg.hpp:111
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
__host__ GpuMat_ row(int y) const
An Efficient Algebraic Solution to the Perspective-Three-Point Problem .
Definition: calib3d.hpp:240
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
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())
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
white-balance color temperature
Definition: videoio.hpp:176
void destroyFlann(void *flannIndex)
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:860
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:99
T thresh
Definition: functional.hpp:716
Definition: functional.hpp:280
The IImageDescriptor class declares base class for image descriptor.
Definition: tracking_by_matching.hpp:70
int verbosity_level
Definition: simple_pipeline.hpp:155
Matx< float, 4, 1 > Matx41f
Definition: matx.hpp:225
int64_t cvRound64(const cv::softdouble &a)
Rounds a number to nearest even long long integer.
Definition: optional.hpp:18
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
bool doInpainting_
Definition: stabilizer.hpp:131
void dilate(InputArray rlSrc, OutputArray rlDest, InputArray rlKernel, Point anchor=Point(0, 0))
Dilates an run-length encoded binary image by using a specific structuring element.
Ptr< ERFilter::Callback > loadClassifierNM2(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
double solvePoly(InputArray coeffs, OutputArray roots, int maxIters=300)
Finds the real or complex roots of a polynomial equation.
void absdiff64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
void smallRegionRemoval(const Mat ¤tMap, int t, Mat &out)
remove small regions that have an area smaller than t, we fill the region with the average of the goo...
Definition: matching.hpp:477
distance = c^2(|x|/c-log(1+|x|/c)), c = 1.3998
Definition: imgproc.hpp:302
Definition: bm3d_image_denoising.hpp:64
static const char * tag()
Definition: gkernel.hpp:560
Definition: imgproc.hpp:376
there is only one maximum for target function
Definition: optim.hpp:261
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:82
Definition: facemarkLBF.hpp:48
Definition: imgproc.hpp:696
void absdiff16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
std::vector< Rect2d > objects
Definition: tracker.hpp:1390
std::size_t num_out
Definition: ie.hpp:43
uint64_t saturate_cast< uint64_t >(softfloat a)
Definition: softfloat.hpp:433
int getW() const
Definition: saliencySpecializedClasses.hpp:353
Aravis SDK.
Definition: videoio.hpp:119
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:162
bool getConfigurationParameterBool(const char *name, bool defaultValue)
int type() const
Returns the type of a matrix element.
Definition: mat.hpp:194
bool empty() const
Definition: inpainting.hpp:112
Definition: all_layers.hpp:483
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
Mat colors
point color of type CV_8UC3 or CV_8UC4 with only 1 row
Definition: types.hpp:130
Definition: gr_skig.hpp:63
Bayer Demosaicing (Malvar, He, and Cutler)
Definition: cudaimgproc.hpp:95
void drawCharucoDiamond(const Ptr< Dictionary > &dictionary, Vec4i ids, int squareLength, int markerLength, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco Diamond marker.
GMat RGB2YUV(const GMat &src)
Converts an image from RGB color space to YUV color space.
int64 getCounter() const
Definition: utility.hpp:399
The base class for image hash algorithms.
Definition: img_hash_base.hpp:18
A diamond marker shape.
Definition: imgproc.hpp:831
int readGT(String src_path, OutputArray dst)
Function for reading ground truth disparity maps. Supports basic Middlebury and MPI-Sintel formats....
unsigned long cascade_depth
cascade_depth This stores the deapth of cascade used for training.
Definition: face_alignment.hpp:21
If set, always convert image to the single channel grayscale image and the image size reduced 1/8.
Definition: imgcodecs.hpp:75
void colormap(const Mat &quantized, Mat &dst)
Debug function to colormap a quantized image for viewing.
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:138
the KCF (Kernelized Correlation Filter) tracker
Definition: tracker.hpp:1212
Size getPatchSize() const
A helper class for cv::DataType.
Definition: traits.hpp:284
double getMaxTranslation() const
Definition: depth.hpp:961
double getSensorErrorA() const
Definition: depth.hpp:401
NCVStatus nppiStFilterRowBorder_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u oROI, NppStBorderType borderType, const Ncv32f *pKernel, Ncv32s nKernelSize, Ncv32s nAnchor, Ncv32f multiplier)
GMatDesc descr_of(const Mat &mat)
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:811
Get the dimension information of a dataset.
Definition: hdf5.hpp:125
float aprilTagQuadSigma
Definition: aruco.hpp:179
float aff_thr_strong
Definition: tracking_by_matching.hpp:271
Definition: imgproc.hpp:367
v_uint8x16 v_pack_b(const v_uint16x8 &a, const v_uint16x8 &b)
! For 16-bit boolean values
Definition: intrin_cpp.hpp:2343
Definition: imgproc.hpp:635
Definition: videoio.hpp:574
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: wobble_suppression.hpp:68
bool empty() const
Definition: qualityssim.hpp:76
__device__ static __forceinline__ void blockFill(It beg, It end, const T &value)
Definition: block.hpp:75
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)
Definition: tracker.hpp:1068
SrcPtr src
Definition: interpolation.hpp:68
cv::Point org
The bottom-left corner of the text string in the image.
Definition: render.hpp:40
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:133
uchar ** ptrs
data pointers
Definition: mat.hpp:3413
The TrackedObject struct defines properties of detected object.
Definition: tracking_by_matching.hpp:27
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
std::function< void(GCompoundContext &ctx)> F
Definition: gcompoundkernel.hpp:44
int group
Definition: all_layers.hpp:394
Definition: dictionary.hpp:152
int index_type
Definition: extrapolation.hpp:63
Ptr< Filter > createRowSumFilter(int srcType, int dstType, int ksize, int anchor=-1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a horizontal 1D box filter.
Definition: slam_tumindoor.hpp:62
static bool isOpenCLActivated()
Definition: ocl_defs.hpp:19
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:89
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.
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:149
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:218
virtual int getBinaryKernelType() const =0
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
int cols
Definition: extrapolation.hpp:100
Vec3i volumeDims
Resolution of voxel space.
Definition: kinfu.hpp:60
Definition: sinusoidalpattern.hpp:59
float normSigma0
Definition: rlofflow.hpp:90
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:79
Wrap out of range position. Image becomes periodic.
Definition: NPP_staging.hpp:92
Ptr< GrayworldWB > createGrayworldWB()
Creates an instance of GrayworldWB.
int selectBestClassifier(std::vector< bool > &errorMask, float importance, std::vector< float > &errors)
the CSRT tracker
Definition: tracker.hpp:1479
void setMinDepth(double val)
Definition: depth.hpp:644
Color Correction Matrix element [0][3].
Definition: videoio.hpp:406
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
float _mu0
Definition: onlineMIL.hpp:93
Definition: track_alov.hpp:73
Point2f pt
Definition: imgproc.hpp:1218
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
This class represents high-level API for segmentation models.
Definition: dnn.hpp:1118
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:321
int y
Definition: linemod.hpp:283
static KernelArg Local(size_t localMemSize)
Definition: ocl.hpp:355
__device__ __forceinline__ OutIt warpCopy(InIt beg, InIt end, OutIt out)
Definition: warp.hpp:86
std::string srcColor
Definition: is_weizmann.hpp:64
static Matx randn(_Tp a, _Tp b)
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.
Definition: calib3d.hpp:279
std::vector< Scalar > colors
List of randomly generated colors for bounding boxes display.
Definition: tracker.hpp:1440
Definition: imgproc.hpp:574
CmpTypes
comparison types
Definition: base.hpp:211
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:119
Definition: tr_svt.hpp:66
Definition: ir_affine.hpp:61
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:102
For JPEG2000, use to specify the target compression rate (multiplied by 1000). The value can be from ...
Definition: imgcodecs.hpp:99
std::vector< Point2f > base_shape
basic shape, normalized to be fit in an image with current detection resolution
Definition: facemarkAAM.hpp:130
Hand-eye Calibration .
Definition: calib3d.hpp:307
virtual void setPreFilterType(int preFilterType)=0
a possible background pixel
Definition: imgproc.hpp:344
Vec4i HoughPoint2Line(const Point &houghPoint, InputArray srcImgInfo, int angleRange=ARO_315_135, int makeSkew=HDO_DESKEW, int rules=RO_IGNORE_BORDERS)
Calculates coordinates of line segment corresponded by point in Hough space.
NCVVector()
Definition: NCV.hpp:572
double calibrateCamera(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
NCVStatus ncvDrawRects_8u_device(Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
Definition: imgcodecs.hpp:129
Definition: traits.hpp:289
int _s
Definition: onlineMIL.hpp:95
std::string dep
Definition: gr_skig.hpp:97
__host__ Expr< SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelX_(const SrcPtr &src)
Definition: deriv.hpp:81
Same as CAP_V4L.
Definition: videoio.hpp:93
_Tp x
x coordinate of the 3D point
Definition: types.hpp:265
_Tp & at(int i0=0)
Returns a reference to the specified array element.
Definition: facemark_train.hpp:35
Definition: imgproc.hpp:534
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
int rows
Definition: glob.hpp:87
Definition: warpers.hpp:385
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
size_t getConfigurationParameterSizeT(const char *name, size_t defaultValue)
static Ptr< QualityPSNR > create(InputArray ref, double maxPixelValue=QualityPSNR::MAX_PIXEL_VALUE_DEFAULT)
Create an object which calculates quality.
Definition: qualitypsnr.hpp:38
int QR64f(double *A, size_t astep, int m, int n, int k, double *b, size_t bstep, double *hFactors)
_Tp & reference
Definition: mat.hpp:3136
double getThreshold() const
Definition: depth.hpp:393
Definition: descriptor.hpp:59
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
Definition: descriptor.hpp:58
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:272
void qunitary(InputArray qimg, OutputArray qnimg)
divides each element by its modulus.
float reid_thr
Affinity threshold for re-identification.
Definition: tracking_by_matching.hpp:294
Action action
Definition: types.hpp:297
int y
Definition: edgeboxes.hpp:59
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:1301
TrackerStateEstimator based on SVM.
Definition: tracker.hpp:756
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
Definition: imgproc.hpp:712
std::string rgb
Definition: gr_skig.hpp:96
Point_< float > Point2f
Definition: types.hpp:192
Definition: cudaimgproc.hpp:160
#define GAPI_EXPORTS
Definition: exports.hpp:15
vector< vector< Ptr< TRACK_votObj > > > data
Definition: track_vot.hpp:86
__host__ void gridPyrUp(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:79
Definition: imgproc.hpp:559
softdouble max(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:441
Definition: container_avi.private.hpp:73
Definition: gcomputation.hpp:26
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:399
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....
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
Definition: outlier_rejection.hpp:74
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:341
RGBD_PLANE_METHOD
Definition: depth.hpp:331
void flip(InputArray src, OutputArray dst, int flipCode, Stream &stream=Stream::Null())
Flips a 2D matrix around vertical, horizontal, or both axes.
Returns device serial number.
Definition: videoio.hpp:435
const uchar * ptr
Definition: mat.hpp:3067
virtual ~Blender()
Definition: blenders.hpp:66
ExposureCompensator()
Definition: exposure_compensate.hpp:63
Definition: warping.hpp:130
the output is the minimum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:222
int rows
Definition: zip.hpp:110
SimilarRects(double _eps)
Definition: objdetect.hpp:124
Matx< _Tp, m, 1 > col(int i) const
extract the matrix column
Definition: fr_adience.hpp:63
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1323
Definition: utility.hpp:1234
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
float16_t(float x)
Definition: cvdef.h:807
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)
Definition: videoio.hpp:267
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:425
Mat_< int > puss
Definition: matching.hpp:371
Ptr< PoseCluster3D > PoseCluster3DPtr
Definition: pose_3d.hpp:61
int numLastPositionsToTrack
Definition: detection_based_tracker.hpp:167
Ptr< detail::Blender > blender()
Definition: stitching.hpp:247
int solveLP(InputArray Func, InputArray Constr, OutputArray z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
Definition: inpainting.hpp:67
NCVStatus nppiStRectStdDev_32f_C1R_host(Ncv32u *h_sum, Ncv32u sumStep, Ncv64u *h_sqsum, Ncv32u sqsumStep, Ncv32f *h_norm, Ncv32u normStep, NcvSize32u roi, NcvRect32u rect, Ncv32f scaleArea)
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
hand-writing style font
Definition: imgproc.hpp:818
int texture_max_m
Definition: facemarkAAM.hpp:73
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
int m_numWeakClassifier
Definition: onlineBoosting.hpp:142
Definition: functional.hpp:86
int nbins
Number of bins used in the calculation of histogram of gradients. Default value is 9.
Definition: objdetect.hpp:599
NCVStatus nppiStIntegral_32f32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
softfloat setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:181
int cols
Definition: deriv.hpp:163
FileNodeIterator begin() const
returns iterator pointing to the first node element
std::vector< int > ind2
index of pixels for mapping process to obtains the grays values of eroded face region
Definition: facemarkAAM.hpp:134
Definition: warpers.hpp:590
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:246
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:672
see erode
Definition: imgproc.hpp:213
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:220
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
int hal_ni_FAST_NMS(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
Non-maximum suppression for FAST_9_16.
Definition: hal_replacement.hpp:81
void paint(InputOutputArray image, InputArray rlSrc, const cv::Scalar &value)
Paint run length encoded binary image into an image.
void generateRandomClassifier()
void split64s(const int64 *src, int64 **dst, int len, int cn)
int num_inliers
Number of geometrically consistent matches.
Definition: matchers.hpp:109
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
Inpaint run(const Mat &mask, Inpaint inpaint)
Template method that runs the Fast Marching Method.
Definition: fast_marching_inl.hpp:54
The class implements Histogram of Oriented Gradients () object detector.
Definition: cudaobjdetect.hpp:79
Definition: all_layers.hpp:459
bool update(const Mat &image, int target, float importance=1.0)
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
float Type
Definition: features2d.hpp:796
void drawDetectedCornersCharuco(InputOutputArray image, InputArray charucoCorners, InputArray charucoIds=noArray(), Scalar cornerColor=Scalar(255, 0, 0))
Draws a set of Charuco corners.
UndistortTypes
cv::undistort mode
Definition: calib3d.hpp:2826
cv::Vec2f bbox_heights_range
Bounding box heights range.
Definition: tracking_by_matching.hpp:285
Node()
Definition: utility.hpp:1089
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:72
std::vector< KeyPoint > getKeypoints()
Definition: matchers.hpp:64
void selectRandomSubset(int count, int size, std::vector< int > &subset)
Definition: type_traits.hpp:137
Base abstract class for the long-term tracker:
Definition: tracker.hpp:524
__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.
White balance green coefficient.
Definition: videoio.hpp:377
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.
cv::GArrayDesc m_desc
Definition: garray.hpp:115
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:215
void inpaint(const Mat &src, const Mat &mask, Mat &dst, const int algorithmType)
The function implements different single-image inpainting algorithms.
__host__ __device__ static __forceinline__ schar make(schar x)
Definition: vec_traits.hpp:147
int face_id
Definition: fr_adience.hpp:71
void setSeamEstimationResol(double resol_mpx)
Definition: stitching.hpp:190
#define CV_SUBMAT_FLAG
Definition: cvdef.h:437
double scaleFactor
Parameter specifying how much the image size is reduced at each image scale.
Definition: facemark_train.hpp:37
static Mat getPlane(const Mat &m, int n, int cn)
Definition: shape_utils.hpp:108
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
Definition: imgproc.hpp:658
static cv::detail::VectorRef wrap_in(const std::vector< T > &t)
Definition: gtype_traits.hpp:72
A New Technique for Fully Autonomous and Efficient 3D Robotics Hand/Eye Calibration .
Definition: calib3d.hpp:305
size_t localMemSize() const
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
virtual Size winSize() const
Definition: optical_flow.hpp:85
Mat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
some more overridden methods
virtual int getMinDisparity() const =0
Ptr< CvCapture > cap
Definition: videoio.hpp:794
double maxVal
Maximum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:116
Definition: imgproc.hpp:564
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
Definition: imgproc.hpp:1209
Definition: gtransform.hpp:41
Definition: cudacodec.hpp:250
virtual ~ClassifierThreshold()
float parasolCells_beta
Definition: retina.hpp:176
static Ptr< StaticSaliencySpectralResidual > create()
Definition: saliencySpecializedClasses.hpp:76
problem is unfeasible (there are no points that satisfy all the constraints imposed)
Definition: optim.hpp:260
int class_id
object class (if the keypoints need to be clustered by an object they belong to)
Definition: types.hpp:778
std::vector< float > classifySetF(const Mat &x)
double getMaxDepth() const
Definition: depth.hpp:648
int hal_ni_recip64f(const double *src_data, size_t src_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:281
GrabCutModes
GrabCut algorithm flags.
Definition: imgproc.hpp:349
the data format/type is not supported by the function
Definition: base.hpp:110
Default predict collector.
Definition: predict_collector.hpp:82
uint8_t * OutLineB(int index=0)
Definition: gfluidbuffer.hpp:119
void v_cleanup()
Definition: intrin_cpp.hpp:2479
Definition: erfilter.hpp:290
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
float _log_n1
Definition: onlineMIL.hpp:96
Mat measurementNoiseCov
Measurement noise cross-covariance matrix, MP x MP.
Definition: kalman_filters.hpp:136
double getMaxRotation() const
Definition: depth.hpp:969
void reset() noexcept
Definition: optional.hpp:164
static Yes check(binary_function< T1, T2, D >)
float minInertiaRatio
Definition: features2d.hpp:644
Definition: videoio.hpp:529
Definition: imgproc.hpp:568
input image depth is not supported by the function
Definition: base.hpp:86
float a
Definition: warpers.hpp:345
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
void ncvDebugOutput(const cv::String &msg)
int hal_ni_Cholesky32f(float *src1, size_t src1_step, int m, float *src2, size_t src2_step, int n, bool *info)
Definition: hal_replacement.hpp:613
int plusStep
Definition: imgproc.hpp:4721
GMat bitwise_xor(const GMat &src1, const GMat &src2)
computes bitwise logical "exclusive or" of the two matrixes (src1 ^ src2) Calculates the per-element ...
void FT12D_createPolynomMatrixVertical(int radius, OutputArray matrix, const int chn)
Creates vertical matrix for -transform computation.
Size minSize
Minimum possible object size.
Definition: facemark_train.hpp:39
void 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: tracker.hpp:1244
void correctMatches(InputArray F, InputArray points1, InputArray points2, OutputArray newPoints1, OutputArray newPoints2)
Refines coordinates of corresponding points.
Definition: imgproc.hpp:667
virtual int getBlockSize() const =0
static int type()
Definition: flann.hpp:81
KmeansFlags
k-Means flags
Definition: core.hpp:207
NCVMemoryType _memtype
Definition: NCV.hpp:621
virtual ~RawVideoSource()
Definition: cudacodec.hpp:315
GPCTrainingParams(unsigned _maxTreeDepth=20, int _minNumberOfSamples=3, GPCDescType _descriptorType=GPC_DESCRIPTOR_DCT, bool _printProgress=true)
Definition: sparse_matching_gpc.hpp:130
FeatureType
Definition: feature.hpp:140
__device__ static __forceinline__ double min()
Definition: limits.hpp:119
WMFWeightType
Specifies weight types of weighted median filter.
Definition: weighted_median_filter.hpp:64
double log_eps
Definition: descriptor.hpp:705
Definition: mapperpyramid.hpp:79
__device__ __forceinline__ uchar1 abs(const uchar1 &a)
Definition: vec_math.hpp:213
int type
Definition: gfluidbuffer.hpp:34
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
int hal_ni_mul16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:241
Op::second_argument_type arg2
Definition: functional.hpp:854
cv::util::any params() const
Definition: ie.hpp:94
GBackend backend
Definition: infer.hpp:191
Definition: gcommon.hpp:27
#define CV_MAT_CN(flags)
Definition: cvdef.h:429
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
static softdouble zero()
Zero constant.
Definition: softfloat.hpp:346
::uint16_t uint16_t
Definition: cvdef.h:759
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
uint64 const_param_type
Definition: core.hpp:3256
int flags
Definition: mat.hpp:2556
static bool comparator(std::pair< double, size_t > l1, std::pair< double, size_t > l2)
Definition: core_detect.hpp:116
void release()
Definition: lock.private.hpp:53
int getSwappedClassifier() const
sampleType sType
Definition: pd_inria.hpp:72
ImwriteEXRTypeFlags
Definition: imgcodecs.hpp:102
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:219
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:971
static MatShape shape(const int *dims, const int n)
Definition: shape_utils.hpp:119
Ptr< cuda::BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates GMG Background Subtractor.
void restoreImageFromLaplacePyrGpu(std::vector< UMat > &pyr)
virtual void initializeMask(const Mat &)
Definition: objdetect.hpp:212
static void read(FileNodeIterator &it, std::vector< _Tp > &vec, size_t maxCount=(size_t) INT_MAX)
Definition: persistence.hpp:1150
Definition: functional.hpp:851
int type
the type of termination criteria: COUNT, EPS or COUNT + EPS
Definition: types.hpp:881
const String typeToString(int type)
Definition: container_avi.private.hpp:136
void clear()
Definition: NCV.hpp:579
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1108
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:83
double conf_thresh_
Definition: motion_estimators.hpp:206
Brightness of the image (only for those cameras that support).
Definition: videoio.hpp:142
OpenNI2 (for Kinect)
Definition: videoio.hpp:113
cv::Mat r
Definition: gcpukernel.hpp:146
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:214
bool isEmptyFrameOffset() const
Definition: container_avi.private.hpp:164
uint64 hash_t
Definition: ocl.hpp:510
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:148
static constexpr std::size_t index_of()
Definition: variant.hpp:319
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
static cv::gapi::GBackend backend()
Definition: goclkernel.hpp:237
_mat_type _qualityMap
Output quality maps if generated by algorithm.
Definition: qualitybase.hpp:57
int m_idxOfNewWeakClassifier
Definition: onlineBoosting.hpp:144
int computeNormalsPC3d(const Mat &PC, Mat &PCNormals, const int NumNeighbors, const bool FlipViewpoint, const Vec3f &viewpoint)
Compute the normals of an arbitrary point cloud computeNormalsPC3d uses a plane fitting approach to s...
static softdouble min()
Smallest normalized value.
Definition: softfloat.hpp:354
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
bool empty() const
true if empty
const std::vector< Mat > * stabilizedFrames_
Definition: inpainting.hpp:98
__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
uchar * data
pointer to the data
Definition: cuda.hpp:326
type_traits_detail::UnConst< T >::type non_const_type
Definition: type_traits.hpp:130
bool parseMovi(frame_list &in_frame_list)
Definition: container_avi.private.hpp:106
int num_images_
Definition: motion_estimators.hpp:196
int m
Definition: facemarkAAM.hpp:68
Definition: tracking.hpp:590
tracked_cv_umat(cv::UMat &m)
Definition: goclkernel.hpp:122
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:54
Some error occurred (TODO Require to fill exception information)
Definition: llapi.h:32
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
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:158
Ptr< TrackerFeatureSet > featureSet
Definition: tracker.hpp:559
Definition: functional.hpp:298
mask=3
Definition: imgproc.hpp:309
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
virtual ~TrackerGOTURN() CV_OVERRIDE
Definition: tracker.hpp:1304
GMatDesc(int d, std::vector< int > &&dd)
Definition: gmat.hpp:80
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
Definition: deriv.hpp:281
the GOTURN (Generic Object Tracking Using Regression Networks) tracker
Definition: tracker.hpp:1287
Definition: warpers.hpp:407
std::string videoUrl
Definition: ar_sports.hpp:62
PyRotationWarper()
Definition: warpers.hpp:56
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
std::string name
Definition: ar_hmdb.hpp:63
int * integralImage[num_images]
Definition: descriptor.hpp:68
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:554
Define framerate in Hz.
Definition: videoio.hpp:442
frame_list m_frame_list
Definition: container_avi.private.hpp:128
CUDA memory deallocation error.
Definition: NCV.hpp:362
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:789
static void write(FileStorage &fs, const String &name, const Scalar_< _Tp > &s)
Definition: persistence.hpp:1026
A container class for network configurations. Similar to GKernelPackage.Use cv::gapi::networks() to c...
Definition: infer.hpp:201
static void read(const FileNode &node, ushort &value, ushort default_value)
Definition: persistence.hpp:1134
Definition: motion_core.hpp:68
size_t getFramesCount()
Definition: container_avi.private.hpp:91
Class implementing the AKAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:731
Definition: extrapolation.hpp:120
int keypointScale
Definition: calib3d.hpp:1298
Definition: imgproc.hpp:318
Matx< float, 1, 2 > Matx12f
Definition: matx.hpp:212
gPhoto2 connection
Definition: videoio.hpp:115
Definition: calib3d.hpp:256
KeyPointsFilter()
Definition: features2d.hpp:109
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).
bool findCirclesGrid(InputArray image, Size patternSize, OutputArray centers, int flags, const Ptr< FeatureDetector > &blobDetector, const CirclesGridFinderParameters ¶meters)
Finds centers in the grid of circles.
void mapForward(float x, float y, float &u, float &v)
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
int getCudaEnabledDeviceCount()
Returns the number of installed CUDA-enabled devices.
double invert(InputArray src, OutputArray dst, int flags=DECOMP_LU)
Finds the inverse or pseudo-inverse of a matrix.
A class to represent a line.
Definition: descriptor.hpp:102
the user can resize the window (no constraint) / also use to switch a fullscreen window to a normal s...
Definition: highgui.hpp:183
char3 type
Definition: vec_traits.hpp:78
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
__host__ NCVStatus setNumClassifierRootNodes(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:292
Definition: gcompoundkernel.hpp:91
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
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:247
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
Definition: calib3d.hpp:278
virtual ~CvFeatureEvaluator()
Definition: feature.hpp:160
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:97
int queryIdx
query descriptor index
Definition: types.hpp:815
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
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:930
GMat BGR2YUV(const GMat &src)
Converts an image from BGR color space to YUV color space.
const typedef value_type * const_pointer
Definition: cvstd.hpp:115
bool colorMode
Definition: retina.hpp:161
TrackedObject(const cv::Rect &rect)
Definition: detection_based_tracker.hpp:191
OpenNI (for Kinect)
Definition: videoio.hpp:103
Definition: all_layers.hpp:83
int widthOfBand_
Definition: descriptor.hpp:197
bool useOpenVX()
Check if use of OpenVX is enabled.
Definition: imgproc.hpp:411
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:305
Definition: functional.hpp:897
int method_
Definition: depth.hpp:180
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.
SelectIf< unsigned(VecTraits< A >::cn) !=unsigned(VecTraits< B >::cn), void, typename MakeVec< typename type_traits_detail::LargerDepth< typename VecTraits< A >::elem_type, typename VecTraits< B >::elem_type >::type, VecTraits< A >::cn >::type >::type type
Definition: type_traits.hpp:167
virtual size_t maxSize(void) const =0
int hal_ni_cvtThreePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
hal_cvtThreePlaneYUVtoBGR
Definition: hal_replacement.hpp:512
virtual int getPreFilterType() const =0
Size img_size
Definition: matchers.hpp:61
const uchar * ptr0
Definition: imgproc.hpp:4717
result_type mySum
Definition: vec_distance.hpp:66
float truncateThreshold
Threshold for depth truncation in meters.
Definition: kinfu.hpp:109
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
int trainIdx
train descriptor index
Definition: types.hpp:816
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
ColorMomentHash()
Definition: color_moment_hash.hpp:25
double findMedian(const Mat &row)
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:237
std::vector< Feature > features
Definition: feature.hpp:327
bool operator==(const Match &rhs) const
Definition: linemod.hpp:277
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:348
__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.
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:828
Video input or Channel Number (only for those cameras that support)
Definition: videoio.hpp:174
static const constexpr bool value
Definition: gfluidkernel.hpp:224
_Tp value_type
Definition: types.hpp:423
volatile int m_counter
Definition: utility.hpp:1209
virtual void setMaxLevel(int val)=0
TrainingMethods
Definition: ml.hpp:1426
v_uint8x16 v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2113
__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
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:1291
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3234
int borderMode() const
Definition: inpainting.hpp:156
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:99
Definition: cudacodec.hpp:76
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
__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
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:166
Trajectories.
Definition: widgets.hpp:604
Definition: or_pascal.hpp:59
Definition: imgproc.hpp:448
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:278
int type
Definition: all_layers.hpp:248
std::vector< Feature > features
Definition: feature.hpp:392
void cornerEigenValsAndVecs(InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
void qdft(InputArray img, OutputArray qimg, int flags, bool sideLeft)
Performs a forward or inverse Discrete quaternion Fourier transform of a 2D quaternion array.
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:152
Definition: calib3d.hpp:3042
bool normaliseOutput
Definition: retina.hpp:175
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.
bool use_gray
Definition: tracker.hpp:1501
Definition: inpainting.hpp:174
Current position of the video file in milliseconds.
Definition: videoio.hpp:132
softfloat & operator=(const softfloat &c)
Assign constructor.
Definition: softfloat.hpp:97
const uchar * ptr(int row, int col=0) const
Definition: mat.hpp:323
int & stitchingLogLevel()
virtual float operator()(int featureIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:373
std::vector< int > * pixels
Definition: erfilter.hpp:97
Definition: gr_skig.hpp:84
#define OPENCV_HAL_NOP(a)
Definition: intrin.hpp:55
GMat absDiff(const GMat &src1, const GMat &src2)
Calculates the per-element absolute difference between two matrices.
If set, always convert image to the single channel grayscale image and the image size reduced 1/2.
Definition: imgcodecs.hpp:71
v_reg< _Tp, n > & operator/=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:426
int aprilTagMaxNmaxima
Definition: aruco.hpp:183
#define OPENCV_HAL_IMPL_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:530
DC1394: exposure control done by camera, user can adjust reference level using this feature.
Definition: videoio.hpp:153
Definition: ximgproc.hpp:111
Definition: inpainting.hpp:183
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: bgsegm.hpp:62
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.
CensusKernel(uint8_t **images)
Definition: descriptor.hpp:176
PoseCluster3D(Pose3DPtr newPose)
Definition: pose_3d.hpp:147
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
double minOtsuStdDev
Definition: aruco.hpp:174
Definition: depth.hpp:195
bool exists(const cv::String &path)
ReduceTypes
Definition: core.hpp:219
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
convert between RGB/BGR and YUV
Definition: imgproc.hpp:624
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
#define CV_IN_OUT
Definition: cvdef.h:414
incorrect transform kernel content
Definition: base.hpp:99
bool isValidDepth(const float &depth)
Definition: depth.hpp:27
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
virtual void setNumDisparities(int numDisparities)=0
Definition: tracker.hpp:1290
static void expand_impl(GCompoundContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcompoundkernel.hpp:75
static softfloat max()
Biggest finite value.
Definition: softfloat.hpp:216
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:470
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:603
int rows
Definition: constant.hpp:69
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > > remap_(const SrcPtr &src, const MapPtr &map)
Definition: warping.hpp:76
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2943
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshToZeroFunc< typename PtrTraits< SrcPtr >::value_type > > > threshToZero_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:103
Callback with the character classifier is made a class.
Definition: ocr.hpp:204
softdouble getFrac() const
Get a fraction part.
Definition: softfloat.hpp:329
double focal_length_y
Definition: simple_pipeline.hpp:110
std::string window_function
Window function: "hann", "cheb", "kaiser".
Definition: tracker.hpp:1506
Definition: functional.hpp:734
void updateTexture(const String &name, InputArray image)
Definition: calib3d.hpp:3045
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:106
Definition: imgproc.hpp:3655
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
Definition: type_traits.hpp:144
double beta
Default is 2.0.
Definition: kalman_filters.hpp:141
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:66
float Type
Definition: features2d.hpp:795
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
void getErrors(float *errors)
Definition: imgproc.hpp:225
float fx
Definition: resize.hpp:66
#define CV_CUDEV_RGB2HSV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:209
softdouble min(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:438
int preferredVectorWidthShort() const
int numFramesNotDetected
Definition: detection_based_tracker.hpp:188
int num_matches_thresh2_
Definition: matchers.hpp:195
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:223
CovarFlags
Covariation flags.
Definition: core.hpp:171
TrackerStateEstimator based on Boosting.
Definition: tracker.hpp:569
std::string type2
Definition: hpe_humaneva.hpp:65
Definition: videoio.hpp:164
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 ...
StereographicWarper(float scale)
Definition: warpers.hpp:318
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2084
std::vector< size_t > strides
Definition: all_layers.hpp:249
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:306
void getDisparityVis(InputArray src, OutputArray dst, double scale=1.0)
Function for creating a disparity map visualization (clamped CV_8U image)
__host__ void gridFindMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:329
Definition: calib3d.hpp:2759
Interface for Adaptive Manifold Filter realizations.
Definition: edge_filter.hpp:203
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracker.hpp:1437
Definition: imgproc.hpp:743
Definition: goclkernel.hpp:165
value_type * pointer
Definition: cvstd.hpp:114
TLSData< NodeDataTls > m_tls
Definition: utility.hpp:1211
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
bool isContinuous() const
Reports whether the matrix is continuous or not.
RadialVarianceHash()
Definition: radial_variance_hash.hpp:38
Definition: imgproc.hpp:987
Definition: features2d.hpp:625
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:570
Type type
Definition: types.hpp:322
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:171
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:677
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
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h_luminance, float photo_render, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Modification of fastNlMeansDenoising function for colored images.
virtual void freeAllReservedBuffers()=0
Definition: stabilizer.hpp:163
virtual void setBlockSize(int blockSize)=0
cv ::Mat type
Definition: garray.hpp:264
int waitKey(int delay=0)
Waits for a pressed key.
short saturate_cast< short >(ushort v)
Definition: saturate.hpp:131
Base class for all exposure compensators.
Definition: exposure_compensate.hpp:60
offset is invalid
Definition: base.hpp:80
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:55
Definition: videoio.hpp:268
float strong_affinity_thr
of lost track.
Definition: tracking_by_matching.hpp:290
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
void writeFeature(FileStorage &fs) const
Definition: imgproc.hpp:4212
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:386
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:581
Base class for warping logic implementation.
Definition: warpers.hpp:124
sparse matrix node - element of a hash table
Definition: mat.hpp:2690
#define CV_ENUM_FLAGS(EnumType)
Definition: cvdef.h:576
virtual bool isOpened() const
Checks whether the file is opened.
Definition: slam_tumindoor.hpp:63
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:424
float score
Definition: linemod.hpp:96
uint8_t * image[num_images]
Definition: descriptor.hpp:67
the maximum number of iterations or elements to compute
Definition: types.hpp:860
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:373
Definition: imgproc.hpp:659
Definition: cudaimgproc.hpp:105
Button should create a new buttonbar.
Definition: highgui.hpp:251
Binning pattern type.
Definition: videoio.hpp:361
std::vector< Mat > descriptors
Definition: features2d.hpp:1343
float aprilTagQuadDecimate
Definition: aruco.hpp:178
Separate chroma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:87
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:3200
static Ptr< ObjectnessBING > create()
Definition: saliencySpecializedClasses.hpp:298
virtual ~ITrackerByMatching()
Destructor for the tracker.
Definition: tracking_by_matching.hpp:418
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:945
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
Definition: videoio.hpp:166
void cvtColor(InputArray src, OutputArray dst, int code, int dcn=0, Stream &stream=Stream::Null())
Converts an image from one color space to another.
HOGDescriptor::HistogramNormType histogramNormType
histogramNormType
Definition: objdetect.hpp:608
static constexpr const char * tag()
Definition: infer.hpp:126
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
int numStepsToShowWithoutDetecting
Definition: detection_based_tracker.hpp:170
Definition: all_layers.hpp:533
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:346
__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
Use the algorithm proposed by Alexandru Telea .
Definition: photo.hpp:97
size_t idx
Definition: mat.hpp:3422
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:209
double Rx
Definition: gr_chalearn.hpp:67
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
This class represents a keyboard event.
Definition: types.hpp:282
GFluidKernel()
Definition: gfluidkernel.hpp:72
int getMinSize() const
Definition: depth.hpp:377
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
Definition: feature.hpp:157
bool m_funError
Definition: utility.hpp:1207
Definition: tuple_adapter.hpp:78
cv::Mat getIterationCounts() const
Definition: depth.hpp:937
Definition: imgproc.hpp:668
optional & operator=(const optional &rhs)=default
void niBlackThreshold(InputArray _src, OutputArray _dst, double maxValue, int type, int blockSize, double k, int binarizationMethod=BINARIZATION_NIBLACK)
Performs thresholding on input images using Niblack's technique or some of the popular variations it ...
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:76
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:892
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
Definition: imgproc.hpp:622
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
uchar blobColor
Definition: features2d.hpp:635
Normal font.
Definition: highgui.hpp:241
Definition: all_layers.hpp:447
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2531
void setMaxPixelValue(double val)
sets the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:87
GMatDesc(int d, int c, cv::gapi::own::Size s, bool p=false)
Definition: gmat.hpp:74
void mapBackward(float u, float v, float &x, float &y)
This 3D Widget defines a finite plane.
Definition: widgets.hpp:249
void initBaseClassifier()
v_float32x4 v_matmul(const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
Matrix multiplication.
Definition: intrin_cpp.hpp:2423
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:911
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
Ptr2DSz ::value_type value_type
Definition: traits.hpp:61
GMatP NV12toBGRp(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to BGR. The function converts an input image from N...
void mapBackward(float u, float v, float &x, float &y)
int getMaxDisparity()
method for getting the disparity
Definition: matching.hpp:382
Definition: infer.hpp:189
Readonly, returns (const char *).
Definition: videoio.hpp:557
const std::vector< float > & getConfidences() const
Definition: onlineBoosting.hpp:231
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
std::deque< std::pair< uint64_t, uint32_t > > frame_list
Definition: container_avi.private.hpp:68
std::vector< float > scales
defines the scales considered to build the model
Definition: facemarkAAM.hpp:108
Definition: motion_stabilizing.hpp:117
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:193
Definition: extrapolation.hpp:171
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
Definition: videoio.hpp:165
struct CvCapture CvCapture
Definition: videoio.hpp:68
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:126
cv::Rect rect
Detected object ROI (zero area if N/A).
Definition: tracking_by_matching.hpp:28
Affine3< double > Affine3d
Definition: affine.hpp:291
indicates that right mouse button is released.
Definition: highgui.hpp:211
int PeakBitrate
NVVE_PEAK_BITRATE,.
Definition: cudacodec.hpp:90
OpenNI2 (for Asus Xtion and Occipital Structure sensors)
Definition: videoio.hpp:114
void create(int num_vertices)
Definition: util.hpp:89
Rect_ & operator=(const Rect_ &r)
Definition: reduce.hpp:293
indicates that right mouse button is double clicked.
Definition: highgui.hpp:214
__device__ __forceinline__ uchar1 max(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:785
static float16_t fromBits(ushort b)
Definition: cvdef.h:858
the desired accuracy or change in parameters at which the iterative algorithm stops
Definition: types.hpp:862
int cols
Definition: deriv.hpp:76
int hal_ni_cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
hal_cvtGraytoBGR5x5
Definition: hal_replacement.hpp:380
int getPatchIdxOfDetection(int detectionIdx)
Affine3()
Default constructor. It represents a 4x4 identity matrix.
LineSegmentDetectorModes
Variants of Line Segment Detector.
Definition: imgproc.hpp:478
bool operator==(const Border &b1, const Border &b2)
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
Definition: histogram.hpp:100
__device__ __forceinline__ uint vsetlt4(uint a, uint b)
Definition: simd_functions.hpp:691
GemmFlags
generalized matrix multiplication flags
Definition: base.hpp:220
int hashtableResize(hashtable_int *hashtbl, size_t size)
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1099
float learning_rate
learning_rate stores the learning rate in gradient boosting, also reffered as shrinkage.
Definition: face_alignment.hpp:27
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:331
Definition: dictionary.hpp:145
const T & inArg(int input)
Definition: goclkernel.hpp:59
flag is wrong or not supported
Definition: base.hpp:106
void setSensorErrorA(double val)
Definition: depth.hpp:405
UMatData::MemoryFlag flags
Definition: mat.hpp:562
void magnitude64f(const double *x, const double *y, double *dst, int n)
float strong_threshold
Definition: linemod.hpp:193
const float * warpMat
Definition: warping.hpp:112
bool waveCorrection() const
Definition: stitching.hpp:198
int pad_t
Definition: all_layers.hpp:252
void blockAgregation(const Mat &partialSums, int windowSize, Mat &cost)
The aggregation on the cost volume.
Definition: matching.hpp:462
bool isIntel() const
Definition: ocl.hpp:190
GFluidKernel(int w, Kind k, int l, bool scratch, const F &f, const IS &is, const RS &rs, const B &b)
Definition: gfluidkernel.hpp:73
Mersenne Twister random number generator.
Definition: core.hpp:2925
Definition: videoio.hpp:235
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data)
Definition: ie.hpp:85
int id
Definition: ar_hmdb.hpp:62
AffineBasedEstimator()
Definition: motion_estimators.hpp:124
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
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:214
Horizontal Binning - number of horizontal photo-sensitive cells to combine together.
Definition: videoio.hpp:360
use LU instead of SVD decomposition for solving. much faster but potentially less precise
Definition: calib3d.hpp:292
enable/ disable auto white-balance
Definition: videoio.hpp:175
std::vector< size_t > pads_end
Definition: all_layers.hpp:216
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:363
GCompileArgs compile_args(Ts &&... args)
Definition: gcommon.hpp:130
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).
float t[3]
Definition: warpers.hpp:135
v_reg< int, n > v_floor(const v_reg< _Tp, n > &a)
Floor elements.
Definition: intrin_cpp.hpp:516
void add8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
#define CV_8U
Definition: interface.h:73
const _Tp & operator[](int i) const
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:153
int channels() const
Returns the number of matrix channels.
Definition: mat.hpp:216
static cudaEvent_t getEvent(const Event &event)
SrcPtr src
Definition: interpolation.hpp:239
int minDistanceToBorder
Definition: aruco.hpp:164
virtual void setSmallerBlockSize(int blockSize)=0
Bayes classifier for normally distributed data.
Definition: ml.hpp:398
util::variant< cv::Mat *, cv::Scalar *, cv::UMat *, cv::gapi::own::Mat *, cv::gapi::own::Scalar *, cv::detail::VectorRef > GRunArgP
Definition: garg.hpp:110
ERStat * child
Definition: erfilter.hpp:104
Cascade Lake with AVX-512F/CD/BW/DQ/VL/VNNI.
Definition: cvdef.h:309
int maxIteration
Definition: rlofflow.hpp:137
Definition: bm3d_image_denoising.hpp:75
int index_type
Definition: deriv.hpp:332
#define CV_8S
Definition: interface.h:74
#define CV_OVERRIDE
Definition: cvdef.h:702
void detectCharucoDiamond(InputArray image, InputArrayOfArrays markerCorners, InputArray markerIds, float squareMarkerLengthRate, OutputArrayOfArrays diamondCorners, OutputArray diamondIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray())
Detect ChArUco Diamond markers.
virtual ~BFMatcher()
Definition: features2d.hpp:1118
Definition: imgproc.hpp:734
int rows
Definition: warping.hpp:127
static AsyncArray testAsyncException()
Definition: bindings_utils.hpp:32
virtual ~Pose3D()
Definition: pose_3d.hpp:123
GPU API call error.
Definition: base.hpp:117
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:152
Definition: interpolation.hpp:365
Impl * p
Definition: ocl.hpp:266
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
Image hash based on color moments.
Definition: color_moment_hash.hpp:20
int subsetOfs
Definition: ml.hpp:1191
Definition: all_layers.hpp:221
void cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
Parameters of StructuredLightPattern constructor.
Definition: graycodepattern.hpp:76
Matx34d p
Definition: msm_epfl.hpp:73
Ptr< UnscentedKalmanFilter > createAugmentedUnscentedKalmanFilter(const AugmentedUnscentedKalmanFilterParams ¶ms)
Augmented Unscented Kalman Filter factory method.
Device output data packing (or grouping) enabled. Packing could be enabled if output_data_bit_depth >...
Definition: videoio.hpp:387
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).
Definition: imgproc.hpp:771
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
softfloat sqrt(const softfloat &a)
Square root.
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
Definition: container_avi.private.hpp:135
std::vector< TrackedObject > trackedObjects
Definition: detection_based_tracker.hpp:205
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
double depth(InputArray R, InputArray t, InputArray X)
Returns the depth of a point transformed by a rigid transform.
Android - not used.
Definition: videoio.hpp:105
request can't be completed
Definition: base.hpp:104
Definition: gr_skig.hpp:70
void destroy(pointer p)
Definition: cvstd.hpp:136
No error.
Definition: llapi.h:33
const_pointer address(const_reference r)
Definition: cvstd.hpp:130
bool holds_alternative(const util::variant< Types... > &v) noexcept
Definition: variant.hpp:351
void setBlockSize(int val)
Definition: depth.hpp:373
int rows
Definition: deriv.hpp:256
Definition: descriptor.hpp:59
Scalar sum(InputArray src)
Calculates the sum of array elements.
RegKinds
Regularization kinds.
Definition: ml.hpp:1663
void createWeightMap(InputArray mask, float sharpness, InputOutputArray weight)
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:288
same as BORDER_REFLECT_101
Definition: base.hpp:277
IDetector()
Definition: detection_based_tracker.hpp:71
The class implements the Expectation Maximization algorithm.
Definition: ml.hpp:836
GArray(detail::GArrayU &&ref)
Definition: garray.hpp:281
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Definition: warpers.hpp:448
Impl * p
Definition: ocl.hpp:344
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:413
Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector.
Definition: objdetect.hpp:372
const float dampingFactor
Definition: pcaflow.hpp:102
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:573
Definition: imgproc.hpp:742
Definition: warpers.hpp:177
Definition: garray.hpp:62
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
Default is 1.
Definition: videoio.hpp:280
GStreamer.
Definition: videoio.hpp:116
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:578
unsigned int m_width
Definition: container_avi.private.hpp:129
int set(int i, const _Tp &value)
Definition: ocl.hpp:407
const T & unsafe_get() const
Definition: garg.hpp:74
Definition: msm_epfl.hpp:60
virtual bool isMaskSupported() const CV_OVERRIDE
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1120
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut_pairs(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:1925
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
Definition: imgproc.hpp:565
static std::string toUpperCase(const std::string &str)
Definition: cvstd.hpp:178
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracker.hpp:510
v_reg< _Tp, n > & operator*=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:421
Definition: imgproc.hpp:3650
Definition: transpose.hpp:87
set automatically when a value of the feature is set by the user.
Definition: videoio.hpp:205
SrcPtr src
Definition: deriv.hpp:106
uint64_t v
Definition: softfloat.hpp:362
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2096
virtual int getP1() const =0
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:95
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracker.hpp:668
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
Definition: tracking.hpp:262
Ncv32u y
Point Y.
Definition: NCV.hpp:203
Definition: all_layers.hpp:424
std::vector< uchar > pool
Definition: mat.hpp:2684
linear (triangular) shape
Definition: types.hpp:55
virtual const std::vector< float > & blurrinessRates() const
Definition: deblurring.hpp:81
double cornerRefinementMinAccuracy
Definition: aruco.hpp:169
float scale_lr
Definition: tracker.hpp:1525
Definition: wobble_suppression.hpp:113
float endPointX
Definition: descriptor.hpp:128
bool member_type
Definition: core.hpp:3185
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:3088
SrcPtr src
Definition: deriv.hpp:354
LSTM recurrent layer.
Definition: all_layers.hpp:90
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
void boxPoints(RotatedRect box, OutputArray points)
Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
Matx33d k
Definition: msm_middlebury.hpp:63
float result_type
Definition: vec_distance.hpp:93
void cvtBGRtoGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:140
convert between RGB/BGR and BGR565 (16-bit images)
Definition: imgproc.hpp:549
#define CV_MAKETYPE(depth, cn)
Definition: interface.h:85
std::vector< T > to_own(const cv::MatSize &sz)
Definition: convert.hpp:21
Gain in dB.
Definition: videoio.hpp:356
double y
Definition: facemarkLBF.hpp:105
pointer address(reference r)
Definition: cvstd.hpp:129
float template_size
Definition: tracker.hpp:1510
bool haveOpenVX()
Check if use of OpenVX is possible.
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:169
void train(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, const GPCTrainingParams params=GPCTrainingParams())
Definition: sparse_matching_gpc.hpp:264
WaveCorrectKind
Definition: motion_estimators.hpp:328
Definition: imgproc.hpp:436
DiffusivityType
Definition: features2d.hpp:672
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:524
static std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:212
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
int rows
Definition: extrapolation.hpp:66
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gkernel.hpp:36
int hal_ni_QR64f(double *src1, size_t src1_step, int m, int n, int k, double *src2, size_t src2_step, double *dst, int *info)
Definition: hal_replacement.hpp:655
UMat descriptors
Definition: matchers.hpp:63
int label
Definition: or_sun.hpp:62
~TrackerMILTargetState()
Destructor.
Definition: tracker.hpp:593
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:398
Definition: functional.hpp:172
Definition: imgproc.hpp:541
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2218
Yes a[2]
Definition: functional.hpp:890
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
Definition: calib3d.hpp:235
__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: utility.hpp:1205
GMat BayerGR2RGB(const GMat &src_gr)
Converts an image from BayerGR color space to RGB. The function converts an input image from BayerGR ...
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
static Matx all(double alpha)
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:93
::uint8_t uint8_t
Definition: cvdef.h:757
Specifies the delay in microseconds (us) to apply after the trigger reception before activating it.
Definition: videoio.hpp:451
Definition: objdetect.hpp:168
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
Automatically Allocated Buffer Class.
Definition: utility.hpp:124
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
int predictOptimalVectorWidth(InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray(), OclVectorStrategy strat=OCL_VECTOR_DEFAULT)
float localAdaptintegration_tau
Definition: retina.hpp:176
Definition: imgproc.hpp:703
virtual ~WarperCreator()
Definition: warpers.hpp:126
std::vector< cv::Point3d > CameraPos
Camera position on the sphere after duplicated points elimination.
Definition: cnn_3dobj.hpp:159
GNetPackage()
Definition: infer.hpp:202
Definition: warpers.hpp:597
pseudo error for back trace
Definition: base.hpp:70
Definition: vec_math.hpp:61
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
void cvtBGRtoHSV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV)
Debounce time (x * 10us).
Definition: videoio.hpp:423
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:373
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
LogTagAuto(const char *_name, LogLevel _level)
Definition: logger.hpp:51
Definition: rlofflow.hpp:33
std::vector< GMetaArg > GMetaArgs
Definition: gmetaarg.hpp:42
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Definition: imgproc.hpp:320
const B m_b
Definition: gfluidkernel.hpp:91
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
cv::Point2i p0
Definition: quasi_dense_stereo.hpp:29
Ptr< linemod::Detector > getDefaultLINEMOD()
Factory function for detector using LINE-MOD algorithm with color gradients and depth normals.
__host__ NCVStatus setStageThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:276
std::vector< GNetParam > networks
Definition: infer.hpp:205
Definition: variant.hpp:62
void operator()(const cv::Range &r) const CV_OVERRIDE
Definition: descriptor.hpp:385
Mat _eigenvectors
Definition: core.hpp:2610
Definition: stitching.hpp:167
static void write(FileStorage &fs, const String &name, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:1020
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:96
Types
SVM type
Definition: ml.hpp:618
std::vector< std::vector< Range > > sliceRanges
Vector of slice ranges.
Definition: all_layers.hpp:367
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)
least-median algorithm. 7-point algorithm is used.
Definition: calib3d.hpp:299
virtual ~WeakClassifierHaarFeature()
Definition: videoio.hpp:229
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.
Definition: imgproc.hpp:605
std::vector< int > parent
Definition: util.hpp:64
void create(const std::vector< int > &_dims, int _type)
Definition: mat.hpp:243
PlaneWarperGpu(float scale=1.f)
Definition: warpers.hpp:438
void createConcentricSpheresTestSet(int nsamples, int nfeatures, int nclasses, OutputArray samples, OutputArray responses)
Creates test set.
Definition: imgproc.hpp:677
Definition: imgproc.hpp:369
uchar * data
Definition: cuda.hpp:590
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:168
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2558
size_t freeList
Definition: mat.hpp:2683
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
int hal_ni_mul8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:239
static std::string toLowerCase(const std::string &str)
Definition: cvstd.hpp:171
virtual ~StrongClassifierDirectSelection()
Mat R
Definition: facemarkAAM.hpp:88
the ratio of the image is respected.
Definition: highgui.hpp:189
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
void calcNorm(InputArray src, OutputArray dst, int normType, InputArray mask=noArray(), Stream &stream=Stream::Null())
NULL pointer argument error.
Definition: NCV.hpp:358
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
Color Correction Matrix element [3][2].
Definition: videoio.hpp:417
int minusDelta
Definition: imgproc.hpp:4720
ArUco approach and refine the corners locations using corner subpixel accuracy.
Definition: aruco.hpp:83
float startPointX
Definition: descriptor.hpp:126
void estimateNewCameraMatrixForUndistortRectify(InputArray K, InputArray D, const Size &image_size, InputArray R, OutputArray P, double balance=0.0, const Size &new_size=Size(), double fov_scale=1.0)
Estimates new camera matrix for undistortion or rectification.
Class for matching keypoint descriptors.
Definition: types.hpp:808
Scalar(double v0)
Definition: scalar.hpp:24
Definition: gasync_context.hpp:30
float angle
Definition: types.hpp:773
int cvFloor(double value)
Rounds floating-point number to the nearest integer not larger than the original.
Definition: fast_math.hpp:231
void setFrameSource(Ptr< IFrameSource > val)
Definition: stabilizer.hpp:77
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:387
int firstEdge
Definition: imgproc.hpp:1216
void min32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
double _threshold
Definition: facerec.hpp:46
Ncv32f * pFU
forward horizontal displacement
Definition: NPP_staging.hpp:121
virtual void setMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:78
uint8_t * image[num_images]
Definition: descriptor.hpp:103
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:209
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
void setMaxDistDiff(float val)
Definition: depth.hpp:1064
Definition: calib3d.hpp:280
Color Correction Matrix element [1][2].
Definition: videoio.hpp:409
Definition: videoio.hpp:159
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: imgproc.hpp:651
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:72
SrcPtr src
Definition: remap.hpp:80
Definition: type_traits.hpp:78
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3097
Definition: reduce.hpp:299
void integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
double residual
Definition: pose_3d.hpp:125
int targetNum
Current number of targets in tracking-list.
Definition: tracker.hpp:1429
Matx< double, 1, 2 > Matx12d
Definition: matx.hpp:213
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
Definition: sparse_matching_gpc.hpp:275
PaniniPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:397
static void cv2eigen(const Mat &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst)
Definition: eigen.hpp:95
Point3_< double > Point3d
Definition: types.hpp:272
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)
softfloat exp(const softfloat &a)
Exponent.
File Storage Node class.
Definition: persistence.hpp:472
std::vector< std::string > imageNames
Definition: hpe_humaneva.hpp:68
Height of the frames in the video stream.
Definition: videoio.hpp:136
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:724
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:191
ConfidenceMap currentConfidenceMap
Definition: tracker.hpp:511
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2065
__host__ Expr< ReduceToRowBody< Reductor, SrcPtr > > reduceToRow_(const SrcPtr &src)
Definition: reduction.hpp:187
const Mat refinementMask() const
Definition: motion_estimators.hpp:136
src1 is unequal to src2.
Definition: base.hpp:216
void setValues(float mean, float sigma)
cv::gapi::own::Scalar & outValR(int output)
_Tp x
x coordinate of the point
Definition: types.hpp:186
#define CV_CUDEV_EXPR_CVTCOLOR_INST(name)
Definition: color.hpp:60
Mat & setTo(InputArray value, InputArray mask=noArray())
Sets all or some of the array elements to the specified value.
Definition: warpers.hpp:489
Definition: depth.hpp:504
QtFontStyles
Qt font style.
Definition: highgui.hpp:240
int hal_ni_cvtBGR5x5toGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
hal_cvtBGR5x5toGray
Definition: hal_replacement.hpp:369
Video reader interface.
Definition: cudacodec.hpp:291
float calc(const std::vector< Mat > &_hists, const Mat &_normSum, size_t y, int featComponent) const
Definition: feature.hpp:341
void reset()
Definition: utility.hpp:407
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
Definition: weighted_median_filter.hpp:70
virtual ~NCVVector()
Definition: NCV.hpp:577
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
MotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:123
std::string imageName
Definition: is_weizmann.hpp:62
float coeffObjectSpeedUsingInPrediction
Definition: detection_based_tracker.hpp:174
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
Vec3f lightPose
light pose for rendering in meters
Definition: kinfu.hpp:96
String padMode
Definition: all_layers.hpp:217
int pyramid_levels
Definition: linemod.hpp:397
value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
PredictResult(int label_=-1, double distance_=DBL_MAX)
Definition: predict_collector.hpp:89
char4 type
Definition: vec_traits.hpp:79
int tilt_ang
Definition: fr_adience.hpp:78
Definition: gr_skig.hpp:65
size_t size() const
returns the current buffer size
virtual ~ICP()
Definition: icp.hpp:100
_Tp dot(const Point_ &pt) const
dot product
float existingVertexGain
Definition: calib3d.hpp:1302
virtual void generateFeatures() CV_OVERRIDE
GMat LUV2BGR(const GMat &src)
Converts an image from LUV color space to BGR color space.
std::string label_name
Definition: core_detect.hpp:31
int img_idx
Definition: matchers.hpp:60
void setMaxDepthDiff(double val)
Definition: depth.hpp:660
Definition: cudaimgproc.hpp:160
int hal_ni_dftInit2D(cvhalDFT **context, int width, int height, int depth, int src_channels, int dst_channels, int flags, int nonzero_rows)
Definition: hal_replacement.hpp:537
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
int cols
Definition: cuda.hpp:320
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3272
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
detail::GArrayU strip() const
Definition: garray.hpp:284
vector< Point2d > gtbb
Definition: track_vot.hpp:65
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:1006
v_int32x4 v_reinterpret_as_s32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2118
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:941
void hashtableDestroy(hashtable_int *hashtbl)
const int sectionSizes[]
Definition: track_alov.hpp:71
Definition: allocator_stats.hpp:12
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:85
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, logical_not< T > > > operator!(const GpuMat_< T > &src)
Definition: unary_op.hpp:90
int minNeighbours
Definition: detection_based_tracker.hpp:117
Definition: goclkernel.hpp:188
Definition: interpolation.hpp:271
__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
Definition: videoio.hpp:496
bool parseAvi(frame_list &in_frame_list, Codecs codec_)
Definition: container_avi.private.hpp:90
int depth
Definition: gr_chalearn.hpp:78
__host__ SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelXPtr(const SrcPtr &src)
Definition: deriv.hpp:173
static void write(FileStorage &fs, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:949
float const_param_type
Definition: core.hpp:3240
Definition: cudacodec.hpp:77
bool normaliseOutput
Definition: retina.hpp:161
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false)
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
int width
Definition: tr_icdar.hpp:63
Ncv32u x
Point X.
Definition: NCV.hpp:202
bool hostUnifiedMemory() const
std::vector< Vec3i > triangles
each element contains 3 values, represent index of facemarks that construct one triangle (obtained us...
Definition: facemarkAAM.hpp:112
__host__ Expr< ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrY_(const SrcPtr &src)
Definition: deriv.hpp:108
std::vector< int > dims
Definition: gmat.hpp:72
virtual ~DPMDetector()
Definition: dpm.hpp:145
cv::Point pt1
The first point of the line segment.
Definition: render.hpp:80
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:810
Definition: opengl.hpp:479
int cols
Definition: extrapolation.hpp:66
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:564
int * refcount
Definition: cuda.hpp:591
Exhaustive Linearization for Robust Camera Pose and Focal Length Estimation .
Definition: calib3d.hpp:239
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1303
Definition: calib3d.hpp:340
CompressedRectilinearWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:334
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:619
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
String padMode
Definition: all_layers.hpp:255
int nneg
Definition: feature.hpp:192
Definition: warpers.hpp:364
LSBPCameraMotionCompensation
Definition: bgsegm.hpp:245
void setNumBands(int val)
Definition: blenders.hpp:133
int hal_ni_morphInit(cvhalFilter2D **context, int operation, int src_type, int dst_type, int max_width, int max_height, int kernel_type, uchar *kernel_data, size_t kernel_step, int kernel_width, int kernel_height, int anchor_x, int anchor_y, int borderType, const double borderValue[4], int iterations, bool allowSubmatrix, bool allowInplace)
hal_morphInit
Definition: hal_replacement.hpp:204
Definition: tracker.hpp:839
virtual void setUsePrefilter(bool factor)=0
static constexpr const char * tag()
Definition: infer.hpp:114
MatShape newShapeDesc
Definition: all_layers.hpp:299
__host__ LinearInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interLinear(const SrcPtr &src)
Definition: interpolation.hpp:140
For TIFF, use to specify the X direction DPI.
Definition: imgcodecs.hpp:96
internal error (bad state)
Definition: base.hpp:72
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)
Selects general purpose input.
Definition: videoio.hpp:338
Definition: calib3d.hpp:343
Mutex * mutex_
Definition: lock.private.hpp:109
CUDA kernel execution error.
Definition: NCV.hpp:357
Base class for a seam estimator.
Definition: seam_finders.hpp:58
Definition: dictionary.hpp:146
void calibrateHandEye(InputArrayOfArrays R_gripper2base, InputArrayOfArrays t_gripper2base, InputArrayOfArrays R_target2cam, InputArrayOfArrays t_target2cam, OutputArray R_cam2gripper, OutputArray t_cam2gripper, HandEyeCalibrationMethod method=CALIB_HAND_EYE_TSAI)
Computes Hand-Eye calibration: .
Class implementing EdgeBoxes algorithm from :
Definition: edgeboxes.hpp:67
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:91
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
float _sig0
Definition: onlineMIL.hpp:93
float k_rinv[9]
Definition: warpers.hpp:134
static int divUp(int a, unsigned int b)
Integer division with result round up.
Definition: utility.hpp:515
T work_type
Definition: reduce_to_vec.hpp:107
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:4718
Affine transformation based estimator.
Definition: motion_estimators.hpp:121
Definition: tracker.hpp:1482
Definition: omnidir.hpp:75
Definition: imgproc.hpp:553
int cols
Definition: interpolation.hpp:367
Weight of 63.
Definition: highgui.hpp:234
void validate() const
Definition: gcpukernel.hpp:150
int64 getCPUTickCount()
Returns the number of CPU ticks.
Match()
Definition: linemod.hpp:261
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)
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:977
void setMaxDepthDiff(double val)
Definition: depth.hpp:925
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:953
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2085
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:64
const typedef String & const_param_type
Definition: core.hpp:3208
Video writer interface.
Definition: cudacodec.hpp:175
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:72
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
void min16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
A class to upscale images via convolutional neural networks. The following four models are implemente...
Definition: dnn_superres.hpp:40
Texture-based strategy for the selective search segmentation algorithm The class is implemented from ...
Definition: segmentation.hpp:118
Definition: depth.hpp:511
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
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:298
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
Camera exposure program.
Definition: videoio.hpp:560
Definition: imgproc.hpp:679
Definition: imgproc.hpp:701
int decim
Decimation (0 stands for no decimation)
Definition: render.hpp:95
float size
Definition: descriptor.hpp:123
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
int object_id
Unique object identifier (-1 if N/A).
Definition: tracking_by_matching.hpp:31
void operator()(const cv::Range &r) const CV_OVERRIDE
Definition: descriptor.hpp:259
Definition: gcpukernel.hpp:122
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:216
Ptr< cuda::BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
Definition: imgproc.hpp:4202
T * operator->()
Definition: optional.hpp:109
int64 getTimeTicks() const
Definition: utility.hpp:367
int n_bins
Definition: descriptor.hpp:707
Automatic bandwidth calculation.
Definition: videoio.hpp:474
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:978
Definition: tracker.hpp:1103
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
Ncv8u x
Definition: NCV.hpp:139
virtual int getThreshold() const
Definition: features2d.hpp:297
Exposure compensator which tries to remove exposure related artifacts by adjusting image blocks.
Definition: exposure_compensate.hpp:158
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:104
void div8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:62
4-connected line
Definition: imgproc.hpp:803
Impl * p
Definition: ocl.hpp:233
float searchWinSize
size of search window
Definition: tracker.hpp:788
void mapBackward(float u, float v, float &x, float &y)
Ptr< ImgHashImpl > pImpl
Definition: img_hash_base.hpp:39
void setUpdateGain(bool b)
Definition: exposure_compensate.hpp:90
Affine3 inv(int method=cv::DECOMP_SVD) const
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:341
int index_type
Definition: mask.hpp:60
Definition: imgproc.hpp:615
GBackend lookup() const
Find a kernel (by its API)
Definition: gkernel.hpp:463
CensusKernel()
Definition: descriptor.hpp:175
T & get(util::variant< Types... > &v)
Definition: variant.hpp:325
GMat cmpLT(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are less t...
Callback with the character classifier is made a class.
Definition: ocr.hpp:406
This is used store and set up the parameters of the robust local optical flow (RLOF) algoritm.
Definition: rlofflow.hpp:62
Data container for the facemark::getData function.
Definition: facemarkAAM.hpp:98
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: gcpukernel.hpp:98
Point2f pt
coordinates of the keypoints
Definition: types.hpp:771
Definition: descriptor.hpp:65
__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
In pixels.
Definition: videoio.hpp:228
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.
void findMaxSpanningTree(int num_images, const std::vector< MatchesInfo > &pairwise_matches, Graph &span_tree, std::vector< int > ¢ers)
Set default Color Correction Matrix.
Definition: videoio.hpp:419
void replaceWeakClassifier(int index)
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
void getShift(OutputArray shift) const
Definition: mapaffine.hpp:100
float getSquareLength() const
Definition: charuco.hpp:111
Definition: variant.hpp:25
void compose_motion(InputArray _om1, InputArray _T1, InputArray _om2, InputArray _T2, Mat &om3, Mat &T3, Mat &dom3dom1, Mat &dom3dT1, Mat &dom3dom2, Mat &dom3dT2, Mat &dT3dom1, Mat &dT3dT1, Mat &dT3dom2, Mat &dT3dT2)
bool NcvBool
Definition: NCV.hpp:118
auto make_default() -> decltype(T
Definition: gtyped.hpp:39
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:77
ptrdiff_t difference_type
Definition: cvstd.hpp:119
imageType type
Definition: slam_tumindoor.hpp:71
If set, do not rotate the image according to EXIF's orientation flag.
Definition: imgcodecs.hpp:77
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
void cmp16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
Wolf's technique. See .
Definition: ximgproc.hpp:121
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
void modifiedCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type, int t=0, const cv::Mat &IntegralImage1=cv::Mat::zeros(100, 100, CV_8UC1), const cv::Mat &IntegralImage2=cv::Mat::zeros(100, 100, CV_8UC1))
Rgb24.
Definition: videoio.hpp:319
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
Definition: is_weizmann.hpp:60
__host__ size_t stepT() const
returns step()/sizeof(T)
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: tracker.hpp:1512
Definition: imgproc.hpp:782
_Tp * ptr
pointer to the real buffer, can point to buf if the buffer is small enough
Definition: utility.hpp:170
draw coordinate system crosses for debugging
Definition: ovis.hpp:26
Matrix read-only iterator.
Definition: mat.hpp:3079
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: 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...
double getConfidence()
Definition: matching.hpp:404
__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 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)
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
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:155
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
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:85
virtual int getSpeckleWindowSize() const =0
const F m_f
Definition: gfluidkernel.hpp:88
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
src1 is greater than src2.
Definition: base.hpp:212
Definition: or_imagenet.hpp:66
int cols
Definition: glob.hpp:87
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2560
int refcount
Definition: mat.hpp:557
Definition: deriv.hpp:254
Definition: imgproc.hpp:538
void randShuffle(InputOutputArray dst, double iterFactor=1., RNG *rng=0)
Shuffles the array elements randomly.
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:528
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
Affine warper that uses rotations and translations.
Definition: warpers.hpp:213
Demosaicing.
Definition: imgproc.hpp:737
#define CV_BIG_INT(n)
Definition: interface.h:63
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:1104
void recip8u(const uchar *, size_t, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
static const constexpr std::size_t value
Definition: variant.hpp:28
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
virtual ~VideoWriter()
Definition: cudacodec.hpp:178
Definition: videoio.hpp:156
SolverType solverType
Definition: rlofflow.hpp:81
Definition: vec_distance.hpp:122
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
store as HALF (FP16)
Definition: imgcodecs.hpp:104
int crossSegmentationThreshold
Definition: rlofflow.hpp:110
int max_patch_size
threshold for the ROI size
Definition: tracker.hpp:1254
RotateFlags
Definition: core.hpp:1060
Each pixel is a 16-bit integer. The value indicates the intensity of the reflected laser beam.
Definition: videoio.hpp:536
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:251
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:182
MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracker.hpp:1221
#define CV_CONSTEXPR
Definition: cvdef.h:723
Definition: sparse_matching_gpc.hpp:308
cv::GArrayDesc descr_of() const
Definition: garray.hpp:248
double density_th
Definition: descriptor.hpp:706
Definition: cudaimgproc.hpp:160
Definition: imgproc.hpp:638
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
__host__ void gridFindMinMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:174
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:534
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
LineIterator & operator++()
prefix increment operator (++it). shifts iterator to the next pixel
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:300
Point3_< int > Point3i
Definition: types.hpp:270
Definition: cudacodec.hpp:245
Ptr< flann::IndexParams > indexParams
Definition: features2d.hpp:1186
Ptr< TrackerModel > model
Definition: tracker.hpp:561
virtual void setMotionModel(MotionModel val)
Sets motion model.
Definition: global_motion.hpp:106
Definition: feature.hpp:199
Software.
Definition: videoio.hpp:304
Mat S
Definition: facemarkAAM.hpp:143
Format of the Mat objects returned by VideoCapture::retrieve().
Definition: videoio.hpp:140
void mul16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
ICP(const int iterations, const float tolerence=0.05f, const float rejectionScale=2.5f, const int numLevels=6, const int sampleType=ICP::ICP_SAMPLING_TYPE_UNIFORM, const int numMaxCorr=1)
ICP constructor with default arguments.
Definition: icp.hpp:117
Rect boundingRect(InputArray array)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
Definition: gfluidkernel.hpp:259
int maxLevel_
Definition: optical_flow.hpp:93
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:113
bool operator==(const GScalarDesc &) const
Definition: gscalar.hpp:59
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...
void setMaxDisparity(int val)
method for setting the maximum disparity
Definition: matching.hpp:376
Definition: cap_winrt.hpp:40
Definition: deblurring.hpp:90
#define CV_CUDEV_EXPR_UNOP_INST(op, functor)
Definition: unary_op.hpp:63
int size
subset size
Definition: motion_core.hpp:75
Definition: type_traits.hpp:91
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
int maxCatCount
Definition: feature.hpp:152
void setFlags(FLAGS modeFlags)
Definition: imgproc.hpp:766
Definition: slam_kitti.hpp:74
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:133
Ptr< WindowScene > createWindow(const String &title, const Size &size, int flags=SCENE_INTERACTIVE|SCENE_AA)
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:412
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
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracker.hpp:392
int depth
Definition: or_pascal.hpp:84
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
R expand_mat(InputArray src, int TYPE_DEFAULT=EXPANDED_MAT_DEFAULT_TYPE)
Definition: quality_utils.hpp:37
Definition: cudaimgproc.hpp:159
int hal_ni_add8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:77
std::vector< Mat > LinearMemories
Definition: linemod.hpp:404
bool isAMD() const
Definition: ocl.hpp:189
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
Readonly, returns (const char *).
Definition: videoio.hpp:553
Definition: dictionary.hpp:155
int lt
The Type of the line. See LineTypes.
Definition: render.hpp:84
Definition: warpers.hpp:373
void addSamplesDataSearchPath(const cv::String &path)
Override search data path by adding new search location.
std::function< void(VectorRef &)> ConstructVec
Definition: garray.hpp:59
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:668
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:65
int cols
Definition: warping.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.
void setConfidence(double val)
setter for the confidence check
Definition: matching.hpp:398
short i
Definition: cvdef.h:333
static Ptr< ParamGrid > getDefaultGridPtr(int param_id)
Generates a grid for SVM parameters.
void solvePnPRansac(const Mat &object, const Mat &image, const Mat &camera_mat, const Mat &dist_coef, Mat &rvec, Mat &tvec, bool use_extrinsic_guess=false, int num_iters=100, float max_dist=8.0, int min_inlier_count=100, std::vector< int > *inliers=NULL)
Finds the object pose from 3D-2D point correspondences.
NcvBool bNeedsTiltedII
Definition: NCVHaarObjectDetection.hpp:340
__host__ Expr< BinaryTransformPtrSz< typename PtrTraits< SrcPtr1 >::ptr_type, typename PtrTraits< SrcPtr2 >::ptr_type, maximum< typename LargerType< typename PtrTraits< SrcPtr1 >::value_type, typename PtrTraits< SrcPtr2 >::value_type >::type > > > max_(const SrcPtr1 &src1, const SrcPtr2 &src2)
Definition: per_element_func.hpp:73
softfloat setFrac(const softfloat &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:196
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
F m_f
Definition: goclkernel.hpp:94
void add32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
void Median9x1Filter(const Mat &originalImage, Mat &filteredImage)
9x1 median filter
Definition: matching.hpp:588
MarrHildrethHash()
Definition: marr_hildreth_hash.hpp:45
const std::vector< float > & getWeights() const
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
Definition: omnidir.hpp:58
void getRandomPose(Matx44d &Pose)
ErrorTypes
Error types
Definition: ml.hpp:89
__host__ __device__ BinaryTupleAdapter< Op, n0, n1 > binaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:92
Allocator * allocator
allocator
Definition: cuda.hpp:337
int elemSize
Definition: imgproc.hpp:4718
int hal_ni_FAST(const uchar *src_data, size_t src_step, int width, int height, uchar *keypoints_data, size_t *keypoints_count, int threshold, bool nonmax_suppression, int type)
Detects corners using the FAST algorithm.
Definition: hal_replacement.hpp:97
Size & operator=(const cv::Size &rhs)
Definition: types.hpp:95
int x
Definition: linemod.hpp:282
void GradientDericheX(InputArray op, OutputArray dst, double alpha, double omega)
Applies X Deriche filter to an image.
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:68
#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.
Definition: onlineBoosting.hpp:151
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:2689
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:233
String className
Definition: tracker.hpp:436
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
Definition: functional.hpp:252
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)
Definition: is_weizmann.hpp:68
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
Definition: type_traits.hpp:140
float index_type
Definition: interpolation.hpp:297
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:579
EdgeAwareFiltersList
Definition: edge_filter.hpp:51
MatExpr operator/(const Mat &a, const Mat &b)
virtual ~IImageDescriptor()
Definition: tracking_by_matching.hpp:93
std::string tag() const
Definition: ie.hpp:93
function arg/param is bad
Definition: base.hpp:74
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_RLE.
Definition: imgcodecs.hpp:89
Last image black level counts. Can be used for Offline processing to recall it.
Definition: videoio.hpp:471
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/8.
Definition: imgcodecs.hpp:76
typename GTypeOf< T >::type g_type_of_t
Definition: gtype_traits.hpp:102
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:4689
Definition: goclkernel.hpp:119
Definition: calib3d.hpp:3040
Definition: depth.hpp:1019
Current format of pixels on transport layer.
Definition: videoio.hpp:438
void createDirectory(const std::string &path)
void setMaxPointsPart(double val)
Definition: depth.hpp:684
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:642
void accumulate(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds an image to the accumulator image.
void cvt32f16f(const float *src, float16_t *dst, int len)
Definition: imgproc.hpp:744
static std::ostream & operator<<(std::ostream &out, const MatShape &shape)
Definition: shape_utils.hpp:192
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
ordered variables
Definition: ml.hpp:84
Memory residence error detected (check if pointers should be device or pinned)
Definition: NCV.hpp:369
void undistortImage(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray Knew=cv::noArray(), const Size &new_size=Size())
Transforms an image to compensate for fisheye lens distortion.
Definition: hpe_humaneva.hpp:60
Definition: imgproc.hpp:772
const std::vector< Rect > & getAreas() const
MapPtr map
Definition: remap.hpp:66
GScalar yieldScalar(int output=0)
virtual void setHostDirty()=0
Indicate that an actual data is on CPU.
void FastHoughTransform(InputArray src, OutputArray dst, int dstMatDepth, int angleRange=ARO_315_135, int op=FHT_ADD, int makeSkew=HDO_DESKEW)
Calculates 2D Fast Hough transform of an image.
int getT(int pyramid_level) const
Get sampling step T at pyramid_level.
Definition: linemod.hpp:364
Point3_ cross(const Point3_ &pt) const
cross product of the 2 3D points
InputOutputArray InputOutputArrayOfArrays
Definition: mat.hpp:442
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:71
Selects Region in Multiple ROI which parameters are set by width, height, ... ,region mode.
Definition: videoio.hpp:381
Counter status.
Definition: videoio.hpp:444
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:1054
float localAdaptintegration_k
Definition: retina.hpp:176
softdouble()
Default constructor.
Definition: softfloat.hpp:230
softfloat min(const softfloat &a, const softfloat &b)
Min and Max functions.
Definition: softfloat.hpp:437
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
GMat select(const GMat &src1, const GMat &src2, const GMat &mask)
Select values from either first or second of input matrices by given mask. The function set to the ou...
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
int hal_ni_absdiff64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:136
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:397
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
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:3698
bool inversed
Definition: ml.hpp:1180
DecompTypes
matrix decomposition types
Definition: base.hpp:133
Mono16.
Definition: videoio.hpp:316
bool normVariance
Definition: all_layers.hpp:289
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:1866
__device__ static __forceinline__ uint laneId()
Definition: warp.hpp:64
int y
Definition: fr_adience.hpp:75
v_uint16x8 v_reinterpret_as_u16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2115
double Wx
Definition: gr_chalearn.hpp:67
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:341
__device__ __forceinline__ uint vavrg4(uint a, uint b)
Definition: simd_functions.hpp:589
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:234
If set, always convert image to the single channel grayscale image (codec internal conversion).
Definition: imgcodecs.hpp:66
Complex()
default constructor
Image hash based on Radon transform.
Definition: radial_variance_hash.hpp:21
Control the index (offset) of the coefficient to access in the LUT.
Definition: videoio.hpp:449
Hue of the image (only for cameras).
Definition: videoio.hpp:145
Brute-force descriptor matcher.
Definition: features2d.hpp:1109
size_t numVotes
Definition: pose_3d.hpp:178
Mat errorCovPre
priori error estimate covariance matrix (P'(k)): P'(k)=A*P(k-1)*At + Q)*/
Definition: tracking.hpp:400
FeatherBlender(float sharpness=0.02f)
Definition: blenders.hpp:123
__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:142
Template Read-Only Sparse Matrix Iterator Class.
Definition: mat.hpp:3268
cv::String m_funName
Definition: utility.hpp:1200
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:56
Definition: imgproc.hpp:633
const ImageFeatures * features_
Definition: motion_estimators.hpp:202
Definition: tr_icdar.hpp:66
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
size_t idx
Definition: persistence.hpp:675
void setMaxRotation(double val)
Definition: depth.hpp:708
int lt
The type of the line. See LineTypes.
Definition: render.hpp:58
Definition: facerec.hpp:89
__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
Selects which test pattern type is generated by the selected generator.
Definition: videoio.hpp:367
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
Definition: render.hpp:78
ModifiedCsCensus(uint8_t **images, int ker)
Definition: descriptor.hpp:148
FastMarchingMethod()
Definition: fast_marching.hpp:66
void setClip(const Vec2d &clip)
Definition: types.hpp:211
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
double confidence
Detection confidence level (-1 if N/A).
Definition: tracking_by_matching.hpp:29
frame_list & getFrames()
Definition: container_avi.private.hpp:92
Represents an arbitrary compilation argument.
Definition: gcommon.hpp:97
int cols
Definition: texture.hpp:207
Definition: imgproc.hpp:750
int freeQEdge
Definition: imgproc.hpp:1235
Definition: frame_source.hpp:57
void setMatchingMask(const cv::UMat &mask)
Definition: stitching.hpp:218
uchar const_param_type
Definition: core.hpp:3264
Definition: imgproc.hpp:514
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:70
Camera sensor board temperature.
Definition: videoio.hpp:395
Definition: warpers.hpp:421
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1)
Calculates the weighted sum of two arrays.
Comma-separated Vec Initializer.
Definition: matx.hpp:461
void projectPoints(InputArray objectPoints, OutputArray imagePoints, const Affine3d &affine, InputArray K, InputArray D, double alpha=0, OutputArray jacobian=noArray())
Projects points using fisheye model.
void write(FileStorage &fs, const float &value)
Definition: persistence.hpp:886
Definition: all_layers.hpp:227
GMatDesc asInterleaved() const
Definition: gmat.hpp:195
v_float64x2 v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2120
double & operator[](int i)
Definition: scalar.hpp:31
bool operator==(const RNG &other) const
void averageHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Calculates img_hash::AverageHash in one call.
int classID
Definition: dpm.hpp:114
int Presets
NVVE_PRESETS,.
Definition: cudacodec.hpp:100
double getMaxRotation() const
Definition: depth.hpp:827
Definition: ar_hmdb.hpp:60
int index_type
Definition: deriv.hpp:104
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
Definition: imgproc.hpp:450
OPLandIplParvoParameters OPLandIplParvo
Definition: retina.hpp:178
Rotation-only model image warper interface.
Definition: warpers.hpp:59
The vertical size of the bounding box.
Definition: imgproc.hpp:395
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
UMat resultMask() const
Definition: stitching.hpp:291
Template class for a 4-element vector derived from Vec.
Definition: types.hpp:636
void setExposureCompensator(Ptr< detail::ExposureCompensator > exposure_comp)
Definition: stitching.hpp:240
Buffer size in bytes sufficient for output image returned by xiGetImage.
Definition: videoio.hpp:437
Definition: variant.hpp:47
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:937
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:55
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
void Median1x9Filter(const Mat &originalImage, Mat &filteredImage)
Definition: matching.hpp:580
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:354
~Node()
Definition: utility.hpp:1097
Definition: calib3d.hpp:291
std::vector< size_t > pads_end
Definition: all_layers.hpp:250
void FT12D_createPolynomMatrixHorizontal(int radius, OutputArray matrix, const int chn)
Creates horizontal matrix for -transform computation.
all_satisfy< is_meta_descr, Ts... > are_meta_descrs
Definition: gmetaarg.hpp:57
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
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:1160
const float claheClip
Definition: pcaflow.hpp:103
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
float minConvexity
Definition: features2d.hpp:647
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
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
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:933
MatIterator_< _Tp > it
Definition: mat.hpp:520
Definition: container_avi.private.hpp:135
Definition: global_motion.hpp:198
void setWindowSize(int val)
Definition: depth.hpp:144
UMat * m
Definition: ocl.hpp:380
__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
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)
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
NCVStatus memSegCopyHelper(void *dst, NCVMemoryType dstType, const void *src, NCVMemoryType srcType, size_t sz, cudaStream_t cuStream)
Definition: imgproc.hpp:481
Mat_ clone() const CV_NODISCARD
__device__ __forceinline__ double4 acos(const double4 &a)
Definition: vec_math.hpp:328
int id
Definition: track_vot.hpp:63
Definition: imgproc.hpp:724
virtual ~BaseOCR()
Definition: ocr.hpp:95
Definition: imgproc.hpp:694
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
Camera housing temperature.
Definition: videoio.hpp:393
size_t length() const
Definition: NCV.hpp:614
ColorInpainter(int method=INPAINT_TELEA, double radius=2.)
Definition: inpainting.hpp:196
__host__ __device__ __forceinline__ int divUp(int total, int grain)
Definition: common.hpp:80
Ptr< Stitcher > createStitcherScans(bool try_use_gpu=false)
cv::Size getMinObjectSize() const
Definition: detection_based_tracker.hpp:88
void setExceptionMode(bool enable)
Definition: videoio.hpp:789
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
void compute(const std::vector< cv::Mat > &mats, std::vector< cv::Mat > &descrs) override
Computes images descriptors.
Definition: tracking_by_matching.hpp:135
uint64 saturate_cast< uint64 >(schar v)
Definition: saturate.hpp:154
std::map< int, String > _labelsInfo
Definition: face.hpp:371
std::tuple< GMat, GMat > GMat2
Definition: imgproc.hpp:30
virtual void setSpekleRemovalTechnique(int factor)=0
Impl * p
Definition: async.hpp:99
Use Navier-Stokes based method.
Definition: photo.hpp:96
static const constexpr bool is_same
Definition: variant.hpp:27
Definition: infer.hpp:120
AutoBuffer()
the default constructor
illuminationType illumination
Definition: gr_skig.hpp:100
Definition: track_vot.hpp:61
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: ie.hpp:77
int iterationNum
number of selection rounds
Definition: tracker.hpp:906
Selects general purpose output.
Definition: videoio.hpp:341
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:1237
TrackerSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracker.hpp:829
void Rodrigues(InputArray src, OutputArray dst, OutputArray jacobian=noArray())
Converts a rotation matrix to a rotation vector or vice versa.
formats of input/output arrays differ
Definition: base.hpp:105
Definition: onlineBoosting.hpp:195
int p3
Definition: feature.hpp:324
virtual int getSpekleRemovalTechnique() const =0
int nbrOfPeriods
Definition: sinusoidalpattern.hpp:87
__device__ __forceinline__ float1 sqrt(const uchar1 &a)
Definition: vec_math.hpp:222
static void read(const FileNode &node, Matx< _Tp, m, n > &value, const Matx< _Tp, m, n > &default_matx=Matx< _Tp, m, n >())
Definition: persistence.hpp:757
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:97
Ice Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI/VBMI2/BITALG/VPOPCNTDQ.
Definition: cvdef.h:310
Definition: fast_hough_transform.hpp:71
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
Rotate 180 degrees clockwise.
Definition: core.hpp:1062
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, InputOutputArray K, InputOutputArray xi, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags, TermCriteria criteria, OutputArray idx=noArray())
Perform omnidirectional camera calibration, the default depth of outputs is CV_64F.
void dft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.
Definition: call_meta_data.hpp:8
GMatDesc withSizeDelta(cv::Size delta) const
Definition: gmat.hpp:117
float pca_learning_rate
compression learning rate
Definition: tracker.hpp:1249
unknown /unspecified error
Definition: base.hpp:71
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
bool getFacesHAAR(InputArray image, OutputArray faces, const String &face_cascade_name)
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: ir_robot.hpp:70
Definition: features2d.hpp:514
GpuMat & setTo(Scalar s)
sets some of the GpuMat elements to s (Blocking call)
Definition: core.hpp:2635
Definition: features2d.hpp:454
bool globalPooling
Definition: all_layers.hpp:253
uint8_t * image[num_images]
Definition: descriptor.hpp:144
Ptr< BackgroundSubtractorCNT > createBackgroundSubtractorCNT(int minPixelStability=15, bool useHistory=true, int maxPixelStability=15 *60, bool isParallel=true)
Creates a CNT Background Subtractor.
const typedef Scalar & const_param_type
Definition: core.hpp:3272
pHash
Definition: phash.hpp:22
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
#define CV_CUDEV_YUV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:119
Ptr< EdgeBoxes > createEdgeBoxes(float alpha=0.65f, float beta=0.75f, float eta=1, float minScore=0.01f, int maxBoxes=10000, float edgeMinMag=0.1f, float edgeMergeThr=0.5f, float clusterMinMag=0.5f, float maxAspectRatio=3, float minBoxArea=1000, float gamma=2, float kappa=1.5f)
Creates a Edgeboxes.
Sensor clock frequency in Hz.
Definition: videoio.hpp:439
Each pixel is a 16-bit integer. The value indicates the distance from an object to the camera's XY pl...
Definition: videoio.hpp:534
Definition: ir_robot.hpp:65
const Vec2d & getFocalLength() const
Definition: types.hpp:220
void absdiff32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
ParallelLoopBodyLambdaWrapper(std::function< void(const Range &)> functor)
Definition: utility.hpp:586
unsigned right
Definition: sparse_matching_gpc.hpp:169
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:112
std::string nameUser
Definition: gr_chalearn.hpp:77
Definition: imgcodecs.hpp:128
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)
MatStep step
Definition: mat.hpp:2109
GComputation class represents a captured computation graph. GComputation objects form boundaries for ...
Definition: gcomputation.hpp:108
Rotate 90 degrees clockwise.
Definition: core.hpp:1061
void findContours(InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
Definition: imgproc.hpp:709
Definition: goclkernel.hpp:82
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:815
int numOfOctave_
Definition: descriptor.hpp:193
This is for calculation of the LSBP descriptors.
Definition: bgsegm.hpp:276
Definition: gfluidkernel.hpp:136
double class_prob
Definition: core_detect.hpp:32
int doubleFPConfig() const
Definition: calib3d.hpp:272
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
void reset()
Definition: garray.hpp:228
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 .
each pixel position is either R, G or B in a random choice
Definition: retina.hpp:84
Definition: imgproc.hpp:761
the Boosting tracker
Definition: tracker.hpp:1100
int width
width of the rectangle
Definition: types.hpp:50
virtual ~Function()
Definition: optim.hpp:66
void write(FileStorage) const
Definition: feature.hpp:230
Definition: videoio.hpp:160
Definition: objdetect.hpp:171
Mat _eigenvalues
Definition: core.hpp:2611
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...
Definition: imgproc.hpp:725
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:292
SelectIf< type_traits_detail::IsSimpleParameter< unqualified_type >::value, T, typename type_traits_detail::AddParameterType< T >::type >::type parameter_type
Definition: type_traits.hpp:150
Definition: imgproc.hpp:571
float trimRatio() const
Definition: stabilizer.hpp:90
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
Definition: intrin.hpp:139
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:369
OCRHolisticWordRecognizer class provides the functionallity of segmented wordspotting....
Definition: ocr.hpp:542
Definition: imgproc.hpp:632
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:2097
void sub16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2253
Definition: limits.hpp:58
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
bool isInit
Definition: tracker.hpp:557
std::tuple< Args... > InArgs
Definition: infer.hpp:66
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:369
Definition: stereo.hpp:119
indicates that the left mouse button is pressed.
Definition: highgui.hpp:207
Types
Definition: ml.hpp:1350
Definition: reduction.hpp:108
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:116
int Lcc
Quantized levels per 'color co-occurrence' component. Power of two, typically 16, 32 or 64.
Definition: cudalegacy.hpp:161
Automatic exposure/gain.
Definition: videoio.hpp:347
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
Color Correction Matrix element [1][3].
Definition: videoio.hpp:410
The FLANN nearest neighbor index class. This class is templated with the type of elements for which t...
Definition: flann.hpp:160
void matchTemplate(InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
Compares a template against overlapped image regions.
void write(FileStorage &fs, const int &value)
Definition: persistence.hpp:880
2 out of 16 decimation
Definition: videoio.hpp:311
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:1156
uchar * value_type
Definition: mat.hpp:3017
double rhs
Bias term of the hyperplane.
Definition: sparse_matching_gpc.hpp:167
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
Definition: cudacodec.hpp:247
Definition: gkernel.hpp:50
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:194
Mat preProcessedFrame_
Definition: stabilizer.hpp:130
_Mutex Mutex
Definition: lock.private.hpp:47
const std::vector< Mat > * motions_
Definition: inpainting.hpp:97
__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:289
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:207
#define OPENCV_HAL_IMPL_ARITHM_OP(func, bin_op, cast_op, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:705
Definition: functional.hpp:352
std::function< void(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)> IS
Definition: gfluidkernel.hpp:60
Ncv32f * ppBuffers[6]
temporary buffers
Definition: NPP_staging.hpp:126
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
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:237
bool isIntegral
Definition: feature.hpp:213
const float retainedCornersFraction
Definition: pcaflow.hpp:100
std::tuple< R... > OutArgs
Definition: gkernel.hpp:197
__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:545
void addResourceLocation(const String &path)
bool avePoolPaddedArea
Definition: all_layers.hpp:260
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
Definition: imgproc.hpp:606
NormTypes
Definition: base.hpp:159
float b
Definition: warpers.hpp:345
CpuFeatures
Available CPU features.
Definition: cvdef.h:266
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:1572
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: highgui.hpp:697
Sensor output data bit depth.
Definition: videoio.hpp:384
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.
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
T type
Definition: garray.hpp:266
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
unsigned long oversampling_amount
oversampling_amount stores number of initialisations used to create training samples.
Definition: face_alignment.hpp:29
bool is_obj_without_holes
If TRUE we ignore holes within foreground blobs. Defaults to TRUE.
Definition: cudalegacy.hpp:166
int urefcount
Definition: mat.hpp:556
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:465
Definition: imgproc.hpp:592
indicates that ALT Key is pressed.
Definition: highgui.hpp:227
int hal_ni_filterInit(cvhalFilter2D **context, uchar *kernel_data, size_t kernel_step, int kernel_type, int kernel_width, int kernel_height, int max_width, int max_height, int src_type, int dst_type, int borderType, double delta, int anchor_x, int anchor_y, bool allowSubmatrix, bool allowInplace)
hal_filterInit
Definition: hal_replacement.hpp:106
GMat cmpLE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are less o...
Op::result_type result_type
Definition: tuple_adapter.hpp:80
Definition: imgproc.hpp:234
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: wobble_suppression.hpp:85
furnishes all functionalities for querying a dataset provided by user or internal to class (that user...
Definition: descriptor.hpp:815
void setMaxDepth(double val)
Definition: depth.hpp:917
Definition: facemarkAAM.hpp:50
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:431
Definition: tracker.hpp:1187
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.
Definition: intrin_cpp.hpp:411
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:2754
cv::String join(const cv::String &base, const cv::String &path)
Robot Sensor Calibration: Solving AX = XB on the Euclidean Group .
Definition: calib3d.hpp:306
std::vector< size_t > strides
Definition: all_layers.hpp:215
static int getNextId()
Definition: detection_based_tracker.hpp:197
This class represents color in BGR order.
Definition: types.hpp:63
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
NCVStatus nppsStCompact_32f(Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
Definition: warpers.hpp:521
__device__ __forceinline__ double4 asin(const double4 &a)
Definition: vec_math.hpp:319
int preferredVectorWidthDouble() const
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.
Sharpness Strength.
Definition: videoio.hpp:402
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:897
Impl * p
Definition: ocl.hpp:575
_Tp value_type
Definition: mat.hpp:3082
Definition: or_mnist.hpp:66
Definition: optical_flow.hpp:180
unsigned long long Ncv64u
Definition: NCV.hpp:124
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
virtual int getSmallerBlockSize() const =0
Definition: imgproc.hpp:4204
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
void stereoRectify(InputArray R, InputArray T, OutputArray R1, OutputArray R2)
Stereo rectification for omnidirectional camera model. It computes the rectification rotations for tw...
Pop up video/camera filter dialog (note: only supported by DSHOW backend currently....
Definition: videoio.hpp:168
Definition: opengl.hpp:487
void v_store_aligned_nocache(_Tp *ptr, const v_reg< _Tp, n > &a)
Definition: intrin_cpp.hpp:1651
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
void fourierDescriptor(InputArray src, OutputArray dst, int nbElt=-1, int nbFD=-1)
Fourier descriptors for planed closed curves.
Definition: render.hpp:111
MatAllocator * getOpenCLAllocator()
void abs(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an absolute value of each matrix element.
Vertical sub-sampling of the image.
Definition: videoio.hpp:293
Objectness algorithms based on [3] [3] Cheng, Ming-Ming, et al. "BING: Binarized normed gradients for...
Definition: saliencySpecializedClasses.hpp:291
double nu30
Definition: types.hpp:951
void applyChannelGains(InputArray src, OutputArray dst, float gainB, float gainG, float gainR)
Implements an efficient fixed-point approximation for applying channel gains, which is the last step ...
This class represents high-level API for classification models.
Definition: dnn.hpp:1086
int err
Definition: imgproc.hpp:4719
processing in one step
Definition: types.hpp:61
Definition: imgproc.hpp:738
Definition: calib3d.hpp:273
void calcOpticalFlowSparseToDense(InputArray from, InputArray to, OutputArray flow, int grid_step=8, int k=128, float sigma=0.05f, bool use_post_proc=true, float fgs_lambda=500.0f, float fgs_sigma=1.5f)
Fast dense optical flow based on PyrLK sparse matches interpolation.
G_TYPED_KERNEL(GAdd,< GMat(GMat, GMat, int)>, "org.opencv.core.math.add")
Definition: core.hpp:36
Definition: structured_edge_detection.hpp:65
Vec3d findMedian3(InputArray mat)
#define CV_32FC3
Definition: interface.h:120
MVKernel(uint8_t **images, int **integral)
Definition: descriptor.hpp:71
ActivationFunctions
Definition: ml.hpp:1554
static cv::Scalar get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:108
void v_store_low(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (lower half)
Definition: intrin_cpp.hpp:1615
Definition: gproto.hpp:54
EPnP: Efficient Perspective-n-Point Camera Pose Estimation .
Definition: calib3d.hpp:236
This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminan...
Definition: photo.hpp:474
int getDepth()
Definition: utility.hpp:1148
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3647
TrackerFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracker.hpp:977
Definition: descriptor.hpp:720
Definition: stereo.hpp:206
uint64_t timestamp
Timestamp in milliseconds.
Definition: tracking_by_matching.hpp:32
Definition: imgproc.hpp:601
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
Converts an array to another data type with optional scaling.
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:98
bool throwOnFail
Definition: videoio.hpp:796
__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:112
int size
Definition: features2d.hpp:1344
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
float16_t()
Definition: cvdef.h:806
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
double winSigma
Gaussian smoothing window parameter.
Definition: objdetect.hpp:605
String name
Name of the layer instance (optional, can be used internal purposes).
Definition: dnn.hpp:105
Definition: all_layers.hpp:374
7-point algorithm
Definition: calib3d.hpp:297
void apply(int, Point, InputOutputArray, InputArray) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:103
bool validGeometry
Definition: imgproc.hpp:1237
Definition: imgproc.hpp:754
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:84
Impl * p
Definition: ocl.hpp:458
virtual ~Mapper(void)
Definition: mapper.hpp:57
int lt
The Type of the circle boundary. See LineTypes.
Definition: render.hpp:71
Definition: all_layers.hpp:358
RLOFOpticalFlowParameter()
Definition: rlofflow.hpp:64
void setMaxDepthDiff(double val)
Definition: depth.hpp:791
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())
Radiobox button.
Definition: highgui.hpp:250
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.
Flags
Definition: core.hpp:2632
virtual ~TextDetector()
Definition: textDetector.hpp:31
Size2i Size
Definition: types.hpp:347
Definition: calib3d.hpp:283
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
Image capture timeout in milliseconds.
Definition: videoio.hpp:352
int hal_ni_and8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:151
An optional simple scoped lock (RAII-style locking for exclusive/write access).
Definition: lock.private.hpp:76
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1118
Definition: videoio.hpp:152
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:205
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
size_t blockSize
Definition: persistence.hpp:673
Detector(StrongClassifierDirectSelection *classifier)
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:191
int thick
The thickness of line.
Definition: render.hpp:115
float32x2_t cv_vrsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:106
void addWeighted8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scalars)
Mat distanceMap() const
Definition: fast_marching.hpp:81
unsigned int m_stream_id
Definition: container_avi.private.hpp:125
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
static GCompoundKernel kernel()
Definition: gcompoundkernel.hpp:100
VectorRef(const std::vector< T > &vec)
Definition: garray.hpp:224
typename ProtoToParam< T >::type ProtoToParamT
Definition: gtyped.hpp:29
void fastAtan32f(const float *y, const float *x, float *dst, int n, bool angleInDegrees)
RAII-class to call finalShow() in it's dtor.
Definition: final_show.hpp:36
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:371
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:99
int cols
Definition: warping.hpp:127
int getNrFeeds()
Definition: exposure_compensate.hpp:167
Definition: motion_core.hpp:62
GArgs m_results
Definition: gcompoundkernel.hpp:37
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:195
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:251
bool planar
Definition: gmat.hpp:71
int distortion_model
Definition: simple_pipeline.hpp:107
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:122
std::vector< VideoCaptureAPIs > getWriterBackends()
Returns list of available backends which works via cv::VideoWriter()
Definition: imgproc.hpp:739
float interp_factor
linear interpolation factor for adaptation
Definition: tracker.hpp:1247
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.
NCVStatus nppiStVectorWarp_PSF2x2_32f_C1(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f *pBuffer, Ncv32f timeScale, Ncv32f *pDst)
v_reg< typename V_TypeTraits< _Tp >::q_type, V_TypeTraits< _Tp >::nlanes128/4 > v_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1453
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.
double dot(InputArray m) const
Computes a dot-product of two vectors.
Definition: reduction.hpp:130
__device__ __forceinline__ float1 atan2(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:812
WeakClassifierHaarFeature()
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.
A kernel in which a pixel is compared with the center of the window.
Definition: descriptor.hpp:171
double Mahalanobis(InputArray v1, InputArray v2, InputArray icovar)
Calculates the Mahalanobis distance between two vectors.
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs, GCompileArgs &&args)
Definition: gtyped.hpp:105
bool isNVidia() const
Definition: ocl.hpp:191
Definition: calib3d.hpp:3043
void setUseInstrumentation(bool flag)
Ptr< FastGlobalSmootherFilter > createFastGlobalSmootherFilter(InputArray guide, double lambda, double sigma_color, double lambda_attenuation=0.25, int num_iter=3)
Factory method, create instance of FastGlobalSmootherFilter and execute the initialization routines.
alpha premultiplication
Definition: imgproc.hpp:718
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 .
void sqrt64f(const double *src, double *dst, int len)
Definition: frame_source.hpp:72
Linear Discriminant Analysis.
Definition: core.hpp:2548
~ERStat()
Destructor.
Definition: erfilter.hpp:72
RealSense (former Intel Perceptual Computing SDK)
Definition: videoio.hpp:111
Definition: gcpukernel.hpp:161
Definition: imgproc.hpp:767
Definition: imgproc.hpp:706
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:203
Definition: cudaimgproc.hpp:103
void cvtBGRtoXYZ(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
Definition: cudaimgproc.hpp:100
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
String tempfile(const char *suffix=0)
void solvePnPRefineLM(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, TermCriteria criteria=TermCriteria(TermCriteria::EPS+TermCriteria::COUNT, 20, FLT_EPSILON))
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coo...
int initialFrame
Definition: gr_chalearn.hpp:62
Matx< double, 4, 4 > Matx44d
Definition: matx.hpp:246
std::vector< int > icpIterations
Definition: kinfu.hpp:103
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:64
std::vector< Point2f > s0
the basic shape obtained from training dataset
Definition: facemarkAAM.hpp:141
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
float coeffObjectSizeToTrack
Definition: detection_based_tracker.hpp:173
LSDParam()
Definition: descriptor.hpp:710
LocalBinarizationMethods
Specifies the binarization method to use in cv::ximgproc::niBlackThreshold.
Definition: ximgproc.hpp:118
Definition: imgproc.hpp:610
Class used for calculation sparse optical flow and feature tracking with robust local optical flow (R...
Definition: rlofflow.hpp:365
LogTag(const char *_name, LogLevel _level)
Definition: logtag.hpp:20
Point_< _Tp > tl() const
the top-left corner
float samplerOverlap
search region parameters to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1107
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:174
Image warper factories base class.
Definition: warpers.hpp:123
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
void fastFree(void *ptr)
Deallocates a memory buffer.
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
R Result
Definition: infer.hpp:69
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:168
Definition: imgproc.hpp:552
int64 int_type
Definition: intrin.hpp:142
ObjectStatus status
Definition: detection_based_tracker.hpp:149
void merge8u(const uchar **src, uchar *dst, int len, int cn)
float icpAngleThresh
Definition: kinfu.hpp:101
Definition: videoio.hpp:161
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:581
void max16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
Definition: imgproc.hpp:650
void setDetector(Ptr< FeatureDetector > val)
Definition: global_motion.hpp:237
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
Definition: calib3d.hpp:243
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:192
For TIFF, use to specify which DPI resolution unit to set; see libtiff documentation for valid values...
Definition: imgcodecs.hpp:95
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
T * _ptr
Definition: NCV.hpp:619
int line_type
PointSize.
Definition: highgui.hpp:700
Definition: msm_middlebury.hpp:60
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:24
void setLog(Ptr< ILog > ilog)
Definition: stabilizer.hpp:71
std::string original_image
Definition: fr_adience.hpp:70
Exposure compensator which tries to remove exposure related artifacts by adjusting image block on eac...
Definition: exposure_compensate.hpp:216
Mat _eigenvalues
Definition: facerec.hpp:50
VectorRef(std::vector< T > &vec)
Definition: garray.hpp:225
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:3062
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.
Definition: imgproc.hpp:691
Decimation pattern type.
Definition: videoio.hpp:365
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
VariableTypes
Variable types.
Definition: ml.hpp:81
cv::Scalar m_s
Definition: goclkernel.hpp:146
std::string m_dump_path
Definition: gcommon.hpp:145
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
unweighted
Definition: weighted_median_filter.hpp:71
int largeWinSize
Definition: rlofflow.hpp:105
T thresh
Definition: functional.hpp:773
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, bool use_post_proc=true, float fgsLambda=500.0f, float fgsSigma=1.5f)
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-t...
int background_ratio
Definition: tracker.hpp:1521
float aprilTagCriticalRad
Definition: aruco.hpp:184
std::vector< Prim > Prims
Definition: render.hpp:130
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
Ptr< FrameSource > createFrameSource_Empty()
MatStep step
Definition: mat.hpp:2578
GpuMat getBuffer(Size size, int type)
Allocates a new GpuMat of given size and type.
Definition: cuda.hpp:492
float getConfidenceOfDetection(int detectionIdx)
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:449
Abstract base class for TrackerTargetState that represents a possible state of the target.
Definition: tracker.hpp:331
Definition: videoio.hpp:208
static void help_reset(gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:216
This class represents a mouse event.
Definition: types.hpp:305
Definition: wobble_suppression.hpp:60
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
GMat cmpEQ(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are equal ...
char person
Definition: gr_skig.hpp:98
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:469
Definition: tracker.hpp:576
const TrackedObject & operator[](size_t i) const
operator [] return const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:352
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
Definition: gcompoundkernel.hpp:69
void FT12D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -transfrom.
int cvTrunc(const cv::softfloat &a)
Truncates number to integer with minimum magnitude.
Definition: videoio.hpp:218
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracker.hpp:1404
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
Definition: imgproc.hpp:681
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:110
Definition: gcompoundkernel.hpp:53
float getConfidence(int patchIdx)
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:618
Definition: utility.hpp:728
Definition: vec_traits.hpp:58
Number of output channels from sensor used for data transfer.
Definition: videoio.hpp:441
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: stabilizer.hpp:83
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:872
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:124
Definition: warpers.hpp:266
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...
const int * ascii
font data and metrics
Definition: highgui.hpp:693
bool verbose
show the training print-out
Definition: facemarkLBF.hpp:62
retina model parameters structure
Definition: retina.hpp:149
Definition: all_layers.hpp:233
Vec< uchar, 4 > Vec4b
Definition: matx.hpp:402
#define OPENCV_HAL_IMPL_ROTATE_SHIFT_OP(suffix, opA, opB)
Element shift left among vector.
Definition: intrin_cpp.hpp:1073
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.
static size_t alignSize(size_t sz, int n)
Aligns a buffer size to the specified number of bytes.
Definition: utility.hpp:503
Definition: omnidir.hpp:60
int borderX
Definition: quasi_dense_stereo.hpp:43
ditto
Definition: types.hpp:861
Definition: utility.hpp:1183
int stages_n
number of refinement stages
Definition: facemarkLBF.hpp:70
double getMeanMs() const
Definition: utility.hpp:1216
Definition: functional.hpp:622
Definition: imgproc.hpp:730
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
int LU(float *A, size_t astep, int m, float *b, size_t bstep, int n)
Definition: imgproc.hpp:719
Type of sensor frames timing.
Definition: videoio.hpp:445
double m_fps
Definition: container_avi.private.hpp:131
const cv::UMat & matchingMask() const
Definition: stitching.hpp:217
Feature f
Definition: linemod.hpp:95
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
Mat estimateGlobalMotionRansac(InputArray points0, InputArray points1, int model=MM_AFFINE, const RansacParams ¶ms=RansacParams::default2dMotion(MM_AFFINE), float *rmse=0, int *ninliers=0)
Estimates best global motion between two 2D point clouds robustly (using RANSAC method).
const uchar * dataend
Definition: cuda.hpp:594
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:323
int psRoiOutChannels
Definition: all_layers.hpp:265
Size_< int64 > Size2l
Definition: types.hpp:344
int flags
Definition: cuda.hpp:317
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:826
LogLevel setLogLevel(LogLevel logLevel)
float getScale() const
Definition: warpers.hpp:113
std::vector< int > startIdxs
Definition: features2d.hpp:1081
static const unsigned char popCountTable[]
Definition: intrin_cpp.hpp:592
virtual ~Callback()
Definition: erfilter.hpp:130
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:120
Rect rect
Definition: feature.hpp:389
Definition: fast_hough_transform.hpp:69
TermCriteria termcrit
Definition: features2d.hpp:1367
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.
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:207
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
Definition: sinusoidalpattern.hpp:60
int hal_ni_absdiff32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:134
std::vector< pose > posesArray
Definition: slam_kitti.hpp:71
T * data
Definition: glob.hpp:67
Kalman filter class.
Definition: tracking.hpp:360
#define CV_32F
Definition: interface.h:78
__host__ __device__ Binder1st< Op > bind1st(const Op &op, const typename Op::first_argument_type &arg1)
Definition: functional.hpp:843
const Vec2d & getFov() const
Definition: types.hpp:216
void v_rshr_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:2301
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
Definition: ir_affine.hpp:67
Rect dst_roi_
Definition: blenders.hpp:95
int frame_idx
Frame index where object was detected (-1 if N/A).
Definition: tracking_by_matching.hpp:30
__device__ __forceinline__ uint vcmpne4(uint a, uint b)
Definition: simd_functions.hpp:823
MatchTemplateDistance(int type=cv::TemplateMatchModes::TM_CCORR_NORMED, float scale=-1, float offset=1)
Constructs the distance object.
Definition: tracking_by_matching.hpp:229
KeyLine()
Definition: descriptor.hpp:168
void split16u(const ushort *src, ushort **dst, int len, int cn)
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:112
void writeCloud(const String &file, InputArray cloud, InputArray colors=noArray(), InputArray normals=noArray(), bool binary=false)
Read/write clouds. Supported formats: ply, xyz, obj and stl (readonly)
void meanShiftSegmentation(InputArray src, OutputArray dst, int sp, int sr, int minsize, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs a mean-shift segmentation of the source image and eliminates small segments.
HomographyBasedEstimator(bool is_focals_estimated=false)
Definition: motion_estimators.hpp:103
Ptr< cuda::StereoBeliefPropagation > createStereoBeliefPropagation(int ndisp=64, int iters=5, int levels=5, int msg_type=CV_32F)
Creates StereoBeliefPropagation object.
Parameters for the detectMarker process:
Definition: aruco.hpp:150
void dilate(InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Dilates an image by using a specific structuring element.
Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
Impl * p
Definition: async_promise.hpp:65
Definition: reduce_to_vec.hpp:215
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.
Definition: calib3d.hpp:286
void compute(const cv::Mat &mat, cv::Mat &descr) override
Computes image descriptor.
Definition: tracking_by_matching.hpp:125
MatIterator_< _Tp > iterator
Definition: mat.hpp:2182
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:324
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:729
Definition: imgproc.hpp:397
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:848
Op::first_argument_type arg1
Definition: functional.hpp:833
cv::GMetaArgs descrs_of(const std::vector< cv::Mat > &vec)
bool createDirectory(const cv::String &path)
void create(int arows, int acols, Format aformat, bool autoRelease=false)
Allocates memory for ogl::Texture2D object.
char label
Definition: or_mnist.hpp:62
NCVStatus nppiStTranspose_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, const Size &image_size, InputOutputArray K, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 100, DBL_EPSILON))
Performs camera calibaration.
This class represents high-level API for object detection networks.
Definition: dnn.hpp:1149
AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:15
#define N_CELLS
Definition: feature.hpp:80
void log32f(const float *src, float *dst, int n)
int targetWidth
Definition: tracker.hpp:374
float EMDL1(InputArray signature1, InputArray signature2)
Computes the "minimal work" distance between two weighted point configurations base on the papers "EM...
Net readNetFromModelOptimizer(const String &xml, const String &bin)
Load a network from Intel's Model Optimizer intermediate representation.
const Size basisSize
Definition: pcaflow.hpp:98
void extractChannel(InputArray src, OutputArray dst, int coi)
Extracts a single channel from src (coi is 0-based index)
virtual MotionModel motionModel() const
Definition: inpainting.hpp:74
int aprilTagDeglitch
Definition: aruco.hpp:187
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:165
ElseType type
Definition: type_traits.hpp:102
Definition: imgproc.hpp:758
int backendId
Backend identifier.
Definition: dnn.hpp:163
Definition: imgproc.hpp:626
size_t ofs
Definition: persistence.hpp:609
Definition: randpattern.hpp:160
int width
Definition: or_pascal.hpp:82
void gatherData(std::vector< void * > &data) const
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:261
static void write(FileStorage &fs, const String &name, const KeyPoint &kpt)
Definition: persistence.hpp:1040
Mat normSum
Definition: feature.hpp:329
Definition: stereo.hpp:84
Sets the number of times of exposure in one frame.
Definition: videoio.hpp:354
DictValue(const String &s)
Constructs string scalar.
Definition: dict.hpp:68
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
ParamTypes
SVM params type
Definition: ml.hpp:669
String msg
the formatted error message
Definition: core.hpp:135
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)
VideoWriterProperties
VideoWriter generic properties identifier.
Definition: videoio.hpp:185
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:137
unsigned saturate_cast< unsigned >(schar v)
Definition: saturate.hpp:145
__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
std::vector< int > MatShape
Definition: dnn.hpp:59
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
Point pos() const
returns coordinates of the current pixel
int hal_ni_sub64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:90
GraphEdge(int from, int to, float weight)
Definition: util.hpp:82
static const int MAX_PIXEL_VALUE_DEFAULT
Default maximum pixel value.
Definition: qualitypsnr.hpp:30
int getNrFeeds()
Definition: exposure_compensate.hpp:127
Number of taps.
Definition: videoio.hpp:370
Definition: interpolation.hpp:134
Definition: warpers.hpp:322
Enable applying of CMS profiles to xiGetImage (see XI_PRM_INPUT_CMS_PROFILE, XI_PRM_OUTPUT_CMS_PROFIL...
Definition: videoio.hpp:397
Definition: videoio.hpp:243
Weight of 25.
Definition: highgui.hpp:232
bool same
Definition: fr_lfw.hpp:63
schar elem_type
Definition: vec_traits.hpp:176
Ptr< TonemapDurand > createTonemapDurand(float gamma=1.0f, float contrast=4.0f, float saturation=1.0f, float sigma_space=2.0f, float sigma_color=2.0f)
Creates TonemapDurand object.
#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:69
NCVStatus nppiStTranspose_32s_C1R(Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
Enter liveview mode.
Definition: videoio.hpp:561
bool overlapRoi(Point tl1, Point tl2, Size sz1, Size sz2, Rect &roi)
const uchar * sliceStart
Definition: mat.hpp:3068
Definition: imgproc.hpp:785
PropagationParameters Param
Definition: quasi_dense_stereo.hpp:189
Definition: cudacodec.hpp:78
void setSeamFinder(Ptr< detail::SeamFinder > seam_finder)
Definition: stitching.hpp:245
std::string name
Definition: or_pascal.hpp:61
int hal_ni_Cholesky64f(double *src1, size_t src1_step, int m, double *src2, size_t src2_step, int n, bool *info)
Definition: hal_replacement.hpp:614
__device__ __forceinline__ PtrTraits< TablePtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: lut.hpp:68
void resizeWindow(const String &winname, int width, int height)
Resizes window to the specified size.
Definition: warpers.hpp:171
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:305
virtual float operator()(int featureIdx, int sampleIdx)=0
Vec< double, 6 > Vec6d
Definition: matx.hpp:426
Definition: fast_hough_transform.hpp:66
Op op
Definition: functional.hpp:853
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
bool gammaCorrection
Flag to specify whether the gamma correction preprocessing is required or not.
Definition: objdetect.hpp:614
static Ptr< GPCTrainingSamples > create(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > >, int descriptorType)
This function can be used to extract samples from a pair of images and a ground truth flow....
Interface for implementations of Fast Bilateral Solver.
Definition: edge_filter.hpp:382
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
Definition: tracking.hpp:264
GMat equalizeHist(const GMat &src)
Equalizes the histogram of a grayscale image.
Oblique font.
Definition: highgui.hpp:243
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:339
std::vector< UMat > images_
Definition: seam_finders.hpp:100
void gather(std::vector< T * > &data) const
Definition: utility.hpp:737
Definition: rlofflow.hpp:24
float hscale
Definition: highgui.hpp:696
float convex_hull_ratio
Definition: erfilter.hpp:90
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
bool padding
Add zero padding in case of concatenation of blobs with different spatial sizes.
Definition: all_layers.hpp:321
TrackerFeature based on Feature2D.
Definition: tracker.hpp:931
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:85
KeyType key
Definition: t_hash_int.hpp:62
cv::Mat getIterationCounts() const
Definition: depth.hpp:664
Mat AA0
average of gray values from all erorded face region in the dataset
Definition: facemarkAAM.hpp:125
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:82
Gain of the image (only for those cameras that support).
Definition: videoio.hpp:146
Definition: imgproc.hpp:576
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:37
typename ProtoToMeta< T >::type ProtoToMetaT
Definition: gtyped.hpp:35
static softdouble fromRaw(const uint64_t a)
Construct from raw.
Definition: softfloat.hpp:243
__device__ __forceinline__ double4 acosh(const double4 &a)
Definition: vec_math.hpp:382
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.
Definition: imgproc.hpp:780
Definition: feature.hpp:120
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
Definition: gr_skig.hpp:94
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
void setSharpness(float val)
Definition: blenders.hpp:106
Parameters parameters
Definition: detection_based_tracker.hpp:178
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
Size_ & operator=(const Size_ &sz)
static Ptr< MapAffine > toAffine(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:82
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
Definition: imgproc.hpp:676
std::vector< VideoCaptureAPIs > getStreamBackends()
Returns list of available backends which works via cv::VideoCapture(filename)
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracker.hpp:206
#define CV_CUDEV_Lab2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:344
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
Definition: or_imagenet.hpp:60
float coeffTrackingWindowSize
Definition: detection_based_tracker.hpp:172
Ptr< BackgroundSubtractorGSOC > createBackgroundSubtractorGSOC(int mc=LSBP_CAMERA_MOTION_COMPENSATION_NONE, int nSamples=20, float replaceRate=0.003f, float propagationRate=0.01f, int hitsThreshold=32, float alpha=0.01f, float beta=0.0022f, float blinkingSupressionDecay=0.1f, float blinkingSupressionMultiplier=0.1f, float noiseRemovalThresholdFacBG=0.0004f, float noiseRemovalThresholdFacFG=0.0008f)
Creates an instance of BackgroundSubtractorGSOC algorithm.
void fastNlMeansDenoisingMulti(InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been ...
MatExpr operator~(const Mat &m)
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1787
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
Definition: gcommon.hpp:34
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:526
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.
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:110
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:457
int featSize
Definition: feature.hpp:153
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:492
static Event wrapEvent(cudaEvent_t event)
the output is the mean vector of all rows/columns of the matrix.
Definition: core.hpp:220
void pushFrameOffset(size_t elem)
Definition: container_avi.private.hpp:171
T value_type
Definition: glob.hpp:64
Ptr< StructuredEdgeDetection > createStructuredEdgeDetection(const String &model, Ptr< const RFFeatureGetter > howToGetFeatures=Ptr< RFFeatureGetter >())
void fastAtan64f(const double *y, const double *x, double *dst, int n, bool angleInDegrees)
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:166
Definition: videoio.hpp:575
Base class for all global motion estimation methods.
Definition: global_motion.hpp:97
Definition: cudaimgproc.hpp:159
Definition: imgproc.hpp:4209
Definition: imgproc.hpp:217
variant() noexcept
Definition: variant.hpp:206
uchar type
Definition: vec_traits.hpp:81
float index_type
Definition: interpolation.hpp:100
const void * obj
Definition: ocl.hpp:381
float num_inflexion_points
Definition: erfilter.hpp:91
Definition: imgproc.hpp:655
Definition: dictionary.hpp:147
std::tuple< GMat, GMat, GMat > GMat3
Definition: imgproc.hpp:31
int to
Definition: util.hpp:78
GMat Canny(const GMat &image, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny algorithm.
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:182
T & unsafe_get()
Definition: garg.hpp:69
Definition: is_bsds.hpp:60
flag for italic font
Definition: imgproc.hpp:820
Affine3d makeCameraPose(const Vec3d &position, const Vec3d &focal_point, const Vec3d &y_dir)
Constructs camera pose from position, focal_point and up_vector (see gluLookAt() for more information...
Definition: slam_kitti.hpp:65
double polynomial_k3
Definition: simple_pipeline.hpp:114
float flowErrorThreshold() const
Definition: inpainting.hpp:150
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:481
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:333
int preferredVectorWidthLong() const
void setWeight4(float val)
Definition: motion_stabilizing.hpp:140
__host__ ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrXPtr(const SrcPtr &src)
Definition: deriv.hpp:266
bool use_segmentation
Definition: tracker.hpp:1504
Definition: imgproc.hpp:634
util::any params
Definition: infer.hpp:192
virtual void setSubPixelInterpolationMethod(int value)=0
Info message.
Definition: logger.defines.hpp:30
T maxVal
Definition: functional.hpp:717
~PyRotationWarper()
Definition: warpers.hpp:57
::int32_t int32_t
Definition: cvdef.h:760
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:835
virtual ~CvParams()
Definition: feature.hpp:124
backward conversions to RGB/BGR
Definition: imgproc.hpp:594
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
Definition: hpe_humaneva.hpp:74
Multi Object Tracker for TLD.
Definition: tracker.hpp:1458
GMat RGB2HSV(const GMat &src)
Converts an image from RGB color space to HSV. The function converts an input image from RGB color sp...
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:61
_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.
virtual ~TrackerTargetState()
Definition: tracker.hpp:334
Definition: imgproc.hpp:612
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
float index_type
Definition: interpolation.hpp:158
Number of buffers to commit to low level.
Definition: videoio.hpp:459
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
virtual bool read(const FileNode &node)=0
Definition: or_pascal.hpp:78
#define FEATURES
Definition: feature.hpp:62
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:188
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
void HoughCircles(InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0)
Finds circles in a grayscale image using the Hough transform.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:68
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)
Definition: gfluidkernel.hpp:107
Color Correction Matrix element [1][1].
Definition: videoio.hpp:408
void meanStdDev(InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
void connectivityMask(const GpuMat &image, GpuMat &mask, const cv::Scalar &lo, const cv::Scalar &hi, Stream &stream=Stream::Null())
compute mask for Generalized Flood fill componetns labeling.
bool solvePnP(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
Finds an object pose from 3D-2D point correspondences. This function returns the rotation and the tra...
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
size_t size
Definition: NCV.hpp:453
Point2f center
returns the rectangle mass center
Definition: types.hpp:530
Auto detect == 0.
Definition: videoio.hpp:90
std::string name
Definition: ir_robot.hpp:72
Definition: calib3d.hpp:289
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:371
Base class for DFT operator as a cv::Algorithm. :
Definition: cudaarithm.hpp:819
void getShift(OutputArray shift) const
Definition: mapshift.hpp:89
Definition: depth.hpp:463
std::function< gapi::fluid::BorderOpt(const GMetaArgs &, const GArgs &)> B
Definition: gfluidkernel.hpp:69
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:170
L1-L2 metric: distance = 2(sqrt(1+x*x/2) - 1))
Definition: imgproc.hpp:301
Definition: traits.hpp:80
Definition: imgproc.hpp:616
DeblurerBase()
Definition: deblurring.hpp:62
StrongClassifierDirectSelection(int numBaseClf, int numWeakClf, Size patchSz, const Rect &sampleROI, bool useFeatureEx=false, int iterationInit=0)
bool classify(const Mat &x, int i)
Definition: detection_based_tracker.hpp:181
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.
Definition: imgproc.hpp:4218
UMat mapGLBuffer(const Buffer &buffer, AccessFlag accessFlags=ACCESS_READ|ACCESS_WRITE)
Maps Buffer object to process on CL side (convert to UMat).
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
unsigned short ushort
Definition: interface.h:52
void writeBack() const
Definition: gcpukernel.hpp:165
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:332
cv::Point center
The center of the circle.
Definition: render.hpp:67
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
void mapForward(float x, float y, float &u, float &v)
virtual ~TypeHintBase()=default
#define CV_CUDEV_VEC_TRAITS_INST(type)
Definition: vec_traits.hpp:90
virtual ~PredictCollector()
Definition: predict_collector.hpp:64
cv::Mat to_ocv(Mat const &m)
Definition: convert.hpp:50
TemplatesMap class_templates
Definition: linemod.hpp:402
"Dual TV L1" Optical Flow Algorithm.
Definition: optflow.hpp:218
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
float textrureThreshold
Definition: quasi_dense_stereo.hpp:48
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
Invalid scale parameter passed.
Definition: NCV.hpp:367
std::tuple< R... > OutArgs
Definition: infer.hpp:52
T ValueType
Definition: features2d.hpp:839
QualityBRISQUE(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Internal constructor.
Definition: qualitybrisque.hpp:74
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...
virtual ~ILog()
Definition: log.hpp:59
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
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
cv::Scalar color
The text color.
Definition: render.hpp:43
Definition: reduce_to_vec.hpp:211
Mat t
Definition: camera.hpp:70
Definition: videoio.hpp:250
Definition: utility.hpp:706
int set_args_(int i, const _Tp0 &a0, const _Tps &... rest_args)
Definition: ocl.hpp:415
double getMaxDepth() const
Definition: depth.hpp:913
Definition: bgsegm.hpp:246
Base class for global 2D motion estimation methods which take frames as input.
Definition: global_motion.hpp:175
void setBlender(Ptr< detail::Blender > b)
Definition: stitching.hpp:249
MatExpr operator==(const Mat &a, const Mat &b)
Size_()
default constructor
bool eval(const Mat &image, Rect ROI, float *result) const
any & operator=(any const &src)
Definition: any.hpp:87
Definition: descriptor.hpp:1153
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.
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
Definition: imgproc.hpp:4215
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:128
Definition: objdetect.hpp:121
static MatExpr zeros(int rows, int cols)
overridden forms of Mat::zeros() etc. Data type is omitted, of course
parameter structure that stores the transient events detector setup parameters
Definition: transientareassegmentationmodule.hpp:82
Definition: type_traits.hpp:128
virtual ~DCT2D()
Definition: hal.hpp:224
int frameCount_
Definition: wobble_suppression.hpp:89
float output_sigma_factor
spatial bandwidth (proportional to target)
Definition: tracker.hpp:1248
Size getChessboardSize() const
Definition: charuco.hpp:106
each matrix row is sorted independently
Definition: core.hpp:154
int class_id
Definition: descriptor.hpp:109
Border(int _type, cv::Scalar _val)
Definition: gfluidbuffer.hpp:32
__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
Definition: imgproc.hpp:653
SolvePnPMethod
Definition: calib3d.hpp:234
Definition: utility.hpp:1171
void convexityDefects(InputArray contour, InputArray convexhull, OutputArray convexityDefects)
Finds the convexity defects of a contour.
int tsdf_max_weight
max number of frames per voxel
Definition: kinfu.hpp:83
Definition: warpers.hpp:301
Provides result of asynchronous operations.
Definition: async_promise.hpp:22
Definition: t_hash_int.hpp:60
page_seg_mode
Tesseract.PageSegMode Enumeration.
Definition: ocr.hpp:67
bool has_value() const noexcept
Definition: optional.hpp:134
MouseButton
Definition: types.hpp:309
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
Definition: imgproc.hpp:620
int i
Definition: cvdef.h:343
Definition: videoio.hpp:521
lock_guard(Mutex &m)
Definition: lock.private.hpp:20
Binning engine selector.
Definition: videoio.hpp:358
Horizontal offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:334
Error message.
Definition: logger.defines.hpp:28
Matx< _Tp, m, n > div(const Matx< _Tp, m, n > &a) const
divide two matrices element-wise
schar elem_type
Definition: vec_traits.hpp:160
int level
Definition: erfilter.hpp:76
virtual int getWindowSize() const =0
Definition: gcpukernel.hpp:144
double getMaxTranslation() const
Definition: depth.hpp:696
int fiducial_yaw_angle
Definition: fr_adience.hpp:79
HOGDescriptor(Size _winSize, Size _blockSize, Size _blockStride, Size _cellSize, int _nbins, int _derivAperture=1, double _winSigma=-1, HOGDescriptor::HistogramNormType _histogramNormType=HOGDescriptor::L2Hys, double _L2HysThreshold=0.2, bool _gammaCorrection=false, int _nlevels=HOGDescriptor::DEFAULT_NLEVELS, bool _signedGradient=false)
Definition: objdetect.hpp:405
void gemm64fc(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:753
backgroundType background
Definition: gr_skig.hpp:99
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-t...
Definition: rlofflow.hpp:222
Definition: functional.hpp:877
void calibrationMatrixValues(InputArray cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio)
Computes useful camera characteristics from the camera matrix.
GMat BGR2LUV(const GMat &src)
Converts an image from BGR color space to LUV color space.
Definition: opengl.hpp:488
Definition: utility.hpp:1192
void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
void parallel_for_(const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
Parallel data processor.
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: optional.hpp:30
float aff_thr_fast
Definition: tracking_by_matching.hpp:267
void blendLinear(InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null())
Performs linear blending of two images.
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:389
Definition: imgproc.hpp:669
void resize(size_t _size)
resizes the buffer and preserves the content
void setScale(float val) CV_OVERRIDE
Definition: warpers.hpp:157
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
Definition: imgproc.hpp:673
cv::gapi::GNetPackage networks(Args &&... args)
Definition: infer.hpp:226
Definition: functional.hpp:613
Definition: deriv.hpp:327
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
Definition: intrin_cpp.hpp:459
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:1472
Definition: imgproc.hpp:639
virtual void setP1(int P1)=0
std::vector< std::string > images
Definition: ir_robot.hpp:67
std::vector< GArg > m_args
Definition: goclkernel.hpp:75
Size frameSize_
Definition: stabilizer.hpp:125
Definition: imgproc.hpp:619
Definition: sparse_matching_gpc.hpp:198
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
Definition: imgproc.hpp:783
__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
int cols
Definition: mat.hpp:2086
Definition: or_mnist.hpp:60
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
const typedef _Tp & reference
Definition: mat.hpp:3085
int hashtableRemove(hashtable_int *hashtbl, KeyType key)
Point2f t
Definition: facemarkAAM.hpp:89
Definition: videoio.hpp:219
float sharpness() const
Definition: blenders.hpp:105
Definition: imgproc.hpp:595
int DisableCabac
NVVE_DISABLE_CABAC,.
Definition: cudacodec.hpp:101
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:114
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:3114
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:509
static softfloat inf()
Positive infinity constant.
Definition: softfloat.hpp:206
~Allocator()
Definition: cvstd.hpp:123
static scalar_wrapper_ocl get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:176
__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:356
status bar and tool bar
Definition: highgui.hpp:190
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:129
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitymse.hpp:28
size_t class_idx
Definition: core_detect.hpp:30
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:164
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
Definition: functional.hpp:62
Impl * impl
Definition: utility.hpp:974
cv::instr::IMPL m_implType
Definition: utility.hpp:1202
std::vector< Template > TemplatePyramid
Definition: linemod.hpp:400
Data given from RGB image generator.
Definition: videoio.hpp:260
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.
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
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)
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.
float32x2_t cv_vsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:119
void detectRegions(InputArray image, const Ptr< ERFilter > &er_filter1, const Ptr< ERFilter > &er_filter2, std::vector< std::vector< Point > > ®ions)
int photoIndex
Definition: multicalib.hpp:86
Full reference mean square error algorithm https://en.wikipedia.org/wiki/Mean_squared_error.
Definition: qualitymse.hpp:18
int image_width
Definition: simple_pipeline.hpp:108
__device__ __forceinline__ double4 asinh(const double4 &a)
Definition: vec_math.hpp:373
Definition: warping.hpp:77
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
Affine warper factory class.
Definition: warpers.hpp:143
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
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:308
int getWindowSize() const
Definition: depth.hpp:231
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:210
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:157
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
Ptr< detail::SeamFinder > seamFinder()
Definition: stitching.hpp:243
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:636
static gapi::fluid::BorderOpt getBorder(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:300
void setInterpolationFlags(InterpolationFlags interp_flags)
Definition: stitching.hpp:202
void setEstimateTrimRatio(bool val)
Definition: stabilizer.hpp:174
__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:1301
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:589
Binary level PNG, 0 or 1, default is 0.
Definition: imgcodecs.hpp:90
cv::UMat _mat_type
internal mat type default
Definition: qualitybase.hpp:54
void release()
equivalent to Mat::release()
Verbose (trace) messages. Requires verbosity level. Disabled in the "Release" build.
Definition: logger.defines.hpp:32
Definition: videoio.hpp:244
const SparseMat * m
Definition: mat.hpp:3220
softdouble(const double a)
Construct from double.
Definition: softfloat.hpp:257
Definition: render.hpp:91
Definition: imgproc.hpp:617
void specifyType()
Definition: garray.hpp:103
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:218
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > warpAffinePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:100
Definition: cudaimgproc.hpp:159
_Mutex Mutex
Definition: lock.private.hpp:102
const char * memopTypeToStr(int t)
const char * typeToStr(int t)
void polylines(InputOutputArray img, const Point *const *pts, const int *npts, int ncontours, bool isClosed, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
int label
Quantization.
Definition: linemod.hpp:30
Ptr< flann::Index > flannIndex
Definition: features2d.hpp:1188
v_uint64x2 v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2121
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:221
Maximally stable extremal region extractor.
Definition: features2d.hpp:398
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:167
__device__ __forceinline__ uint vmax4(uint a, uint b)
Definition: simd_functions.hpp:870
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:239
NCVMemoryType memType() const
Definition: NCV.hpp:828
void setMaxObjectSize(const cv::Size &max)
Definition: detection_based_tracker.hpp:84
softfloat()
Default constructor.
Definition: softfloat.hpp:93
void start()
Definition: utility.hpp:346
void add32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
Definition: imgproc.hpp:421
This 3D Widget defines a sphere. :
Definition: widgets.hpp:273
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:349
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:99
Definition: gfluidbuffer.hpp:95
size_t total() const
Returns the total number of array elements.
Definition: imgproc.hpp:537
__device__ __forceinline__ uint vcmpge4(uint a, uint b)
Definition: simd_functions.hpp:745
Ptr< IFrameSource > maskSource() const
Definition: stabilizer.hpp:81
void setMethod(int val)
Definition: depth.hpp:389
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
Definition: warpers.hpp:221
const Mat * m
Definition: mat.hpp:3065
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:1051
virtual int getBinaryKernelType() const =0
WindowPropertyFlags
Flags for cv::setWindowProperty / cv::getWindowProperty.
Definition: highgui.hpp:195
void xor8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
Definition: omnidir.hpp:70
Matx< float, 6, 6 > Matx66f
Definition: matx.hpp:247
int getNrGainsFilteringIterations() const
Definition: exposure_compensate.hpp:172
PredictResult minRes
Definition: predict_collector.hpp:93
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize, int randomSeed=0)
Definition: NCVHaarObjectDetection.hpp:357
virtual void generateFeatures()=0
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask=noArray())
Computes components of the array using direct -transform.
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:290
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
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
V4L/V4L2 capturing support.
Definition: videoio.hpp:92
Homography based rotation estimator.
Definition: motion_estimators.hpp:100
TablePtr tbl
Definition: lut.hpp:66
v_reg< typename V_TypeTraits< _Tp >::w_type, V_TypeTraits< _Tp >::nlanes128/2 > v_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1432
void setMinSize(int val)
Definition: depth.hpp:381
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:42
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:672
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:457
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:367
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:767
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
int index_type
Definition: glob.hpp:65
Definition: imgproc.hpp:380
int id
Definition: or_imagenet.hpp:62
#define CV_PROP
Definition: cvdef.h:416
Size frameSize
frame size in pixels
Definition: kinfu.hpp:32
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1232
void updateMotionHistory(InputArray silhouette, InputOutputArray mhi, double timestamp, double duration)
Updates the motion history image by a moving silhouette.
small size sans-serif font
Definition: imgproc.hpp:813
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
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:3233
sinusoidal shape
Definition: types.hpp:56
void transpose(InputArray src, OutputArray dst)
Transposes a matrix.
sampleType
Definition: pd_inria.hpp:60
Definition: dictionary.hpp:150
Definition: container_avi.private.hpp:136
Current backend (enum VideoCaptureAPIs). Read-only property.
Definition: videoio.hpp:173
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
SyncIn2.
Definition: videoio.hpp:302
size_t nodeCount
Definition: mat.hpp:2682
Definition: functional.hpp:890
Definition: garray.hpp:212
Code
error codes
Definition: base.hpp:68
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
double contourArea(InputArray contour, bool oriented=false)
Calculates a contour area.
__host__ __device__ static __forceinline__ char3 all(schar v)
Definition: vec_traits.hpp:170
Definition: inpainting.hpp:102
Mat finalFrame_
Definition: stabilizer.hpp:133
int32x2_t cv_vrnd_s32_f32(float32x2_t v)
Definition: neon_utils.hpp:52
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
void setKernelSize(int f)
Definition: depth.hpp:1096
int hal_ni_sqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:440
#define CV_MAT_TYPE(flags)
Definition: cvdef.h:431
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:1219
GMat min(const GMat &src1, const GMat &src2)
Calculates per-element minimum of two matrices.
Definition: tracker.hpp:980
float index_type
Definition: warping.hpp:64
std::tuple< GMat, GMat > polarToCart(const GMat &magnitude, const GMat &angle, bool angleInDegrees=false)
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
double k
Default is 0.
Definition: kalman_filters.hpp:140
void setMaxRotation(double val)
Definition: depth.hpp:831
Mat cam_params_
Definition: motion_estimators.hpp:212
Definition: all_layers.hpp:514
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
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
paralel implementation of the center symetric census
Definition: descriptor.hpp:365
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:811
static DST saturate(SRC x)
Definition: saturate.hpp:26
void write(FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: ie.hpp:52
virtual ~VideoReader()
Definition: cudacodec.hpp:294
bool check() const
Definition: sparse_matching_gpc.hpp:145
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:232
float voxelSize
Size of voxel in meters.
Definition: kinfu.hpp:62
void setStdevThresh(float val)
Definition: inpainting.hpp:132
float initWideAngleProjMap(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, enum UndistortTypes projType=PROJ_SPHERICAL_EQRECT, double alpha=0)
initializes maps for remap for wide-angle
friend value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
static void debugFilter(cv::InputArray original, cv::InputArray result, impl::CallMetaData metaData=impl::CallMetaData(), const char *description=nullptr, const char *view=nullptr)
Use the debug-framework to compare two images (from which the second is intended to be the result of ...
Definition: filter.hpp:36
Definition: dictionary.hpp:143
void glob(String pattern, std::vector< String > &result, bool recursive=false)
int imgIdx
train image index
Definition: types.hpp:817
v_uint32x4 v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2117
Sum< U > other
Definition: reduce_to_vec.hpp:71
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:543
float horizontalCellsGain
Definition: retina.hpp:162
Weight of 87.
Definition: highgui.hpp:236
virtual void setRadius(int val)
Definition: deblurring.hpp:66
int getReplacedClassifier() const
Definition: imgproc.hpp:802
_Arg2 second_argument_type
Definition: functional.hpp:71
Definition: mapaffine.hpp:52
Codecs
Definition: container_avi.private.hpp:73
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:371
Definition: rlofflow.hpp:19
float samplerTrackInRadius
radius for gathering positive instances during tracking
Definition: tracker.hpp:1075
int xmax
Definition: or_pascal.hpp:64
Param
Definition: core.hpp:3175
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:149
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:240
int height
Definition: tr_svt.hpp:63
void cleanup()
Definition: utility.hpp:743
ChannelsCompensator(int nr_feeds=1)
Definition: exposure_compensate.hpp:141
Synthetic frame sequence generator for testing background subtraction algorithms.
Definition: bgsegm.hpp:329
static int total(const MatShape &shape, int start=-1, int end=-1)
Definition: shape_utils.hpp:151
#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:282
GScalar normL2(const GMat &src)
Calculates the absolute L2 norm of a matrix.
Vec< float, 6 > Vec6f
Definition: matx.hpp:421
NCVMatrixReuse(const NCVMatrix< T > &mat, NcvRect32u roi)
Definition: NCV.hpp:961
int cornerRefinementMethod
Definition: aruco.hpp:166
Definition: warpers.hpp:236
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
Definition: gkernel.hpp:34
static cv::Scalar get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:133
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:88
SLICType
Definition: slic.hpp:129
int maxComputeUnits() const
int thick
The thickness of lines that make up the rectangle. Negative values, like FILLED, mean that the functi...
Definition: render.hpp:57
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:303
Matx< float, 6, 1 > Matx61f
Definition: matx.hpp:227
softdouble cos(const softdouble &a)
Cosine.
Color Correction Matrix element [3][3].
Definition: videoio.hpp:418
void morphologyEx(InputArray rlSrc, OutputArray rlDest, int op, InputArray rlKernel, bool bBoundaryOnForErosion=true, Point anchor=Point(0, 0))
Applies a morphological operation to a run-length encoded binary image.
Definition: functional.hpp:521
AccessFlag
Definition: mat.hpp:64
MatSize size
Definition: mat.hpp:2577
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
Definition: sparse_matching_gpc.hpp:164
size_t countFrameSize() const
Definition: container_avi.private.hpp:175
mat_type gradient_map_squared
Definition: qualitygmsd.hpp:61
double getTimeSec() const
Definition: utility.hpp:391
Definition: imgproc.hpp:221
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
void setSigmaDepth(float f)
Definition: depth.hpp:1080
Definition: traits.hpp:290
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:826
int64 i
Definition: cvdef.h:351
src1 is greater than or equal to src2.
Definition: base.hpp:213
void FT12D_components(InputArray matrix, InputArray kernel, OutputArray components)
Computes components of the array using direct -transform.
void setK(const cv::Mat &val)
Definition: depth.hpp:160
std::vector< PredictResult > data
Definition: predict_collector.hpp:94
int axis
Definition: all_layers.hpp:368
Definition: videoio.hpp:206
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:215
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:452
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1374
MatSize size
Definition: mat.hpp:2108
int curStabilizedPos_
Definition: stabilizer.hpp:128
double mat2[3]
Definition: msm_epfl.hpp:63
Definition: imgproc.hpp:644
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:273
TermCriteria termCriteria()
Definition: motion_estimators.hpp:146
void setLogTagLevel(const char *tag, cv::utils::logging::LogLevel level)
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
Definition: cudacodec.hpp:75
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:1906
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).
#define CV_NOEXCEPT
Definition: cvdef.h:714
Class encapsulating matching parameters.
Definition: sparse_matching_gpc.hpp:150
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4199
v_reg< _Tp, n > v_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Magnitude.
Definition: intrin_cpp.hpp:815
__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:3019
Definition: core.hpp:2642
const cv::Mat & getConfImageDisplay() const
Definition: onlineBoosting.hpp:238
Mat(Mat const &src, const Rect &roi)
Definition: mat.hpp:118
double adaptiveThreshConstant
Definition: aruco.hpp:159
static std::true_type test(check< C, decltype(>ypeTraits< C >::wrap_value)> *)
int checkVector(int elemChannels, int depth=-1, bool requireContinuous=true) const
Definition: imgcodecs.hpp:92
int radius_
Definition: stabilizer.hpp:120
int x
x offset
Definition: linemod.hpp:28
std::vector< PascalObj > objects
Definition: or_pascal.hpp:86
int kmeansAttempts
Definition: calib3d.hpp:1296
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:171
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:93
Definition: fast_hough_transform.hpp:73
_Tp value_type
Definition: mat.hpp:2180
mat_type sigma_2
Definition: qualityssim.hpp:60
__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.
float getInitSigma() const
void fastNlMeansDenoisingColoredMulti(InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoisingMulti function for colored images sequences.
Definition: videoio.hpp:239
DataType< _Tp >::channel_type channel_type
Definition: mat.hpp:2181
#define OPENCV_HAL_IMPL_C_PACK(_Tpvec, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2183
Camera housing back side temperature.
Definition: videoio.hpp:394
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
Intel's Inference Engine computational backend.
Definition: dnn.hpp:72
MatExpr mul(InputArray m, double scale=1) const
Performs an element-wise multiplication or division of the two matrices.
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
SrcPtr src
Definition: deriv.hpp:193
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:248
indicates that the right mouse button is pressed.
Definition: highgui.hpp:208
Definition: intrin.hpp:97
Mat(const std::vector< int > &_dims, int _type, void *_data)
Definition: mat.hpp:110
__device__ __forceinline__ uint vavg4(uint a, uint b)
Definition: simd_functions.hpp:574
Definition: omnidir.hpp:62
#define CV_INTRIN_DEF_TYPE_TRAITS(type, int_type_, uint_type_, abs_type_, w_type_, q_type_, sum_type_, nlanes128_)
Definition: intrin.hpp:106
std::vector< int > component() const
Definition: stitching.hpp:288
int rows
Definition: deriv.hpp:371
Definition: cudacodec.hpp:253
incorrect input align
Definition: base.hpp:90
Data structure for salient point detectors.
Definition: types.hpp:711
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
int t
Definition: descriptor.hpp:104
int length() const
Definition: gfluidbuffer.hpp:134
Debug message. Disabled in the "Release" build.
Definition: logger.defines.hpp:31
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:705
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:985
virtual void setP2(int P2)=0
float lineLength
Definition: descriptor.hpp:138
Definition: videoio.hpp:494
Data given from RGB image generator.
Definition: videoio.hpp:261
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:385
__device__ __host__ void getRect(Ncv32u *rectX, Ncv32u *rectY, Ncv32u *rectWidth, Ncv32u *rectHeight)
Definition: NCVHaarObjectDetection.hpp:101
Predicate pred
Definition: functional.hpp:812
cv::Size size() const override
Returns descriptor size.
Definition: tracking_by_matching.hpp:118
virtual int maxLevel() const
Definition: optical_flow.hpp:88
void setBorderMode(int val)
Definition: inpainting.hpp:155
float b
Definition: warpers.hpp:324
PlaneWarper(float scale=1.f)
Construct an instance of the plane warper class.
Definition: warpers.hpp:187
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:658
int borderMode_
Definition: stabilizer.hpp:123
the requested function/feature is not implemented
Definition: base.hpp:113
int timestamp
Definition: multicalib.hpp:103
Definition: imgproc.hpp:581
static const char * tag()
Definition: gfluidkernel.hpp:124
void equalizeHist(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Equalizes the histogram of a grayscale image.
float vertexGain
Definition: calib3d.hpp:1300
PositionsVector lastPositions
Definition: detection_based_tracker.hpp:185
Definition: imgproc.hpp:646
Definition: imgproc.hpp:332
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
Definition: global_motion.hpp:209
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:417
__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.
GProtoArgs packArgs(Ts... args)
Definition: gproto.hpp:46
void swap(Mat &a, Mat &b)
Swaps two matrices.
Point3_ & operator=(const Point3_ &pt)
RenderModes
render mode
Definition: opengl.hpp:478
::cvflann::IndexParams getParameters()
Definition: flann.hpp:294
#define MIN(a, b)
Definition: cvdef.h:447
std::string getCPUFeaturesLine()
Returns list of CPU features enabled during compilation.
float index_type
Definition: interpolation.hpp:66
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:162
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2100
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:79
void log64f(const double *src, double *dst, int n)
Definition: functional.hpp:260
void printCudaDeviceInfo(int device)
Definition: calib3d.hpp:1310
double alpha
Default is 1e-3.
Definition: kalman_filters.hpp:139
void setMethod(int val)
Definition: depth.hpp:251
Definition: gcpukernel.hpp:72
Definition: softfloat.hpp:226
bool findChessboardCornersSB(InputArray image, Size patternSize, OutputArray corners, int flags=0)
Finds the positions of internal corners of the chessboard using a sector based approach.
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:783
std::enable_if<!std::is_same< typename std::decay< T >::type, typename std::decay< U >::type >::value, V > are_different
Definition: variant.hpp:43
_Tp y
y coordinate of the top-left corner
Definition: types.hpp:454
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:227
long long Ncv64s
Definition: NCV.hpp:119
int hal_ni_gemm32f(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:694
int rows
Definition: extrapolation.hpp:100
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:87
static uchar abs(uchar a)
Definition: cvstd.hpp:66
float alpha2
"Controls speed of feature learning". Depends on T. Typical value circa 0.005.
Definition: cudalegacy.hpp:171
void boxFilter(InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT)
Blurs an image using the box filter.
std::string fileName
Definition: hpe_humaneva.hpp:67
Invalid region of interest argument.
Definition: NCV.hpp:365
Methods
Training methods.
Definition: ml.hpp:1670
Buffer()
The constructors.
pointer allocate(size_type count, const void *=0)
Definition: cvstd.hpp:132
void setBorderMode(int val)
Definition: stabilizer.hpp:95
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:117
VectorRef(std::vector< T > &&vec)
Definition: garray.hpp:226
int iterdepth
Definition: mat.hpp:3421
int n2
Definition: descriptor.hpp:145
Definition: slam_tumindoor.hpp:64
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1243
Definition: imgproc.hpp:656
K API
Definition: gcompoundkernel.hpp:97
bool isReal() const
returns true iff v1 == v2 == v3 == 0
std::vector< groundTruth > groundTruths
Definition: gr_chalearn.hpp:79
Weight of 50.
Definition: highgui.hpp:233
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
__host__ GpuMat_ colRange(int startcol, int endcol) const
v_int64x2 v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2122
Definition: deblurring.hpp:96
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:238
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:154
const char * nameFont
Name of the font.
Definition: highgui.hpp:690
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
const std::vector< float > * blurrinessRates_
Definition: deblurring.hpp:87
Mode of color management system.
Definition: videoio.hpp:396
Definition: motion_stabilizing.hpp:97
int shift
The number of fractional bits in the point coordinates.
Definition: render.hpp:117
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2533
static int type()
Definition: flann.hpp:76
static void read(const FileNode &node, Range &value, const Range &default_value)
Definition: persistence.hpp:775
Definition: gtype_traits.hpp:78
GMat sqrt(const GMat &src)
Calculates a square root of array elements.
static bool debugMode()
Returns whether debug-mode is active for this TU and thread.
Definition: debug_mode.hpp:32
Mat estimateRigidTransform(InputArray src, InputArray dst, bool fullAffine)
Computes an optimal affine transformation between two 2D point sets.
Spherical warper factory class.
Definition: warpers.hpp:159
Definition: imgproc.hpp:692
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:122
No compression,.
Definition: hdf5.hpp:124
Definition: imgproc.hpp:3652
Mat_< int > speckleY
Definition: matching.hpp:369
void equalizeHist(InputArray src, OutputArray dst)
Equalizes the histogram of a grayscale image.
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracker.hpp:1065
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:667
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.
Augmented Unscented Kalman filter parameters. The class for initialization parameters of Augmented Un...
Definition: kalman_filters.hpp:178
int preferredVectorWidthFloat() const
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:475
float parasolCells_tau
Definition: retina.hpp:176
Definition: imgproc.hpp:621
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:68
Definition: imgproc.hpp:640
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
A container class for heterogeneous kernel implementation collections and graph transformations.
Definition: gkernel.hpp:336
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
virtual ~TrackerCSRT() CV_OVERRIDE
Definition: tracker.hpp:1540
Rect dst_roi_
Definition: timelapsers.hpp:76
int thick
The thickness of line.
Definition: render.hpp:83
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:356
Resets the camera to default state.
Definition: videoio.hpp:461
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:692
std::unordered_map< std::string, cv::Mat > const_inputs
Definition: ie.hpp:38
_Result result_type
Definition: functional.hpp:65
uint64 u
Definition: cvdef.h:352
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:61
property to toggle normal window being topmost or not
Definition: highgui.hpp:201
__host__ NCVStatus setRect(Ncv32u rectX, Ncv32u rectY, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32u, Ncv32u)
Definition: NCVHaarObjectDetection.hpp:84
size_t _length
Definition: NCV.hpp:620
bool hasWeights
Definition: all_layers.hpp:508
void eigenNonSymmetric(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors)
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
int * p
Definition: mat.hpp:583
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
Definition: cudacodec.hpp:251
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
This sampler is based on particle filtering.
Definition: tracker.hpp:896
CascadeClassifier face_cascade
Definition: facemark_train.hpp:50
Definition: opengl.hpp:483
Definition: videoio.hpp:518
Vec< double, 2 > Vec2d
Definition: matx.hpp:423
std::string nameDepth
Definition: gr_chalearn.hpp:77
MatExpr operator<(const Mat &a, const Mat &b)
NodeDataTls()
Definition: utility.hpp:1185
virtual void resetPeakUsage()=0
void accumulateWeighted(InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray())
Updates a running average.
virtual bool scanAttr(const std::string prmName, const std::string val)
int hal_ni_max16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:106
SrcPtr src
Definition: reduction.hpp:110
int lt
The line type. See LineTypes.
Definition: render.hpp:45
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:558
Definition: imgproc.hpp:4210
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.
Definition: descriptor.hpp:142
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:2609
int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracker.hpp:1256
void normalize()
Definition: mapprojec.hpp:95
UMat dst_
Definition: timelapsers.hpp:75
Definition: imgproc.hpp:682
Definition: warpers.hpp:571
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
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:442
GetImage returns most recent frame.
Definition: videoio.hpp:460
Definition: detection_based_tracker.hpp:57
int ymin
Definition: or_pascal.hpp:63
Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters.
Definition: retina.hpp:151
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
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.
Definition: videoio.hpp:167
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
virtual int getTextureThreshold() const =0
Definition: mappergradeuclid.hpp:52
Rect & operator&=(Rect &lhs, const Rect &rhs)
Definition: types.hpp:64
int m_selectedClassifier
Definition: onlineBoosting.hpp:143
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:198
void setWindowProperty(const String &winname, int prop_id, double prop_value)
Changes parameters of a window dynamically.
Definition: calib3d.hpp:274
void update(const Mat &posx, const Mat &negx, const cv::Mat_< float > &posw=cv::Mat_< float >(), const cv::Mat_< float > &negw=cv::Mat_< float >())
std::string name
Definition: slam_tumindoor.hpp:69
Definition: warpers.hpp:562
void unregisterPageLocked(Mat &m)
Unmaps the memory of matrix and makes it pageable again.
bool full_affine_
Definition: matchers.hpp:245
__device__ __forceinline__ double4 tan(const double4 &a)
Definition: vec_math.hpp:310
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:229
float startPointY
Definition: descriptor.hpp:127
int stop
Definition: descriptor.hpp:69
Definition: videoio.hpp:507
Definition: variant.hpp:69
Mat readCloud(const String &file, OutputArray colors=noArray(), OutputArray normals=noArray())
Definition: imgproc.hpp:566
Ncv32s y
y-coordinate of upper left corner.
Definition: NCV.hpp:151
value_t * any_cast(any *operand)
Definition: any.hpp:114
int hal_ni_not8u(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:154
Rect & operator=(const cv::Rect &other)
Definition: types.hpp:38
Definition: functional.hpp:874
Definition: saliencyBaseClasses.hpp:62
Definition: objdetect.hpp:174
static scalar_wrapper get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:204
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
Definition: intrin_cpp.hpp:469
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:116
int height
Definition: pd_inria.hpp:76
__device__ __forceinline__ uint vsub4(uint a, uint b)
Definition: simd_functions.hpp:550
Current quality (0..100%) of the encoded videostream. Can be adjusted dynamically in some codecs.
Definition: videoio.hpp:186
static void write(FileStorage &fs, const String &name, const Size_< _Tp > &sz)
Definition: persistence.hpp:992
TrackedObject & back()
back returns non-const reference to last object in track.
Definition: tracking_by_matching.hpp:375
static void write(FileStorage &fs, const Point_< _Tp > &pt)
Definition: persistence.hpp:904
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
Definition: feature.hpp:359
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.
bool drop_forgotten_tracks
Definition: tracking_by_matching.hpp:296
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.
Definition: scalar.hpp:20
virtual void print(const char *,...) CV_OVERRIDE
Definition: log.hpp:66
int xmin
Definition: core_detect.hpp:28
int64 saturate_cast< int64 >(uint64 v)
Definition: saturate.hpp:159
float normSigma1
Definition: rlofflow.hpp:96
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:193
int allocatorFlags_
Definition: mat.hpp:565
int n
Definition: facemarkAAM.hpp:69
Definition: all_layers.hpp:551
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:454
Definition: shape_utils.hpp:57
void integral(InputArray src, OutputArray sum, int sdepth=-1)
Definition: gr_chalearn.hpp:70
float r_kinv[9]
Definition: warpers.hpp:133
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: imgproc.hpp:816
std::vector< UMat > masks_
Definition: seam_finders.hpp:103
Definition: type_traits.hpp:142
Matx< double, 6, 1 > Matx61d
Definition: matx.hpp:228
static void read(const FileNode &node, _Tp &value, const _Tp &default_value=static_cast< _Tp >(0))
Definition: persistence.hpp:1157
GMatDesc(int d, const std::vector< int > &dd)
Definition: gmat.hpp:77
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:522
Definition: functional.hpp:830
On-line Hand-Eye Calibration .
Definition: calib3d.hpp:308
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: goclkernel.hpp:198
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
virtual ~IDetector()
Definition: detection_based_tracker.hpp:112
GComputationT(const Gen &generator)
Definition: gtyped.hpp:159
Definition: imgproc.hpp:470
Target
Enum of target devices for computations.
Definition: dnn.hpp:81
int numFeatures
Definition: feature.hpp:193
virtual ~Dataset()
Definition: dataset.hpp:568
Vec< double, 3 > Vec3d
Definition: matx.hpp:424
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type > value_type
Definition: zip.hpp:79
static void help_init(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:210
Definition: functional.hpp:162
const Ptr< WarperCreator > warper() const
Definition: stitching.hpp:235
size_t forget_delay
Definition: tracking_by_matching.hpp:263
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3409
implementation for the star kernel descriptor
Definition: descriptor.hpp:273
Define camera signalling LED functionality.
Definition: videoio.hpp:344
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:799
const uchar * dataend
Definition: cuda.hpp:334
The TrackerParams struct stores parameters of TrackerByMatching.
Definition: tracking_by_matching.hpp:260
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:1056
Definition: multicalib.hpp:98
HOGDescriptor(const String &filename)
Definition: objdetect.hpp:419
Class for extracting blobs from an image. :
Definition: features2d.hpp:622
__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
GProtoOutputArgs GOut(Ts &&... ts)
Definition: gproto.hpp:75
there are multiple maxima for target function - the arbitrary one is returned
Definition: optim.hpp:262
double kmeans(InputArray data, int K, InputOutputArray bestLabels, TermCriteria criteria, int attempts, int flags, OutputArray centers=noArray())
Finds centers of clusters and groups input samples around the clusters.
void magnitude(InputArray x, InputArray y, OutputArray magnitude)
Calculates the magnitude of 2D vectors.
int cvIsNaN(double value)
Determines if the argument is Not A Number.
Definition: fast_math.hpp:270
use QR instead of SVD decomposition for solving. Faster but potentially less precise
Definition: calib3d.hpp:285
void estimateUncertaintiesStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
void setTrackbarMax(const String &trackbarname, const String &winname, int maxval)
Sets the trackbar maximum position.
Impl * p
Definition: ocl.hpp:666
static void print(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:188
std::tuple< cv::GMatDesc, cv::GMatDesc > GMatDesc2
Definition: render.hpp:132
std::tuple< GMat, GMat > GMat2
Definition: core.hpp:31
__device__ __forceinline__ uint vcmpge2(uint a, uint b)
Definition: simd_functions.hpp:302
Vec3d RQDecomp3x3(InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray())
Computes an RQ decomposition of 3x3 matrices.
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:235
__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)
float thresholdStep
Definition: features2d.hpp:628
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.
Mat stateInit
Initial state, DP x 1, default is zero.
Definition: kalman_filters.hpp:132
cameraParam camera
Definition: msm_epfl.hpp:74
Returns device model id.
Definition: videoio.hpp:434
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)
int imageStop
Definition: descriptor.hpp:146
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
DescriptorCollection mergedDescriptors
Definition: features2d.hpp:1190
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
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).
std::string device_id
Definition: ie.hpp:32
double division_k2
Definition: simple_pipeline.hpp:118
int minNumberOfSamples
Minimum number of samples in the node to stop partitioning.
Definition: sparse_matching_gpc.hpp:126
void absdiff(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
Definition: gr_skig.hpp:76
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
void recip32f(const float *, size_t, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
int template_id
Definition: linemod.hpp:286
__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:189
__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
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:2648
float edgeGain
Definition: calib3d.hpp:1303
#define CV_EXPORTS_TEMPLATE
Definition: cvdef.h:379
void setMaxTranslation(double val)
Definition: depth.hpp:965
int64 getTickCount()
Returns the number of ticks.
R extract_mat(InputArray in, const int type=-1)
Definition: quality_utils.hpp:22
__device__ const __forceinline__ T * row(int y) const
Definition: glob.hpp:73
Freerun.
Definition: videoio.hpp:300
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:380
Selects which test pattern generator is controlled by the TestPattern feature.
Definition: videoio.hpp:366
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
used to iterate through sequences and mappings.
Definition: persistence.hpp:618
__device__ static __forceinline__ void blockYota(OutIt beg, OutIt end, T value)
Definition: block.hpp:85
QualityMSE(QualityBase::_mat_type ref)
Constructor.
Definition: qualitymse.hpp:57
Set general purpose output mode.
Definition: videoio.hpp:342
cv::instr::TYPE m_instrType
Definition: utility.hpp:1201
int maxLevel
Definition: rlofflow.hpp:115
Definition: rlofflow.hpp:32
Definition: pd_caltech.hpp:76
InpainterBase()
Definition: inpainting.hpp:64
Ncv8u y
Definition: NCV.hpp:140
VectorRefT(std::vector< T > &&vec)
Definition: garray.hpp:144
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
Definition: reduce_to_vec.hpp:85
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
void denoise_TVL1(const std::vector< Mat > &observations, Mat &result, double lambda=1.0, int niters=30)
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is,...
Setting of key enables file operations on some cameras.
Definition: videoio.hpp:479
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:435
Definition: imgproc.hpp:600
Definition: functional.hpp:113
int rows
Definition: interpolation.hpp:273
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:418
#define CV_PROP_RW
Definition: cvdef.h:417
__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
std::deque< TrackedObject > TrackedObjects
Definition: tracking_by_matching.hpp:59
void anisotropicDiffusion(InputArray src, OutputArray dst, float alpha, float K, int niters)
Performs anisotropic diffusian on an image.
~BinaryDescriptorMatcher()
Definition: descriptor.hpp:924
Ptr< Dictionary > getPredefinedDictionary(PREDEFINED_DICTIONARY_NAME name)
Returns one of the predefined dictionaries defined in PREDEFINED_DICTIONARY_NAME.
Definition: pd_inria.hpp:63
Definition: goclkernel.hpp:229
std::is_same< T, typename MetaType< T >::type > is_nongapi_type
Definition: gkernel.hpp:94
Candidate feature with a score.
Definition: linemod.hpp:85
Size2f size
returns width and height of the rectangle
Definition: types.hpp:532
std::string tag
Definition: infer.hpp:190
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
Definition: imgproc.hpp:4211
GComputationT(const Gen &generator)
Definition: gtyped.hpp:86
Definition: logtag.hpp:15
Definition: all_layers.hpp:285
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:80
Definition: gkernel.hpp:172
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.
void nonLocalMeans(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, int borderMode=BORDER_DEFAULT, Stream &stream=Stream::Null())
Performs pure non local means denoising without any simplification, and thus it is not fast.
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapPtr >::index_type y, typename PtrTraits< MapPtr >::index_type x) const
Definition: remap.hpp:68
std::vector< size_t > hashtab
Definition: mat.hpp:2685
__device__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:172
void calcFlowMask(const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask)
MatExpr operator-(const Mat &a, const Mat &b)
v_reg< float, n > v_not_nan(const v_reg< float, n > &a)
Definition: intrin_cpp.hpp:685
double panoConfidenceThresh() const
Definition: stitching.hpp:195
convert RGB/BGR to HLS (hue lightness saturation), color conversions
Definition: imgproc.hpp:591
Definition: opengl.hpp:484
GMat Sobel(const GMat &src, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0))
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
float padding
Definition: tracker.hpp:1514
SupportRegionType
Definition: rlofflow.hpp:17
std::vector< double > p[4]
Definition: slam_kitti.hpp:70
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:114
Definition: container_avi.private.hpp: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:1187
virtual int64 getFLOPS(const std::vector< MatShape > &inputs, const std::vector< MatShape > &outputs) const
Definition: dnn.hpp:343
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
float weak_threshold
Definition: linemod.hpp:191
Definition: imgproc.hpp:727
Size pooledSize
Definition: all_layers.hpp:262
Definition: gfluidkernel.hpp:178
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:269
size_t size
Definition: t_hash_int.hpp:69
bool isContinuous() const
static KernelArg Constant(const _Tp *arr, size_t n)
Definition: ocl.hpp:376
Definition: videoio.hpp:531
Definition: deriv.hpp:114
size_t maxWorkGroupSize() const
double getTimeMicro() const
Definition: utility.hpp:375
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:238
Definition: imgproc.hpp:723
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
RANSAC algorithm.
Definition: calib3d.hpp:230
The IDescriptorDistance class declares an interface for distance computation between reidentification...
Definition: tracking_by_matching.hpp:154
One of the rectangle is fully enclosed in the other.
Definition: imgproc.hpp:795
Definition: videoio.hpp:492
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:1972
static std::string toString(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:177
Mat K_
Definition: depth.hpp:178
Definition: cudacodec.hpp:268
Definition: imgproc.hpp:449
for stereoCalibrate
Definition: calib3d.hpp:293
void starCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2)
double errorCorrectionRate
Definition: aruco.hpp:175
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)
In mm.
Definition: videoio.hpp:226
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:404
Definition: interpolation.hpp:213
Status
Definition: stitching.hpp:152
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:1095
Definition: imgcodecs.hpp:127
reflect out of range position across borders
Definition: NPP_staging.hpp:93
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
NCVStatus nppiStResize_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, NcvRect32u srcROI, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u dstROI, Ncv32f xFactor, Ncv32f yFactor, NppStInterpMode interpolation)
std::size_t index() const noexcept
Definition: variant.hpp:297
cv::Scalar color
The rectangle color or brightness (grayscale image)
Definition: render.hpp:56
GScalar normInf(const GMat &src)
Calculates the absolute infinite norm of a matrix.
HandEyeCalibrationMethod
Definition: calib3d.hpp:303
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
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.
Selects the current feature which is accessible by XI_PRM_SENSOR_FEATURE_VALUE.
Definition: videoio.hpp:480
Rect selectROI(const String &windowName, InputArray img, bool showCrosshair=true, bool fromCenter=false)
Selects ROI on the given image. Function creates a window and allows user to select a ROI using mouse...
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
float b
Definition: warpers.hpp:366
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: gr_skig.hpp:90
bool can_describe(const GMetaArg &meta, const GRunArg &arg)
Flags
Definition: ml.hpp:322
unsigned findLeafForPatch(const GPCPatchDescriptor &descr) const
#define CV_CUDEV_YCrCb2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:155
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:187
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:217
~NCVMatrixAlloc()
Definition: NCV.hpp:883
Mat gain
Kalman gain matrix (K(k)): K(k)=P'(k)*Ht*inv(H*P'(k)*Ht+R)
Definition: tracking.hpp:401
bool operator!=(const GBackend &lhs, const GBackend &rhs)
Definition: gkernel.hpp:284
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:206
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:256
static U * wrap_out(U &u)
Definition: gtype_traits.hpp:143
size_t minRepeatability
Definition: features2d.hpp:631
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
Mode
file storage mode
Definition: persistence.hpp:307
virtual float getScale() const
Definition: warpers.hpp:118
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:503
UMatData * u
Definition: mat.hpp:2572
Definition: functional.hpp:753
DEPTH_CLEANER_METHOD
Definition: depth.hpp:193
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:138
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
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
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
CornerRefineMethod
Definition: aruco.hpp:81
Arrays()
Default constructor.
virtual void setScalleFactor(int factor)=0
cv::Rect rect
Coordinates of the rectangle.
Definition: render.hpp:55
int total_num_matches_
Definition: motion_estimators.hpp:197
Definition: is_bsds.hpp:65
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:197
int getVersionMajor()
Returns major library version.
__host__ size_t step1() const
RANSAC algorithm. It needs at least 15 points. 7-point algorithm is used.
Definition: calib3d.hpp:300
Mat R
Definition: camera.hpp:69
window's aspect ration (can be set to WINDOW_FREERATIO or WINDOW_KEEPRATIO).
Definition: highgui.hpp:198
Definition: imgproc.hpp:4217
int eval(const Mat &image)
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
bool const_param_type
Definition: core.hpp:3184
Definition: all_layers.hpp:296
Definition: functional.hpp:104
Uses resized image as descriptor.
Definition: tracking_by_matching.hpp:100
std::vector< std::string > lexFull
Definition: tr_icdar.hpp:70
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)
__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
float histogram_lr
Definition: tracker.hpp:1520
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:234
virtual ~StabilizerBase()
Definition: stabilizer.hpp:69
Definition: cudacodec.hpp:255
const FileStorage * fs
Definition: persistence.hpp:670
void save(String filename)
Definition: flann.hpp:288
HistCompMethods
Definition: imgproc.hpp:490
std::vector< word > words
Definition: tr_icdar.hpp:71
void mul16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
void transform(InputArray src, OutputArray dst, InputArray m)
Performs the matrix transformation of every array element.
void deallocate()
deallocates the buffer if it was dynamically allocated
Strategie for the selective search segmentation algorithm The class implements a generic stragery for...
Definition: segmentation.hpp:74
virtual int getSubPixelInterpolationMethod() const =0
virtual ~FeaturesMatcher()
Definition: matchers.hpp:120
size_t total() const
Returns the total number of array elements.
Definition: mat.hpp:294
Predicate pred
Definition: functional.hpp:793
std::string imageName
Definition: sr_bsds.hpp:25
float sigma
gaussian kernel bandwidth
Definition: tracker.hpp:1245
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:2075
GPCPatchDescriptor pos
Definition: sparse_matching_gpc.hpp:80
Class used for calculating a sparse optical flow.
Definition: cudaoptflow.hpp:201
Tracker-by-Matching algorithm interface.
Definition: tracking_by_matching.hpp:410
EstimatedGaussDistribution()
Definition: omnidir.hpp:68
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:169
Definition: feature.hpp:293
static Ptr< CvFeatureEvaluator > create(CvFeatureParams::FeatureType type)
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1349
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:125
__host__ void gridTransformBinary_(const SrcPtr1 &src1, const SrcPtr2 &src2, GpuMat_< DstType > &dst, const BinOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:111
float overlap
overlapping for the search windows
Definition: tracker.hpp:842
void writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
std::vector< detail::CameraParams > cameras() const
Definition: stitching.hpp:289
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:197
GMat RGB2Lab(const GMat &src)
Converts an image from RGB color space to Lab color space.
For PAM, sets the TUPLETYPE field to the corresponding string value that is defined for the format.
Definition: imgcodecs.hpp:94
QuickTime (obsolete, removed)
Definition: videoio.hpp:99
double m30
Definition: types.hpp:941
ERStat * next
Definition: erfilter.hpp:105
float getMarkerSeparation() const
Definition: aruco.hpp:350
void setTrimRatio(float val)
Definition: stabilizer.hpp:89
Definition: functional.hpp:152
String className
Definition: tracker.hpp:113
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
Definition: dictionary.hpp:153
Definition: all_layers.hpp:439
bool m_alwaysExpand
Definition: utility.hpp:1206
MatExpr operator!=(const Mat &a, const Mat &b)
DescriptorType
Definition: features2d.hpp:735
Bayer8.
Definition: videoio.hpp:317
Definition: functional.hpp:646
Mat mergedDescriptors
Definition: features2d.hpp:1080
uint64 state
Definition: core.hpp:2915
Definition: all_layers.hpp:305
Size blockStride
Block stride. It must be a multiple of cell size. Default value is Size(8,8).
Definition: objdetect.hpp:593
int64_t saturate_cast< int64_t >(softfloat a)
Definition: softfloat.hpp:424
double width
Definition: facemarkLBF.hpp:108
const cv::gapi::own::Scalar & inVal(int input)
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: kinfu.hpp:51
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:69
Definition: functional.hpp:426
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:55
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
friend struct Impl
Definition: async.hpp:96
int samplerTrackMaxPosNum
Definition: tracker.hpp:1076
TickMeter()
the default constructor
Definition: utility.hpp:338
Bgra32.
Definition: videoio.hpp:322
GaussianMotionFilter(int radius=15, float stdev=-1.f)
Definition: motion_stabilizing.hpp:115
void grabCut(InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
Runs the GrabCut algorithm.
LogLevel
Supported logging levels and their semantic.
Definition: logger.defines.hpp:25
DepthMask
Definition: mat.hpp:293
static void read(const FileNode &node, std::vector< DMatch > &vec, const std::vector< DMatch > &default_value)
Definition: persistence.hpp:1186
float calcNormFactor(const Mat &sum, const Mat &sqSum)
int index_type
Definition: deriv.hpp:284
__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:140
Definition: all_layers.hpp:524
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:103
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:56
std::vector< Scalar > gains() const
Definition: exposure_compensate.hpp:149
float psr_threshold
we lost the target, if the psr is lower than this.
Definition: tracker.hpp:1528
int m_iterationInit
Definition: onlineBoosting.hpp:147
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
bool isDirectory(const cv::String &path)
std::lock_guard< cv::Mutex > AutoLock
Definition: utility.hpp:702
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
Definition: cudaimgproc.hpp:101
Definition: wobble_suppression.hpp:95
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:368
SrcPtr src
Definition: reduction.hpp:220
int hal_ni_merge8u(const uchar **src_data, uchar *dst_data, int len, int cn)
Definition: hal_replacement.hpp:366
float contextEnergy_temporalConstant
context neighborhood energy filtering parameters : the aim is to get information about the energy on ...
Definition: transientareassegmentationmodule.hpp:104
Base class for parallel data processors.
Definition: utility.hpp:570
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
Definition: tr_chars.hpp:60
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
Definition: reduce_to_vec.hpp:129
Definition: functional.hpp:122
Selects the current feature which is accessible by XI_PRM_LENS_FEATURE.
Definition: videoio.hpp:432
void convertFromBuffer(void *cl_mem_buffer, size_t step, int rows, int cols, int type, UMat &dst)
Convert OpenCL buffer to UMat.
__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:334
Definition: erfilter.hpp:245
double distance_step
Definition: ppf_match_3d.hpp:148
Ptr< SparseOpticalFlow > createOptFlow_SparseRLOF()
Additional interface to the Sparse RLOF algorithm - optflow::calcOpticalFlowSparseRLOF()
Definition: imgproc.hpp:567
int recoverPose(InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, InputOutputArray mask=noArray())
Recover relative camera rotation and translation from an estimated essential matrix and the correspon...
Definition: warpers.hpp:50
Accumulator< T >::Type ResultType
Definition: features2d.hpp:840
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:326
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
float minThreshold
Definition: features2d.hpp:629
void invSqrt32f(const float *src, float *dst, int len)
Definition: imgproc.hpp:700
virtual const char * what() const noexcept override
Definition: variant.hpp:55
size_t size_type
Definition: cvstd.hpp:118
Definition: depth.hpp:441
Definition: videoio.hpp:207
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:205
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:303
Definition: stereo.hpp:131
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
NCVStatus nppsStCompact_32u(Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1069
void printShortCudaDeviceInfo(int device)
Saturation of the image (only for cameras).
Definition: videoio.hpp:144
window with opengl support.
Definition: highgui.hpp:185
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
operator std::string() const
returns the node content as text string
Definition: persistence.hpp:568
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
Mat_< int > speckleX
Definition: matching.hpp:370
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.
double principal_point_y
Definition: simple_pipeline.hpp:111
Definition: deriv.hpp:161
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:507
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:243
GMatDesc m_desc
Definition: gfluidbuffer.hpp:51
static Color chartreuse()
#define CV_EXPORTS_W
Definition: cvdef.h:410
virtual int getScalleFactor() const =0
float ePointInOctaveX
Definition: descriptor.hpp:134
Definition: tracking.hpp:265
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:823
Definition: simple_pipeline.hpp:125
int _numSel
Definition: onlineMIL.hpp:65
Definition: utility.hpp:1173
Lens current focus movement value to be used by XI_PRM_LENS_FOCUS_MOVE in motor steps.
Definition: videoio.hpp:428
MatExpr operator+(const Mat &a, const Mat &b)
float motion_affinity_w
Motion affinity weight.
Definition: tracking_by_matching.hpp:277
Exposure compensator which tries to remove exposure related artifacts by adjusting image block intens...
Definition: exposure_compensate.hpp:192
Definition: calib3d.hpp:3046
static void init_scratch(const GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:287
Definition: cudacodec.hpp:74
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:919
virtual int getSpekleRemovalTechnique() const =0
There is no need to define additional pixels, image is extended already.
Definition: NPP_staging.hpp:90
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
Definition: descriptor.hpp:58
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
Definition: imgproc.hpp:631
float minArea
Definition: features2d.hpp:638
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:374
Ncv32f * pSrcFrame0
frame 0
Definition: NPP_staging.hpp:119
std::function< void(gapi::fluid::Buffer &)> RS
Definition: gfluidkernel.hpp:63
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
Definition: intrin_cpp.hpp:426
virtual void setMinDisparity(int minDisparity)=0
Definition: videoio.hpp:522
processing in several iterations
Definition: types.hpp:63
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 num_params_per_cam_
Definition: motion_estimators.hpp:199
float depthFactor
pre-scale per 1 meter for input values
Definition: kinfu.hpp:44
Automatic white balance.
Definition: videoio.hpp:346
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs, GCompileArgs &&args)
Definition: gtyped.hpp:178
bool checkRange(InputArray a, bool quiet=true, Point *pos=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX)
Checks every element of an input array for invalid values.
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
int varIdx
Index of variable on which the split is created.
Definition: ml.hpp:1179
A class filters a vector of keypoints.
Definition: features2d.hpp:106
vector< Point2f > gtbb
Definition: track_alov.hpp:65
Base class for Contrast Limited Adaptive Histogram Equalization. :
Definition: cudaimgproc.hpp:225
int axis
Definition: all_layers.hpp:281
Size of free camera FFS.
Definition: videoio.hpp:477
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3306
int num_ref_points
Definition: ppf_match_3d.hpp:151
Definition: simple_pipeline.hpp:124
void createKernel(InputArray A, InputArray B, OutputArray kernel, const int chn)
Creates kernel from basic functions.
int m_lineNum
Definition: utility.hpp:1204
the TLD (Tracking, learning and detection) tracker
Definition: tracker.hpp:1184
Definition: type_traits.hpp:117
Definition: calib3d.hpp:255
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:59
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:493
void addText(const Mat &img, const String &text, Point org, const QtFont &font)
Draws a text on the image.
ThinningTypes
Definition: ximgproc.hpp:110
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
input COI is not supported
Definition: base.hpp:93
smaller version of FONT_HERSHEY_COMPLEX
Definition: imgproc.hpp:817
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
static Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:63
Output data format.
Definition: videoio.hpp:368
Definition: gr_chalearn.hpp:60
Definition: calib3d.hpp:3044
std::function< void(GOCLContext &)> F
Definition: goclkernel.hpp:86
String dumpInputArrayOfArrays(InputArrayOfArrays argument)
int getBlockSize() const
Definition: depth.hpp:369
cv::Ptr< SeparateDetectionWork > separateDetectionWork
Definition: detection_based_tracker.hpp:161
static float DEFAULT_MAX_POINTS_PART()
Definition: depth.hpp:530
NCVMemoryType
Definition: NCV.hpp:427
static MatExpr eye(int rows, int cols)
static KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:357
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
softdouble & operator=(const softdouble &c)
Assign constructor.
Definition: softfloat.hpp:234
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifier(const String &filename, int classifier)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
std::tuple< GMat, GMat, GMat, GMat > GMat4
Definition: core.hpp:33
double getMinDepth() const
Definition: depth.hpp:905
Definition: objdetect.hpp:170
uint32_t uint
Definition: interface.h:42
Definition: seam_finders.hpp:62
size_t sz
size of the real buffer
Definition: utility.hpp:172
Template class for 2D rectangles.
Definition: types.hpp:420
std::function< R(Args...)> API
Definition: infer.hpp:70
std::function< GComputation()> Generator
Definition: gcomputation.hpp:111
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:3417
bool empty() const
Definition: motion_stabilizing.hpp:74
void flags2idxStereo(int flags, std::vector< int > &idx, int n)
Ptr< UkfSystemModel > model
Object of the class containing functions for computing the next state and the measurement.
Definition: kalman_filters.hpp:144
__host__ LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > lutPtr(const SrcPtr &src, const TablePtr &tbl)
Definition: lut.hpp:87
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params ¶meters=SimpleBlobDetector::Params())
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:68
Definition: imgproc.hpp:699
bool filterByColor
Definition: features2d.hpp:634
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
uchar * original_data
Definition: goclkernel.hpp:124
softfloat(const float a)
Construct from float.
Definition: softfloat.hpp:120
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:79
double getMaxDistDiff() const
Definition: depth.hpp:1060
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
std::unordered_map< int, TrackedObjects > ObjectTracks
(object id, detected objects) pairs collection.
Definition: tracking_by_matching.hpp:64
MaterialProperty
Definition: ovis.hpp:31
void readTrajectory(OutputArray traj, const String &files_format="pose%05d.xml", int start=0, int end=INT_MAX, const String &tag="pose")
void essentialFromFundamental(InputArray F, InputArray K1, InputArray K2, OutputArray E)
Get Essential matrix from Fundamental and Camera matrices.
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:321
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2127
__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
Definition: imgproc.hpp:511
void FT12D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
Vec< double, 4 > Vec4d
Definition: matx.hpp:425
virtual ~CvLBPEvaluator() CV_OVERRIDE
Definition: feature.hpp:368
int hal_ni_addWeighted64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:324
Vec< float_type, 3 > Vec3
Definition: affine.hpp:132
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
Definition: cudalegacy.hpp:199
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
std::string name
Definition: feature.hpp:134
unsigned char uchar
Definition: interface.h:51
Exposure time in microseconds.
Definition: videoio.hpp:353
static Ptr< _Tp > makePtr(const A1 &... a1)
Definition: cvstd_wrapper.hpp:26
std::vector< Ptr< Tracker > > trackers
Trackers list for Multi-Object-Tracker.
Definition: tracker.hpp:1433
void * _getImpl() const CV_NOEXCEPT
Definition: async.hpp:97
This class is presented high-level API for neural networks.
Definition: dnn.hpp:1002
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:201
Matx< float_type, 4, 4 > Mat4
Definition: affine.hpp:131
The number of kneepoints in the PWLR.
Definition: videoio.hpp:466
int shift
The number of fractional bits in the point coordinates.
Definition: render.hpp:85
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:222
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
#define G_TYPED_KERNEL_M(Class, API, Id)
Definition: gkernel.hpp:250
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
Definition: imgproc.hpp:604
any(any &src)
Definition: any.hpp:80
Definition: dataset.hpp:560
Smart pointer for OpenGL buffer object with reference counting.
Definition: opengl.hpp:79
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
Definition: container_avi.private.hpp:135
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.
Definition: simple_pipeline.hpp:126
Boolean flags indicating whether images should be converted to RGB.
Definition: videoio.hpp:148
int getPatchIdxOfBestDetection()
void getLinTr(OutputArray linTr) const
Definition: mapaffine.hpp:88
Definition: videoio.hpp:510
int trackMaxNegNum
Definition: tracker.hpp:791
String extensions() const
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
Definition: videoio.hpp:509
float a
Definition: warpers.hpp:324
__host__ void gridSplit(const SrcPtr &src, const tuple< GpuMat_< DstType > &, GpuMat_< DstType > & > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:526
Definition: extrapolation.hpp:60
static std::vector< U > & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:184
float kaiser_alpha
Definition: tracker.hpp:1507
Definition: functional.hpp:182
float stdevThresh() const
Definition: inpainting.hpp:133
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
void exp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an exponent of each matrix element.
int getMethod() const
Definition: depth.hpp:164
Returns hardware revision number.
Definition: videoio.hpp:472
Rect warpRoi(Size src_size, InputArray K, InputArray R) CV_OVERRIDE
Debounce time (x * 10us).
Definition: videoio.hpp:424
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
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:168
Definition: cudacodec.hpp:270
int flags
Definition: features2d.hpp:1369
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
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:102
Definition: gr_chalearn.hpp:83
Definition: imgproc.hpp:740
int lkPyrLvl
Definition: quasi_dense_stereo.hpp:55
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)
std::string imageName
Definition: sr_general100.hpp:25
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.
Definition: functional.hpp:630
Definition: cudacodec.hpp:246
This structure contains all the parameters that can be varied during the course of sampling algorithm...
Definition: tracker.hpp:903
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:100
Definition: functional.hpp:609
Definition: imgproc.hpp:695
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:220
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:215
Matching(void)
Definition: matching.hpp:596
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
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.
Ptr< MergeMertens > createMergeMertens(float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f)
Creates MergeMertens object.
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
std::vector< GShape > GShapes
Definition: gkernel.hpp:29
the sparse matrix header
Definition: mat.hpp:2674
void setSigmaSpatial(float f)
Definition: depth.hpp:1088
void assign_row(void *ptr, int cols, Scalar const &s)
Definition: mat.hpp:25
Definition: cudaimgproc.hpp:97
Horizontal Decimation - horizontal sub-sampling of the image - reduces the horizontal resolution of t...
Definition: videoio.hpp:364
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3)
Constructor.
Definition: intrin_cpp.hpp:277
Definition: wobble_suppression.hpp:101
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:926
float searchFactor
search region parameter
Definition: tracker.hpp:843
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: tracking.hpp:399
bool get(OutputArray dst, double timeoutNs) const
Definition: async.hpp:63
bool horizontal
Definition: sinusoidalpattern.hpp:91
transposes src1
Definition: base.hpp:220
Structure to hold the details pertaining to a single bounding box.
Definition: core_detect.hpp:26
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
void magnitude32f(const float *x, const float *y, float *dst, int n)
void histEven(InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Calculates a histogram with evenly distributed bins.
static cv::UMat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:104
Rect_< float > Rect2f
Definition: types.hpp:460
void setDepth(int val)
Definition: depth.hpp:243
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:228
float samplerSearchWinSize
size of search window
Definition: tracker.hpp:1074
static void dumpOpenCLInformation()
Definition: opencl_info.hpp:52
T work_type
Definition: reduce_to_vec.hpp:127
Definition: all_layers.hpp:210
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
size_t blockIdx
Definition: persistence.hpp:608
BlockMeanHash()
Definition: block_mean_hash.hpp:36
src1 is less than src2.
Definition: base.hpp:214
const double & operator[](int i) const
Definition: scalar.hpp:30
Definition: videoio.hpp:162
float eps
max outliers ratio
Definition: motion_core.hpp:77
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
int numClassifiers
the number of classifiers to use in a OnlineBoosting algorithm
Definition: tracker.hpp:1106
Definition: imgproc.hpp:770
Constructs a WMesh.
Definition: widgets.hpp:788
No intersection.
Definition: imgproc.hpp:793
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:335
Definition: features2d.hpp:316
Mat frameMask_
Definition: stabilizer.hpp:126
The horizontal size of the bounding box.
Definition: imgproc.hpp:394
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
Mat cls
Definition: feature.hpp:196
Definition: fr_adience.hpp:64
The total area (in pixels) of the connected component.
Definition: imgproc.hpp:396
Derivatives of this class wraps cv::Mat for different backends and targets.
Definition: dnn.hpp:125
Definition: all_layers.hpp:278
static Color celestial_blue()
static void read(const FileNode &node, Vec< _Tp, cn > &value, const Vec< _Tp, cn > &default_value)
Definition: persistence.hpp:751
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
T ValueType
Definition: features2d.hpp:807
void resetDevice()
Explicitly destroys and cleans up all resources associated with the current device in the current pro...
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:270
Class for ContourFitting algorithms. ContourFitting match two contours and minimizing distance.
Definition: fourier_descriptors.hpp:20
Definition: calib3d.hpp:264
cv::Vec2f bbox_aspect_ratios_range
Bounding box aspect ratios range.
Definition: tracking_by_matching.hpp:283
bool compress_feature
activate the pca method to compress the features
Definition: tracker.hpp:1253
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:309
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: tracking.hpp:57
virtual const char * what() const noexcept override
Definition: any.hpp:45
Definition: inpainting.hpp:127
std::string nameColor
Definition: gr_chalearn.hpp:77
Definition: cap_winrt.hpp:41
Use this value for data produced by a filter (or predictor).Filtered data consists mostly of small va...
Definition: imgcodecs.hpp:118
__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:691
Definition: intrin.hpp:102
Allocator()
Definition: cvstd.hpp:122
indicates that middle mouse button is released.
Definition: highgui.hpp:212
cv::Point org
The bottom-left corner of the image.
Definition: render.hpp:103
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
cv::Rect location
Definition: detection_based_tracker.hpp:148
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:290
GMat absDiffC(const GMat &src, const GScalar &c)
Calculates absolute value of matrix elements.
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
SrcPtr src
Definition: lut.hpp:65
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:875
virtual int getIterations() const =0
NCVStatus nppsStCompact_32s_host(Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
#define CV_64F
Definition: interface.h:79
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2093
bool solvePnPRansac(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, double confidence=0.99, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
virtual int getDisp12MaxDiff() const =0
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:1675
MapYPtr mapy
Definition: remap.hpp:82
int height
Definition: linemod.hpp:44
void oilPainting(InputArray src, OutputArray dst, int size, int dynRatio, int code)
oilPainting See the book for details.
int id
Definition: detection_based_tracker.hpp:189
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:230
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
Mat readTensorFromONNX(const String &path)
Creates blob from .pb file.
int cols
Definition: interpolation.hpp:215
void divide(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar division.
#define CV_EXPORTS_W_MAP
Definition: cvdef.h:413
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
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:196
Definition: facerec.hpp:20
virtual NCVStatus dealloc(NCVMemSegment &seg)=0
CUDA memory copy error.
Definition: NCV.hpp:360
double computeBadPixelPercent(InputArray GT, InputArray src, Rect ROI, int thresh=24)
Function for computing the percent of "bad" pixels in the disparity map (pixels where error is higher...
Definition: gfluidkernel.hpp:102
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3302
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
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:123
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:398
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:449
CV_XADD(int *addr, int delta)
Definition: cvdef.h:644
std::tuple< GMat, GMat > cartToPolar(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
cdefgh|abcdefgh|abcdefg
Definition: base.hpp:272
Definition: videoio.hpp:225
DemosaicTypes
Definition: cudaimgproc.hpp:92
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
~TLSData()
Definition: utility.hpp:732
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
const Size & getWindowSize() const
Definition: types.hpp:213
__device__ __forceinline__ double4 atan(const double4 &a)
Definition: vec_math.hpp:337
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
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:69
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:359
image step is wrong, this may happen for a non-continuous matrix.
Definition: base.hpp:82
Types
Type of covariation matrices.
Definition: ml.hpp:840
void writeLogMessage(LogLevel logLevel, const char *message)
void merge32s(const int **src, int *dst, int len, int cn)
Definition: detection_based_tracker.hpp:68
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
Definition: videoio.hpp:237
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
Output data format.
Definition: videoio.hpp:333
Definition: imgproc.hpp:597
Mat findEssentialMat(InputArray points1, InputArray points2, InputArray cameraMatrix, int method=RANSAC, double prob=0.999, double threshold=1.0, OutputArray mask=noArray())
Calculates an essential matrix from the corresponding points in two images.
float shiftValue
Definition: sinusoidalpattern.hpp:88
Definition: imgproc.hpp:392
int channels
Definition: mask.hpp:74
int targetHeight
Definition: tracker.hpp:375
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
Definition: gtype_traits.hpp:134
ExtObject(int _id, cv::Rect _location, ObjectStatus _status)
Definition: detection_based_tracker.hpp:150
Definition: imgproc.hpp:642
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:181
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
Definition: imgproc.hpp:686
T & get()
Definition: gcommon.hpp:110
virtual void write(FileStorage &fs) const =0
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:767
float free_coef
not documented
Definition: objdetect.hpp:623
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
int modifiers
Definition: types.hpp:300
void feed(const std::vector< Point > &, const std::vector< UMat > &, const std::vector< std::pair< UMat, uchar > > &) CV_OVERRIDE
Definition: exposure_compensate.hpp:101
cv::Scalar color
The line color.
Definition: render.hpp:82
size_t default_step(int type, int cols)
Definition: mat.hpp:37
Hand-Eye Calibration Using Dual Quaternions .
Definition: calib3d.hpp:309
std::tuple< cv::GArray< R >... > ResultL
Definition: infer.hpp:57
v_reg< _Tp, n > operator!=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Not equal comparison.
Definition: intrin_cpp.hpp:682
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:180
void refineDetectedMarkers(InputArray image, const Ptr< Board > &board, InputOutputArrayOfArrays detectedCorners, InputOutputArray detectedIds, InputOutputArrayOfArrays rejectedCorners, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), float minRepDistance=10.f, float errorCorrectionRate=3.f, bool checkAllOrders=true, OutputArray recoveredIdxs=noArray(), const Ptr< DetectorParameters > ¶meters=DetectorParameters::create())
Refind not detected markers based on the already detected and the board layout.
void approxPolyDP(InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
K API
Definition: gcpukernel.hpp:268
static void write(FileStorage &fs, const String &name, const DMatch &m)
Definition: persistence.hpp:1053
RetrievalModes
mode of the contour retrieval algorithm
Definition: imgproc.hpp:408
a possible foreground pixel
Definition: imgproc.hpp:345
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
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:688
Definition: imgproc.hpp:690
int samplerTrackMaxNegNum
Definition: tracker.hpp:1077
SrcPtr src
Definition: reduction.hpp:154
GMat divC(const GMat &src, const GScalar &divisor, double scale, int ddepth=-1)
Divides matrix by scalar.
uint64_t uint64
Definition: interface.h:62
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:692
GridType gridType
Definition: calib3d.hpp:1312
Definition: type_traits.hpp:155
Impl * getImpl() const
Definition: ocl.hpp:264
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:1620
int width
Definition: types.hpp:103
v_uint8x16 v_rshr_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:2241
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:3020
double confThresh() const
Definition: motion_estimators.hpp:143
__host__ void gridReduceToColumn(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:220
Node(OBJECT &payload)
Definition: utility.hpp:1093
std::vector< U > type
Definition: gtyped.hpp:28
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
Definition: motion_core.hpp:67
__device__ __forceinline__ double4 cosh(const double4 &a)
Definition: vec_math.hpp:355
Definition: NCVHaarObjectDetection.hpp:354
Definition: omnidir.hpp:61
Definition: fr_adience.hpp:67
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:240
Definition: cudacodec.hpp:254
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:1260
Interface for realizations of Guided Filter.
Definition: edge_filter.hpp:130
virtual int getP2() const =0
for using in setLogVevel() call
Definition: logger.defines.hpp:26
__device__ __forceinline__ uint vsetlt2(uint a, uint b)
Definition: simd_functions.hpp:396
Moves lens focus motor by steps set in XI_PRM_LENS_FOCUS_MOVEMENT_VALUE.
Definition: videoio.hpp:429
int narrays
the number of arrays
Definition: mat.hpp:3415
int scene_sample_step
Definition: ppf_match_3d.hpp:158
__host__ Expr< FindMinValExprBody< SrcPtr > > minVal_(const SrcPtr &src)
Definition: reduction.hpp:99
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
Data given from IR image generator.
Definition: videoio.hpp:263
void add8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
int window_size_
Definition: depth.hpp:261
void drawFeatures(InputOutputArray img, const std::vector< Template > &templates, const Point2i &tl, int size=10)
Debug function to draw linemod features.
Definition: NCVHaarObjectDetection.hpp:218
#define _v512_set_epu8(a63, a62, a61, a60, a59, a58, a57, a56, a55, a54, a53, a52, a51, a50, a49, a48, a47, a46, a45, a44, a43, a42, a41, a40, a39, a38, a37, a36, a35, a34, a33, a32, a31, a30, a29, a28, a27, a26, a25, a24, a23, a22, a21, a20, a19, a18, a17, a16, a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:30
float calcBlurriness(const Mat &frame)
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:148
float ePointInOctaveY
Definition: descriptor.hpp:135
Color Correction Matrix element [0][2].
Definition: videoio.hpp:405
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:222
Marr-Hildreth Operator Based Hash, slowest but more discriminative.
Definition: marr_hildreth_hash.hpp:20
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
Definition: motion_core.hpp:66
void update(float value, int target)
Definition: depth.hpp:867
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:835
#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
Color Correction Matrix element [2][2].
Definition: videoio.hpp:413
Abstract base class for trainable facemark models.
Definition: facemark_train.hpp:262
Planar board with grid arrangement of markers More common type of board. All markers are placed in th...
Definition: aruco.hpp:303
Definition: histogram.hpp:104
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
void setAngleThreshold(float f)
Definition: depth.hpp:1072
#define CV_CUDEV_EXPR_UNARY_FUNC(name)
Definition: unary_func.hpp:60
If set, the image is read in any possible color format.
Definition: imgcodecs.hpp:69
MoreAccurateMotionWobbleSuppressorBase()
Definition: wobble_suppression.hpp:108
virtual void setRadius(int val)
Definition: inpainting.hpp:70
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
float cubeRoot(float val)
Computes the cube root of an argument.
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:348
Definition: imgproc.hpp:545
cv ::Scalar type
Definition: garray.hpp:265
int Ncv32s
Definition: NCV.hpp:127
no OpenGL support
Definition: base.hpp:118
#define CV_USRTYPE1
Definition: interface.h:67
int getWindowSize()
Definition: ocr.hpp:420
Definition: garray.hpp:263
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:1918
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)
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
cv::Mat getIterationCounts() const
Definition: depth.hpp:795
Definition: imgproc.hpp:506
float correlationThreshold
Definition: quasi_dense_stereo.hpp:47
unsigned int seed
seed for shuffling the training data
Definition: facemarkLBF.hpp:82
Push button.
Definition: highgui.hpp:248
#define GAPI_DbgAssert
Definition: assert.hpp:14
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:149
GShape
Definition: gcommon.hpp:46
virtual uint64_t getNumberOfAllocations() const =0
Get general purpose level.
Definition: videoio.hpp:340
Mat temp5
Definition: tracking.hpp:409
float weight3() const
Definition: motion_stabilizing.hpp:138
Device output data bit depth.
Definition: videoio.hpp:385
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...
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:1715
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
__host__ __device__ static __forceinline__ char4 make(const schar *v)
Definition: vec_traits.hpp:180
double getMaxDepthDiff() const
Definition: depth.hpp:656
void setBlockSize(Size size)
Definition: exposure_compensate.hpp:169
cv::Size minObjSize
Definition: detection_based_tracker.hpp:115
softfloat(const softfloat &c)
Copy constructor.
Definition: softfloat.hpp:95
Definition: reduction.hpp:174
NCVStatus nppsStCompactGetSize_32f(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
shared_lock_guard(Mutex &m)
Definition: lock.private.hpp:49
uint KeyType
Definition: t_hash_int.hpp:58
Ptr2DSz ptr_type
Definition: traits.hpp:59
int getStepSize()
Definition: ocr.hpp:421
void swap(variant &rhs) noexcept
Definition: variant.hpp:303
HoughDeskewOption
Specifies to do or not to do skewing of Hough transform image.
Definition: fast_hough_transform.hpp:105
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
Definition: type_traits.hpp:136
Definition: type_traits.hpp:119
Rect_()
default constructor
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2946
Definition: gasync_context.hpp:22
void min64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
ContourFitting(int ctr=1024, int fd=16)
Fit two closed curves using fourier descriptors. More details in and .
Definition: fourier_descriptors.hpp:38
double getMaxPointsPart() const
Definition: depth.hpp:929
Kind m_kind
Definition: gfluidkernel.hpp:84
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:166
Definition: imgproc.hpp:232
Definition: gtyped.hpp:42
void addSamplesDataSearchSubDirectory(const cv::String &subdir)
Append samples search data sub directory.
Ptr< Filter > createBoxMinFilter(int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates the minimum filter.
Mat refinement_mask_
Definition: motion_estimators.hpp:194
size_t ofs
Definition: persistence.hpp:672
_Tp width
width of the rectangle
Definition: types.hpp:455
Definition: imgproc.hpp:590
int hal_ni_invSqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:422
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.
Definition: stereo.hpp:123
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
Definition: edge_filter.hpp:57
__host__ size_t elemSize1() const
Definition: imgproc.hpp:529
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:964
DftFlags
Definition: base.hpp:225
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:829
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
void(* MouseCallback)(int event, int x, int y, int flags, void *userdata)
Callback function for mouse events. see cv::setMouseCallback.
Definition: highgui.hpp:261
_Tp area() const
area (width*height) of the rectangle
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
Variational optical flow refinement.
Definition: tracking.hpp: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
Definition: imgproc.hpp:664
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:901
int cornerRefinementWinSize
Definition: aruco.hpp:167
int hal_ni_log64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:457
std::vector< Mat > member_type
Definition: core.hpp:3225
__host__ size_t elemSize() const
overridden forms of GpuMat::elemSize() etc.
backgroundType
Definition: gr_skig.hpp:87
int rows
Definition: mask.hpp:85
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:373
incorrect filter structure content
Definition: base.hpp:98
int freePoint
Definition: imgproc.hpp:1236
std::vector< T > & outVecR(int output)
Definition: goclkernel.hpp:67
virtual void init(const CvFeatureParams &fp)
void merge64s(const int64 **src, int64 *dst, int len, int cn)
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:672
Definition: reduction.hpp:152
const _Tp & operator()(int i) const
bool logSoftMax
Definition: all_layers.hpp:273
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.
Definition: warpers.hpp:294
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:182
int index_type
Definition: extrapolation.hpp:97
__host__ void gridCopy(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:358
GCompileArg(T &&t)
Definition: gcommon.hpp:104
bool computeMaxIdx
Definition: all_layers.hpp:254
sizes of input/output structures do not match
Definition: base.hpp:109
double getMaxDepthDiff() const
Definition: depth.hpp:921
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:1191
String type
Type name which was used for creating layer by layer factory.
Definition: dnn.hpp:347
Ncv32u NCVStatus
Definition: NCV.hpp:376
Ptr< cuda::CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates implementation for cuda::CLAHE .
v_reg< int64, 2 > v_int64x2
Two 64-bit signed integer values.
Definition: intrin_cpp.hpp:387
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.
For JPEG, it can be a quality from 0 to 100 (the higher is the better). Default value is 95.
Definition: imgcodecs.hpp:82
void minMaxLoc(InputArray src, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, InputArray mask=noArray())
Finds the global minimum and maximum in an array.
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2563
Definition: fast_hough_transform.hpp:90
int imageStop
Definition: descriptor.hpp:104
Definition: motion_core.hpp:63
virtual const std::vector< Mat > & frames() const
Definition: deblurring.hpp:75
_Result result_type
Definition: functional.hpp:72
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1364
Definition: imgproc.hpp:777
Reload all settings on set.
Definition: videoio.hpp:555
std::shared_ptr< TypeHintBase > m_hint
Definition: garray.hpp:92
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:833
old fashious way
Definition: highgui.hpp:191
__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
int numFeatures
Definition: tracker.hpp:983
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:440
Ptr< Feature2D > featuresFinder()
Definition: stitching.hpp:207
Definition: widgets.hpp:720
void drawMarker(const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1)
Draw a canonical marker image.
static MatShape concat(const MatShape &a, const MatShape &b)
Definition: shape_utils.hpp:169
__host__ void gridReduceToRow(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:146
const std::string tag
Definition: gkernel.hpp:39
bool filterByCircularity
Definition: features2d.hpp:640
IEEE 1394 drivers.
Definition: videoio.hpp:94
_mat_data _refImgData
Reference image data.
Definition: qualitygmsd.hpp:82
PlanePortraitWarper(float scale)
Definition: warpers.hpp:600
Definition: type_traits.hpp:71
iteration didn't converge
Definition: base.hpp:76
PREDEFINED_DICTIONARY_NAME
Predefined markers dictionaries/sets Each dictionary indicates the number of bits and the number of m...
Definition: dictionary.hpp:141
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:136
std::function< ResultL(cv::GArray< cv::Rect >, Args...)> APIList
Definition: infer.hpp:73
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:193
virtual void write(FileStorage &fs) const CV_OVERRIDE
float lambda
regularization
Definition: tracker.hpp:1246
__device__ __forceinline__ D cast_fp16(T v)
DepthCleaner()
Definition: depth.hpp:198
std::vector< std::string > images[4]
Definition: slam_kitti.hpp:68
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
cv::String getParent(const cv::String &path)
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:488
bool update(float value, int target)
int hal_ni_div8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:258
void merge(const Mat *mv, size_t count, OutputArray dst)
Creates one multi-channel array out of several single-channel ones.
int shift
The number of fractional bits in the point coordinates.
Definition: render.hpp:59
Size rectSize
rect size
Definition: tracker.hpp:984
GMat RGB2Gray(const GMat &src)
Converts an image from RGB color space to gray-scaled. The conventional ranges for R,...
Kind
Definition: gfluidkernel.hpp:49
Distance::ElementType ElementType
Definition: flann.hpp:163
__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
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:217
bool use_color_names
Definition: tracker.hpp:1500
Matx23d bounding
Definition: msm_epfl.hpp:72
Color Correction Matrix element [2][0].
Definition: videoio.hpp:411
Definition: calib3d.hpp:268
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
std::function< ResultL(cv::GArray< cv::Rect >, Args...)> APIList
Definition: infer.hpp:58
Definition: vec_distance.hpp:155
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:803
bool isThreadSafe() const
Definition: matchers.hpp:145
optional_shared_lock_guard(Mutex *m)
Definition: lock.private.hpp:104
RotatedRect CamShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object center, size, and orientation.
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:243
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
float scale
Definition: facemarkAAM.hpp:90
v_reg< int, n > v_trunc(const v_reg< _Tp, n > &a)
Truncate elements.
Definition: intrin_cpp.hpp:526
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
__device__ static __forceinline__ void blockTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
Recursive Filtering.
Definition: photo.hpp:799
void v_transpose4x4(v_reg< _Tp, 4 > &a0, const v_reg< _Tp, 4 > &a1, const v_reg< _Tp, 4 > &a2, const v_reg< _Tp, 4 > &a3, v_reg< _Tp, 4 > &b0, v_reg< _Tp, 4 > &b1, v_reg< _Tp, 4 > &b2, v_reg< _Tp, 4 > &b3)
Transpose 4x4 matrix.
Definition: intrin_cpp.hpp:2052
T & get()
Definition: garg.hpp:59
Definition: videoio.hpp:234
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:185
double shape_offset
offset for the loaded face landmark points
Definition: facemarkLBF.hpp:58
Definition: bm3d_image_denoising.hpp:73
Impl * p
Definition: ocl.hpp:494
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
int dims
Definition: mat.hpp:2679
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1100
virtual void setFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:81
__host__ void gridFindMinVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:106
Ptr< ILog > log_
Definition: stabilizer.hpp:114
int class_id
Definition: interface.h:27
NCVStatus ncvDrawRects_32u_host(Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
Definition: cudaoptflow.hpp:406
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:138
int hierarchicalClustering(const Mat &features, Mat ¢ers, const ::cvflann::KMeansIndexParams ¶ms, Distance d=Distance())
Clusters features using hierarchical k-means algorithm.
Definition: flann.hpp:552
static cv::Scalar _mse_to_psnr(cv::Scalar mse, double max_pixel_value)
Definition: qualitypsnr.hpp:110
Sauvola's technique. See .
Definition: ximgproc.hpp:120
Definition: videoio.hpp:232
__device__ __forceinline__ double4 atanh(const double4 &a)
Definition: vec_math.hpp:391
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:156
Definition: imgproc.hpp:547
User defined distance.
Definition: imgproc.hpp:297
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
static cv::gapi::GBackend backend()
Definition: gfluidkernel.hpp:330
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:467
EntityProperty
Definition: ovis.hpp:44
Point_()
default constructor
Impl *const p
Definition: ocl.hpp:681
Mat processNoiseCov
Process noise cross-covariance matrix, DP x DP.
Definition: kalman_filters.hpp:135
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)
bool useIlluminationModel
Definition: rlofflow.hpp:124
void postprocess(Outputs &... outs)
Definition: gcpukernel.hpp:172
Definition: persistence.hpp:327
Background subtraction based on counting.
Definition: bgsegm.hpp:195
virtual ~Estimator()
Definition: motion_estimators.hpp:68
Definition: opengl.hpp:486
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
RectanglesIntersectTypes
types of intersection between rectangles
Definition: imgproc.hpp:792
int getNumFeatures() const
Definition: feature.hpp:169
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.
Italic font.
Definition: highgui.hpp:242
StreamType
Definition: container_avi.private.hpp:136
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
Ptr< DeblurerBase > deblurer_
Definition: stabilizer.hpp:118
__host__ BrdConstant< typename PtrTraits< SrcPtr >::ptr_type > brdConstant(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type val)
Definition: extrapolation.hpp:76
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
positive and negative values mean right and left scrolling, respectively.
Definition: highgui.hpp:217
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
void undistort(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
Transforms an image to compensate for lens distortion.
Definition: type_traits.hpp:147
__host__ GpuMat_ rowRange(int startrow, int endrow) const
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)
const MatAllocator * prevAllocator
Definition: mat.hpp:554
float maxRectifiedDistance
Max deviation from predicion. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1315
int euler
Euler's number.
Definition: erfilter.hpp:81
float16_t saturate_cast< float16_t >(uchar v)
Definition: saturate.hpp:166
Matx< float, 2, 2 > Matx22f
Definition: matx.hpp:230
Definition: calib3d.hpp:3041
double rotation_threshold
Definition: ppf_match_3d.hpp:155
int getMinNeighbours()
Definition: detection_based_tracker.hpp:104
Definition: motion_estimators.hpp:330
uchar * ptr
Definition: mat.hpp:3222
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
__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
Definition: all_layers.hpp:499
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
int p0
Definition: feature.hpp:324
float response
Definition: descriptor.hpp:120
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:372
Definition: gfluidkernel.hpp:46
Definition: functional.hpp:714
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:1112
least-median of squares algorithm
Definition: calib3d.hpp:229
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.
Mat_ operator()(const Range &rowRange, const Range &colRange) const
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
virtual ~TrackerMOSSE() CV_OVERRIDE
Definition: tracker.hpp:1320
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1159
void setMaxTranslation(double val)
Definition: depth.hpp:823
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:214
String type
Type name which was used for creating layer by layer factory (optional).
Definition: dnn.hpp:106
Mat rowRange(int startrow, int endrow) const
Creates a matrix header for the specified row span.
float neighborhoodEnergy_temporalConstant
local neighborhood energy filtering parameters : the aim is to get information about the energy neigh...
Definition: transientareassegmentationmodule.hpp:101
problem is unbounded (target function can achieve arbitrary high values)
Definition: optim.hpp:259
_Tp value_type
Definition: matx.hpp:113
Definition: imgproc.hpp:473
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
int hal_ni_cvtBGRtoGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
hal_cvtBGRtoGray
Definition: hal_replacement.hpp:347
void imageMeanKernelSize(const cv::Mat &img, int windowSize, cv::Mat &c)
std::string model_filename
Definition: facemarkAAM.hpp:67
Vertical binning factor.
Definition: videoio.hpp:295
Definition: utility.hpp:1179
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)
__device__ __forceinline__ uint vabsdiff4(uint a, uint b)
Definition: simd_functions.hpp:847
Definition: descriptor.hpp:198
NCVStatus ncvDetectObjectsMultiScale_device(NCVMatrix< Ncv8u > &d_srcImg, NcvSize32u srcRoi, NCVVector< NcvRect32u > &d_dstRects, Ncv32u &dstNumRects, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarStage64 > &d_HaarStages, NCVVector< HaarClassifierNode128 > &d_HaarNodes, NCVVector< HaarFeature64 > &d_HaarFeatures, NcvSize32u minObjSize, Ncv32u minNeighbors, Ncv32f scaleStep, Ncv32u pixelStep, Ncv32u flags, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
void GaussianBlur(InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT)
Blurs an image using a Gaussian filter.
friend void swap(any &lhs, any &rhs)
Definition: any.hpp:106
void mapForward(float x, float y, float &u, float &v)
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
Represents the model of the target at frame (all states and scores)
Definition: tracker.hpp:384
cv::Mat getK() const
Definition: depth.hpp:156
float sPointInOctaveX
Definition: descriptor.hpp:132
__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:671
Definition: calib3d.hpp:277
GArg(const T &t)
Definition: garg.hpp:46
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3133
int height
Definition: sinusoidalpattern.hpp:86
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:375
same as VAR_ORDERED
Definition: ml.hpp:83
Definition: vec_traits.hpp:88
Class implementing the BRISK keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:249
std::vector< Point2f > s0
Definition: facemarkAAM.hpp:100
Random Number Generator.
Definition: core.hpp:2768
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
bool value_type
Definition: mask.hpp:59
static int type()
Definition: flann.hpp:82
int cols
Definition: deriv.hpp:209
int getHeight() const
Definition: container_avi.private.hpp:166
void * pv
Definition: dict.hpp:106
int id
Definition: ppf_match_3d.hpp:81
Mat eigenvectors() const
Definition: core.hpp:2599
Definition: cudaimgproc.hpp:96
float vscale
Definition: highgui.hpp:696
Point(int _x, int _y)
Definition: types.hpp:25
size_t elemSize() const
Returns the matrix element size in bytes.
Definition: mat.hpp:185
void filterSpeckles(InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray())
Filters off small noise blobs (speckles) in the disparity map.
ERStat * prev
Definition: erfilter.hpp:106
Mat depth
Definition: depth.hpp:454
_Tp * data()
returns pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:152
K API
Definition: goclkernel.hpp:235
Type
Definition: types.hpp:308
Definition: functional.hpp:884
MCTKernel(uint8_t **images, int threshold)
Definition: descriptor.hpp:106
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.
virtual bool scanAttr(const std::string prm, const std::string val) CV_OVERRIDE
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()
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:118
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:241
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
float minGraphConfidence
Definition: calib3d.hpp:1299
Definition: inpainting.hpp:141
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:425
MatExpr operator>(const Mat &a, const Mat &b)
double sigma_scale
Definition: descriptor.hpp:702
void drawContours(InputOutputArray image, InputArrayOfArrays contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=LINE_8, InputArray hierarchy=noArray(), int maxLevel=INT_MAX, Point offset=Point())
Draws contours outlines or filled contours.
Definition: imgcodecs.hpp:130
Vec< _Tp, m > operator*() const
void set_distance_type(flann_distance_t distance_type, int order)
__host__ Expr< LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > > laplacian_(const SrcPtr &src)
Definition: deriv.hpp:117
int buildOpticalFlowPyramid(InputArray img, OutputArrayOfArrays pyramid, Size winSize, int maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true)
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:74
int iterationInit
the initial iterations
Definition: tracker.hpp:1109
std::string action
Definition: hpe_humaneva.hpp:63
uchar * datastart
Definition: cuda.hpp:593
Allows access to lens feature value currently selected by XI_PRM_LENS_FEATURE_SELECTOR.
Definition: videoio.hpp:433
Definition: logger.hpp:48
int x
Definition: tr_svt.hpp:63
T & at(Ncv32u x, Ncv32u y) const
Definition: NCV.hpp:812
int getDepth() const
Definition: depth.hpp:239
void train(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > >, const GPCTrainingParams params=GPCTrainingParams())
Train the forest using individual samples for each tree. It is generally better to use this instead o...
Definition: sparse_matching_gpc.hpp:253
Definition: imgproc.hpp:697
Definition: all_layers.hpp:311
softfloat getFrac() const
Get a fraction part.
Definition: softfloat.hpp:187
Ptr< DFT > createDFT(Size dft_size, int flags)
Creates implementation for cuda::DFT.
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
Definition: rlofflow.hpp:18
Definition: opengl.hpp:482
int initShape_n
multiplier for augment the training data
Definition: facemarkLBF.hpp:67
Definition: imgproc.hpp:705
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.
~Matching(void)
Definition: matching.hpp:600
__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.
GBackend backend() const
Definition: ie.hpp:92
Mat & operator=(Mat const &src)=default
static MatExpr min(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3692
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
int hal_ni_div16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:260
std::vector< cv::Point > locations
set of requested locations to be evaluated
Definition: objdetect.hpp:350
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:107
cv::GMetaArgs descrs_of(const std::vector< Mat > &vec)
void symetricCensusTransform(const cv::Mat &img1, const cv::Mat &img2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type)
Definition: functional.hpp:319
The base class for auto white balance algorithms.
Definition: white_balance.hpp:63
Abstract base class for all face recognition models.
Definition: face.hpp:157
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
int cols
Definition: deriv.hpp:116
ANN_MLP ANN_MLP_ANNEAL
Definition: ml.hpp:1609
void updateContinuityFlag()
internal use method: updates the continuity flag
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
NCVStatus nppiStTranspose_64s_C1R(Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracker.hpp:787
Definition: imgproc.hpp:465
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
MaskPtr mask
Definition: mask.hpp:73
Definition: cudacodec.hpp:248
unsigned int m_height
Definition: container_avi.private.hpp:130
int perimeter
Definition: erfilter.hpp:80
NCVStatus copy2D(NCVMatrix< T > &dst, NcvSize32u roi, cudaStream_t cuStream) const
Definition: NCV.hpp:794
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:402
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.
static void getAllDescriptorsForImage(const Mat *imgCh, std::vector< GPCPatchDescriptor > &descr, const GPCMatchingParams &mp, int type)
int height
Definition: or_pascal.hpp:83
float _log_n0
Definition: onlineMIL.hpp:96
Mat bytesList
Definition: dictionary.hpp:64
an obvious background pixels
Definition: imgproc.hpp:342
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.
int mapcount
Definition: mat.hpp:566
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.
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
8-point algorithm
Definition: calib3d.hpp:298
GMat YUV2RGB(const GMat &src)
Converts an image from YUV color space to RGB. The function converts an input image from YUV color sp...
Definition: calib3d.hpp:2828
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
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
const int * greek
Definition: highgui.hpp:694
Size_< double > Size2d
Definition: types.hpp:346
int numClasses() const
Definition: linemod.hpp:381
AllocType alloc_type
Definition: cuda.hpp:596
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:86
Definition: imgproc.hpp:609
join s[20]
Definition: gr_chalearn.hpp:72
Definition: blenders.hpp:68
void getProjTr(OutputArray projTr) const
Definition: mapprojec.hpp:88
__host__ GpuMat_ operator()(Range rowRange, Range colRange) const
Definition: imgproc.hpp:531
Singular Value Decomposition.
Definition: core.hpp:2629
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:796
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar per-element product.
int hal_ni_div32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:261
std::function< std::tuple< R... >Args...)> Gen
Definition: gtyped.hpp:116
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
Definition: mapperpyramid.hpp:55
Impl * getImpl() const
Definition: ocl.hpp:342
Definition: edge_filter.hpp:58
PHash()
Definition: phash.hpp:27
void include()
Put a new kernel implementation or a new transformation KImpl into the package.
Definition: gkernel.hpp:478
const Vec2d & getClip() const
Definition: types.hpp:210
bool filterByInertia
Definition: features2d.hpp:643
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:236
Definition: imgproc.hpp:4214
_Tp height
height of the rectangle
Definition: types.hpp:456
Definition: onlineBoosting.hpp:62
Definition: opengl.hpp:480
DictValue(double p)
Constructs floating point scalar.
Definition: dict.hpp:67
Definition: imgproc.hpp:223
static GComputation invoke(Callable f, Seq< IIs... >, Seq< OIs... >)
Definition: gtransform.hpp:47
Definition: imgproc.hpp:693
Rect getValidDisparityROI(Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int SADWindowSize)
computes valid disparity ROI from the valid ROIs of the rectified images (that are returned by cv::st...
Class that manages the extraction and selection of features.
Definition: tracker.hpp:128
Video writer class.
Definition: videoio.hpp:813
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:777
Definition: calib3d.hpp:281
Definition: multicalib.hpp:82
float negativeSlope
Definition: all_layers.hpp:434
void setDepth(int val)
Definition: depth.hpp:152
void or8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
void demosaicing(InputArray src, OutputArray dst, int code, int dcn=-1, Stream &stream=Stream::Null())
Converts an image from Bayer pattern to RGB or grayscale.
int rows
Definition: resize.hpp:79
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:152
virtual ~IFrameSource()
Definition: frame_source.hpp:60
Matx()
default constructor
Matx< float, 4, 3 > Matx43f
Definition: matx.hpp:242
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:62
float _sig1
Definition: onlineMIL.hpp:93
PCAFlow algorithm.
Definition: pcaflow.hpp:94
GKernelPackage pkg
Definition: gkernel.hpp:551
virtual void copyToHost()=0
Transfer data to CPU host memory.
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
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
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.
std::function< R(Args...)> Gen
Definition: gtyped.hpp:48
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)
void setMouseCallback(const String &winname, MouseCallback onMouse, void *userdata=0)
Sets mouse handler for the specified window.
Definition: functional.hpp:142
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:603
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Computes polar angles of complex matrix elements.
ptrdiff_t difference_type
Definition: mat.hpp:3018
each training sample occupies a column of samples
Definition: ml.hpp:99
virtual ~BasicVectorRef()
Definition: garray.hpp:116
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
Definition: imgproc.hpp:546
GIOProtoArgs(GProtoArgs &&args)
Definition: gproto.hpp:58
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitygmsd.hpp:31
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:688
Class passed to an error.
Definition: core.hpp:115
GMatDesc withSizeDelta(cv::gapi::own::Size delta) const
Definition: gmat.hpp:110
Definition: simple_pipeline.hpp:127
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
Definition: calib3d.hpp:260
Definition: split_merge.hpp:497
void write(FileStorage &fs, const String &value)
Definition: persistence.hpp:898
__device__ __forceinline__ void warpYota(OutIt beg, OutIt end, T value)
Definition: warp.hpp:114
Feature matchers base class.
Definition: matchers.hpp:117
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
Principal Component Analysis.
Definition: core.hpp:2392
Definition: imgproc.hpp:3651
Definition: omnidir.hpp:76
int(* ErrorCallback)(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
Definition: utility.hpp:186
Definition: imgproc.hpp:713
cv::Mat descriptor_strong
Strong descriptor (reid embedding).
Definition: tracking_by_matching.hpp:385
int window_size_
Definition: depth.hpp:179
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
int x
Definition: tr_icdar.hpp:63
Definition: fast_hough_transform.hpp:94
Definition: multicalib.hpp:76
const uchar * sliceEnd
Definition: mat.hpp:3069
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:980
const RS m_rs
Definition: gfluidkernel.hpp:90
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
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:55
Definition: features2d.hpp:804
void min16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
Definition: intrin.hpp:96
Definition: interpolation.hpp:76
Definition: softfloat.hpp:89
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:168
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:123
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.
int histogram_bins
Definition: tracker.hpp:1519
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)
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
Definition: stabilizer.hpp:143
float tsdf_trunc_dist
distance to truncate in meters
Definition: kinfu.hpp:77
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:795
static void write(FileStorage &fs, const Scalar_< _Tp > &s)
Definition: persistence.hpp:955
float neighborhoodEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:102
void async(GCompiled &gcmpld, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs)
const typedef _Tp * pointer
Definition: mat.hpp:3084
double calibrateCameraAruco(InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using aruco markers.
bool occluded
Definition: or_pascal.hpp:73
NCVMatrixReuse(const NCVMemSegment &memSegment, Ncv32u alignment, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0, NcvBool bSkipPitchCheck=false)
Definition: NCV.hpp:926
Mat c
Definition: mat.hpp:3548
const FileStorage * fs
Definition: persistence.hpp:607
__host__ PtrTraits< Ptr2DSz >::ptr_type shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:85
int borderY
Definition: quasi_dense_stereo.hpp:44
Definition: slam_kitti.hpp:60
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:422
Mat member_type
Definition: core.hpp:3217
float aprilTagMaxLineFitMse
Definition: aruco.hpp:185
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
Vec< short, 2 > Vec2s
Definition: matx.hpp:404
int getScallingFactor()
method for getting the scalling factor
Definition: matching.hpp:393
Definition: calib3d.hpp:269
class which allows the Gipsa/Listic Labs model to be used with OpenCV.
Definition: retina.hpp:207
Set general purpose input mode.
Definition: videoio.hpp:339
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.
Definition: container_avi.private.hpp:136
int type
Definition: all_layers.hpp:236
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
void blur(InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
Blurs an image using the normalized box filter.
virtual void integralHistogram(const Mat &img, std::vector< Mat > &histogram, Mat &norm, int nbins) const
#define CV_CUDEV_RGB2RGB5x5_INST(name, scn, bidx, green_bits)
Definition: color_cvt.hpp:425
__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
std::string imageName
Definition: sr_div2k.hpp:25
Color Correction Matrix element [0][1].
Definition: videoio.hpp:404
std::string imageName
Definition: msm_middlebury.hpp:62
std::vector< std::pair< Backend, Target > > getAvailableBackends()
Sample aspect ratio: num/den (num)
Definition: videoio.hpp:171
void setCellSize(Size val)
Definition: outlier_rejection.hpp:79
NcvBool isMemAllocated() const
Definition: NCV.hpp:664
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
__host__ void gridFindMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:140
fedcba|abcdefgh|hgfedcb
Definition: base.hpp:271
v_float32x4 v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2119
Complex conj() const
conjugation
Data move policy.
Definition: videoio.hpp:447
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
Definition: gr_chalearn.hpp:65
static const char * tag()
Definition: gcommon.hpp:153
void mapBackward(float u, float v, float &x, float &y)
int pyramidLevels
Number of pyramid levels for ICP.
Definition: kinfu.hpp:54
Max< U > other
Definition: reduce_to_vec.hpp:131
int index_type
Definition: deriv.hpp:237
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:450
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())
Definition: imgproc.hpp:776
TrackedObject first_object
First object in track.
Definition: tracking_by_matching.hpp:388
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:67
optional()
Definition: optional.hpp:36
Plane warper factory class.
Definition: warpers.hpp:134
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.
GMat YUV2BGR(const GMat &src)
Converts an image from YUV color space to BGR color space.
__host__ __device__ static __forceinline__ char2 all(schar v)
Definition: vec_traits.hpp:162
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:74
Definition: warpers.hpp:188
Definition: optical_flow.hpp:56
float parasolCells_k
Definition: retina.hpp:176
static Ptr< QualityMSE > create(InputArray ref)
Create an object which calculates quality.
Definition: simple_pipeline.hpp:52
Definition: imgproc.hpp:759
Rect rect
Definition: dpm.hpp:112
Horizontal binning factor.
Definition: videoio.hpp:294
Definition: predict_collector.hpp:85
Collect messages with details.
Definition: videoio.hpp:556
Mat image
Definition: or_mnist.hpp:63
void setValue(InputArray value)
Definition: slam_tumindoor.hpp:74
Point2i Point
Definition: types.hpp:194
Start camera cooling.
Definition: videoio.hpp:390
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gfluidkernel.hpp:66
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
Definition: imgproc.hpp:745
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
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:215
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.
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: goclkernel.hpp:76
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
void * getDistribution(int target)
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
Definition: infer.hpp:108
int hal_ni_min16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:114
virtual NCVMemoryType memType(void) const =0
Definition: videoio.hpp:169
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: imgproc.hpp:819
Scalar_()
default constructor
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:1422
std::string fileName
Definition: tr_svt.hpp:68
Definition: dictionary.hpp:158
Mat(int _rows, int _cols, int _type, void *_data, size_t _step=AUTO_STEP)
Definition: mat.hpp:106
void v_store(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory.
Definition: intrin_cpp.hpp:1601
StoreMode
Definition: intrin.hpp:93
#define CV_OUT
Definition: cvdef.h:415
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:99
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:397
int int_type
Definition: intrin.hpp:139
cv::utils::logging::LogTag * getGlobalLogTag()
void applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
Definition: garray.hpp:33
void addref()
Increments the reference counter.
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2105
Clouds.
Definition: widgets.hpp:680
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:146
cv::Scalar color
The line color.
Definition: render.hpp:114
Definition: features2d.hpp:836
optional_lock_guard(Mutex *m)
Definition: lock.private.hpp:80
Definition: or_pascal.hpp:68
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:236
int compressed_size
feature size after compression
Definition: tracker.hpp:1255
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:426
int curPos_
Definition: stabilizer.hpp:127
int width
Definition: linemod.hpp:43
Base class for all pairwise seam estimators.
Definition: seam_finders.hpp:84
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:586
v_reg< int, n > v_round(const v_reg< _Tp, n > &a)
Round elements.
Definition: intrin_cpp.hpp:511
transposes src2
Definition: base.hpp:221
Definition: widgets.hpp:607
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
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.
const typedef _InputOutputArray & InputOutputArray
Definition: mat.hpp:441
Current lens aperture value in stops. Examples: 2.8, 4, 5.6, 8, 11.
Definition: videoio.hpp:427
static MatExpr ones(int rows, int cols)
virtual void setUniquenessRatio(int uniquenessRatio)=0
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:98
int corrWinSizeX
Definition: quasi_dense_stereo.hpp:40
int RCType
NVVE_RC_TYPE,.
Definition: cudacodec.hpp:88
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.
Definition: imgproc.hpp:666
int hal_ni_sub32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:88
GMat threshold(const GMat &src, const GScalar &thresh, const GScalar &maxval, int type)
Applies a fixed-level threshold to each matrix element.
void not8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:82
__host__ Expr< SumExprBody< SrcPtr > > sum_(const SrcPtr &src)
Definition: reduction.hpp:77
A Direct Least-Squares (DLS) Method for PnP .
Definition: calib3d.hpp:238
The class implements the random forest predictor.
Definition: ml.hpp:1247
Color Correction Matrix element [2][3].
Definition: videoio.hpp:414
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:127
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
indicates that the mouse pointer has moved over the window.
Definition: highgui.hpp:206
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:324
Mat H
Estimated transformation.
Definition: matchers.hpp:110
int getBasisSize() const
Definition: pcaflow.hpp:87
static const cv::gapi::fluid::View & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:139
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
void setThreshold(double val)
Definition: depth.hpp:397
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
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:353
bad format of mask (neither 8uC1 nor 8sC1)
Definition: base.hpp:108
__host__ NCVStatus setStartClassifierRootNodeOffset(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:282
float min_det_conf
Min confidence of detection.
Definition: tracking_by_matching.hpp:281
Range newShapeRange
Definition: all_layers.hpp:300
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::first_argument_type >::parameter_type x, typename TypeTraits< typename Predicate::second_argument_type >::parameter_type y) const
Definition: functional.hpp:814
Abstract base class for all strategies of prediction result handling.
Definition: predict_collector.hpp:61
Definition: imgproc.hpp:755
float estimateOptimalTrimRatio(const Mat &M, Size size)
void interpolateFrames(const GpuMat &frame0, const GpuMat &frame1, const GpuMat &fu, const GpuMat &fv, const GpuMat &bu, const GpuMat &bv, float pos, GpuMat &newFrame, GpuMat &buf, Stream &stream=Stream::Null())
Interpolates frames (images) using provided optical flow (displacement field).
MatcherType
Definition: features2d.hpp:863
Definition: functional.hpp:810
Mat samplePCUniform(Mat PC, int sampleStep)
void mul8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
int rows
Definition: interpolation.hpp:215
int size() const
Definition: flann.hpp:292
int numFrames
Definition: gr_chalearn.hpp:78
int number_of_scales
Definition: tracker.hpp:1522
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:82
Ptr< Impl > p
Definition: persistence.hpp:456
void dctDenoising(const Mat &src, Mat &dst, const double sigma, const int psize=16)
The function implements simple dct-based denoising.
int getRows() const
Definition: depth.hpp:124
Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm...
Definition: seeds.hpp: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
cv::gapi::own::Scalar & m_org_s
Definition: goclkernel.hpp:147
bool useOpenCL
Whether to use OpenCL to speed up the matching.
Definition: sparse_matching_gpc.hpp:152
void copyTo(Mat &dst) const
Copies the matrix to another one.
Definition: mat.hpp:265
void stereoRectify(InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, Size imageSize, InputArray R, InputArray T, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags=CALIB_ZERO_DISPARITY, double alpha=-1, Size newImageSize=Size(), Rect *validPixROI1=0, Rect *validPixROI2=0)
Computes rectification transforms for each head of a calibrated stereo camera.
static void read(const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value)
Definition: persistence.hpp:725
static const CV_CONSTEXPR int EXPANDED_MAT_DEFAULT_TYPE
Definition: quality_utils.hpp:18
MCTKernel()
Definition: descriptor.hpp:105
Mat errorCovInit
State estimate cross-covariance matrix, DP x DP, default is identity.
Definition: kalman_filters.hpp:133
std::tuple< GMat, GMat, GMat > GMat3
Definition: core.hpp:32
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:287
float ganglionCellsSensitivity
Definition: retina.hpp:162
PicType
Definition: cudacodec.hpp:131
#define G_TYPED_KERNEL(Class, API, Id)
Definition: gkernel.hpp:244
OpenNI (for Asus Xtion)
Definition: videoio.hpp:104
Definition: omnidir.hpp:63
int connectedComponentsWithStats(InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image and also produces a statistics outpu...
Affine3d makeTransformToGlobal(const Vec3d &axis_x, const Vec3d &axis_y, const Vec3d &axis_z, const Vec3d &origin=Vec3d::all(0))
Takes coordinate frame data and builds transform to global coordinate frame.
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
T value_type
Definition: texture.hpp:187
GMatDesc()
Definition: gmat.hpp:83
Definition: videoio.hpp:163
uint32_t UINT32
Definition: descriptor.hpp:64
double angle
Definition: pose_3d.hpp:128
_Tp value_type
Definition: types.hpp:242
Definition: utility.hpp:1178
Returns 1 for color cameras.
Definition: videoio.hpp:398
Definition: features2d.hpp:675
v_reg< int, n > v_ceil(const v_reg< _Tp, n > &a)
Ceil elements.
Definition: intrin_cpp.hpp:521
float epsilon
Definition: all_layers.hpp:509
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
void setMaxRotation(double val)
Definition: depth.hpp:973
Frame rate.
Definition: videoio.hpp:137
TextDetectorCNN class provides the functionallity of text bounding box detection. This class is repre...
Definition: textDetector.hpp:41
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
BlocksChannelsCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:219
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:254
const T & inArg(int input)
Definition: gcompoundkernel.hpp:34
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
void setCols(int val)
Definition: depth.hpp:136
Definition: imgproc.hpp:663
Definition: type_traits.hpp:143
Definition: ir_robot.hpp:76
int dataType
Type of elements of vectors and matrices, default is CV_64F.
Definition: kalman_filters.hpp:130
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1 > &t)
Definition: zip.hpp:67
_Tp im
Definition: types.hpp:87
static _OutputArray rawOut(_Tp &v)
v_float32x4 v_matmuladd(const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
Matrix multiplication and add.
Definition: intrin_cpp.hpp:2447
v_reg< _Tp, n > operator>(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than comparison.
Definition: intrin_cpp.hpp:662
Definition: render.hpp:101
Knights Mill with AVX-512F/CD/ER/PF/4FMAPS/4VNNIW/VPOPCNTDQ.
Definition: cvdef.h:307
void sort(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
image header is NULL
Definition: base.hpp:78
double logStep
Logarithmic step for iterating the statmodel parameter.
Definition: ml.hpp:125
Definition: functional.hpp:887
bad number of channels, for example, some functions accept only single channel matrices.
Definition: base.hpp:84
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:98
Definition: linemod.hpp:41
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:2753
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
Definition: erfilter.hpp:244
Ncv32u _width
Definition: NCV.hpp:833
GMat dilate3x3(const GMat &src, int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Dilates an image by using 3 by 3 rectangular structuring element.
GCompiledT()
Definition: gtyped.hpp:60
void sub16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
std::shared_ptr< IDescriptorDistance > Distance
Definition: tracking_by_matching.hpp:413
Matx< _Tp, m, n > * dst
Definition: matx.hpp:288
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_low(const _Tp *ptr)
Load 64-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1389
float scaleFactor
Definition: detection_based_tracker.hpp:118
Definition: gr_skig.hpp:77
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:590
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:125
static _InputArray rawIn(_Tp &v)
NcvTimer ncvStartTimer(void)
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:562
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:219
NCVMemoryType memType() const
Definition: NCV.hpp:615
void fastNlMeansDenoising(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Perform image denoising using Non-local Means Denoising algorithm http://www.ipol....
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
virtual int getOctaves() const
Definition: features2d.hpp:303
NCVStatus nppiStDecimate_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Definition: gfluidbuffer.hpp:45
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:194
bool operator<(const Candidate &rhs) const
Sort candidates with high score to the front.
Definition: linemod.hpp:90
const uchar * dataend
Definition: mat.hpp:2092
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
int getDepth() const
Definition: depth.hpp:148
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
#define CV_BIG_UINT(n)
Definition: interface.h:64
Definition: imgproc.hpp:390
Definition: functional.hpp:77
For PPM, PGM, or PBM, it can be a binary format flag, 0 or 1. Default value is 1.
Definition: imgcodecs.hpp:91
Definition: objdetect.hpp:169
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
basically 21HT, described in
Definition: imgproc.hpp:474
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
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
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.
Definition: intrin_cpp.hpp:464
void setBufferPoolUsage(bool on)
BufferPool management (must be called before Stream creation)
Definition: garray.hpp:111
int dx
Definition: fr_adience.hpp:76
Definition: timelapsers.hpp:57
String err
error description
Definition: core.hpp:138
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type > value_type
Definition: zip.hpp:63
v_reg< _Tp, n > v_invsqrt(const v_reg< _Tp, n > &a)
Inversed square root.
Definition: intrin_cpp.hpp:802
void blockMeanHash(cv::InputArray inputArr, cv::OutputArray outputArr, int mode=BLOCK_MEAN_HASH_MODE_0)
Computes block mean hash of the input image.
Definition: imgproc.hpp:641
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
#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:791
void Laplacian(InputArray src, OutputArray dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the Laplacian of an image.
Definition: warpers.hpp:414
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:69
int plusDelta
Definition: imgproc.hpp:4720
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
int countNonZero(InputArray src)
Counts non-zero matrix elements.
Point_< double > Point2d
Definition: types.hpp:193
void _mm_interleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:172
int hal_ni_cmp16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:211
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
Definition: imgproc.hpp:311
int id
Definition: track_alov.hpp:63
Base class for Super Resolution algorithms.
Definition: superres.hpp:87
int gftMaxNumFeatures
Definition: quasi_dense_stereo.hpp:62
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 .
#define CV_CUDEV_XYZ2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:191
Types
Implementations of KNearest algorithm.
Definition: ml.hpp:497
Definition: photo.hpp:721
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.
int trackMaxPosNum
Definition: tracker.hpp:790
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
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,...
KinectFusion implementation.
Definition: kinfu.hpp:136
Ptr< WarperCreator > warper()
Definition: stitching.hpp:234
If set, return the loaded image as is (with alpha channel, otherwise it gets cropped).
Definition: imgcodecs.hpp:65
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 .
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:77
util::any value
Definition: garg.hpp:82
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:744
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:213
Internal memory management error.
Definition: NCV.hpp:370
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:364
Definition: goclkernel.hpp:54
Ptr< Filter > createGaussianFilter(int srcType, int dstType, Size ksize, double sigma1, double sigma2=0, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a Gaussian filter.
Definition: garray.hpp:66
size_t elemSize
Definition: mat.hpp:3066
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
Definition: warpers.hpp:343
Defines source of trigger.
Definition: videoio.hpp:336
__host__ int channels() const
Definition: feature.hpp:144
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
float response
Definition: interface.h:25
Accumulator< T >::Type ResultType
Definition: features2d.hpp:808
image size is invalid
Definition: base.hpp:79
GArg(T &&t)
Definition: garg.hpp:53
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
Definition: fast_hough_transform.hpp:92
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
int N2cc
Used to allow the first N1cc vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:163
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.
Select counter.
Definition: videoio.hpp:443
int smallWinSize
Definition: rlofflow.hpp:102
Definition: NCVHaarObjectDetection.hpp:268
Mat getMotion(int from, int to, const std::vector< Mat > &motions)
Computes motion between two frames assuming that all the intermediate motions are known.
Ptr< AffineTransformer > createAffineTransformer(bool fullAffine)
const std::vector< T > & rref() const
Definition: garray.hpp:242
void marrHildrethHash(cv::InputArray inputArr, cv::OutputArray outputArr, float alpha=2.0f, float scale=1.0f)
Computes average hash value of the input image.
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:999
Definition: imgproc.hpp:4207
void max8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
volatile uint64 m_ticksTotal
Definition: utility.hpp:1210
T value_type
Definition: gpumat.hpp:63
int num_hog_channels_used
Definition: tracker.hpp:1517
PtrTraits< Body >::ptr_type ptr_type
Definition: expr.hpp:73
void setWaveCorrection(bool flag)
Definition: stitching.hpp:199
OpenCL API call error.
Definition: base.hpp:120
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:104
int code
error code
Definition: core.hpp:137
src1 is less than or equal to src2.
Definition: base.hpp:215
Class containing the methods needed for Quasi Dense Stereo computation.
Definition: quasi_dense_stereo.hpp:93
__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:102
Ptr< IVideoCapture > icap
Definition: videoio.hpp:795
Definition: videoio.hpp:270
v_reg< _Tp, n > v_extract(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Vector extract.
Definition: intrin_cpp.hpp:1747
Vec mul(const Vec< _Tp, cn > &v) const
per-element multiplication
Each pixel contains two 32-bit floating point values in the range of 0-1, representing the mapping of...
Definition: videoio.hpp:535
float V0CompressionParameter
Definition: retina.hpp:176
int valueOffset
Definition: mat.hpp:2680
static MatAllocator * getStdAllocator()
and the standard allocator
Definition: imgproc.hpp:4208
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:427
int type() const
Returns the type of a matrix element.
ResizedImageDescriptor(const cv::Size &descr_size, const cv::InterpolationFlags interpolation)
Constructor.
Definition: tracking_by_matching.hpp:107
__host__ GpuMat_(Allocator *allocator=defaultAllocator())
default constructor
const MatAllocator * currAllocator
Definition: mat.hpp:555
static __host__ Ptr2DSz shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:64
int hal_ni_recip16s(const short *src_data, size_t src_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:278
This is a base class for all more or less complex algorithms in OpenCV.
Definition: core.hpp:3076
Ptr< ContourFitting > createContourFitting(int ctr=1024, int fd=16)
create ContourFitting algorithm object
ThresholdTypes
Definition: imgproc.hpp:316
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
Mat u
Definition: core.hpp:2753
unsigned left
Definition: sparse_matching_gpc.hpp:168
SpecialFilter
Definition: imgproc.hpp:207
static Vec all(double alpha)
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
int QP_Level_InterP
NVVE_QP_LEVEL_INTER_P,.
Definition: cudacodec.hpp:92
Inner Plexiform Layer Magnocellular channel (IplMagno)
Definition: retina.hpp:165
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:468
T * OutLine(int index=0)
Definition: gfluidbuffer.hpp:124
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:108
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
void max32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
The class represents split in a decision tree.
Definition: ml.hpp:1175
NCVMemoryType _memtype
Definition: NCV.hpp:836
Definition: videoio.hpp:220
Definition: calib3d.hpp:284
#define CV_16S
Definition: interface.h:76
Definition: exposure_compensate.hpp:66
softfloat mulAdd(const softfloat &a, const softfloat &b, const softfloat &c)
Fused Multiplication and Addition.
Ncv32u pitch() const
Definition: NCV.hpp:827
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
Matx< double, 1, 4 > Matx14d
Definition: matx.hpp:217
Definition: utility.hpp:1180
Mat w
Definition: core.hpp:2753
bool doDeblurring_
Definition: stabilizer.hpp:129
void bitwise_or(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise disjunction of two matrices (or of matrix and scalar).
TermCriteria term_criteria_
Definition: motion_estimators.hpp:209
unsigned long num_test_splits
num_test_splits stores number of random test splits generated.
Definition: face_alignment.hpp:35
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:126
double getMaxTranslation() const
Definition: depth.hpp:819
Size cellSize
Cell size. Default value is Size(8,8).
Definition: objdetect.hpp:596
int gftMinSeperationDist
Definition: quasi_dense_stereo.hpp:61
double getSensorErrorC() const
Definition: depth.hpp:417
void mapBackward(float u, float v, float &x, float &y)
cv::gapi::own::Scalar & outValR(int output)
Mat mask
Definition: depth.hpp:455
double minMarkerPerimeterRate
Definition: aruco.hpp:160
void v_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:2271
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
int y
y coordinate of the top-left corner
Definition: types.hpp:49
virtual void setFrameMask(InputArray mask)
Definition: global_motion.hpp:183
Definition: render.hpp:36
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:627
Abstract base class for TrackerFeature that represents the feature.
Definition: tracker.hpp:71
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 mapForward(float x, float y, float &u, float &v)
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
Definition: extrapolation.hpp:145
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.
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:433
int numOfPixels
Definition: descriptor.hpp:141
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:141
Cannon Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI.
Definition: cvdef.h:308
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:119
size_t nodeNElems
Definition: persistence.hpp:674
int p1
Definition: feature.hpp:324
float weight1() const
Definition: motion_stabilizing.hpp:132
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2095
uchar * ptr(int row, int col=0)
Returns a pointer to the specified matrix row.
Definition: mat.hpp:318
Definition: features2d.hpp:790
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::String findFileOrKeep(const cv::String &relative_path, bool silentMode=false)
Definition: utility.hpp:1281
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:763
Features matcher which finds two best matches for each feature and leaves the best one only if the ra...
Definition: matchers.hpp:172
Size getBlockSize() const
Definition: exposure_compensate.hpp:170
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:116
Definition: cudacodec.hpp:73
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
bool isIntegral
true if input images are integral, false otherwise
Definition: tracker.hpp:985
Definition: gr_skig.hpp:66
double minEnclosingTriangle(InputArray points, OutputArray triangle)
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
Definition: imgproc.hpp:322
int resImWidth
Definition: saliencySpecializedClasses.hpp:111
const M outMeta
Definition: gkernel.hpp:40
Definition: calib3d.hpp:3047
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: ie.hpp:55
#define CV_MAKE_TYPE
Definition: interface.h:86
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:240
void preCornerDetect(InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
Calculates a feature map for corner detection.
__host__ void gridIntegral(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: integral.hpp:60
std::string imageName
Definition: msm_epfl.hpp:71
softdouble(const softdouble &c)
Copy constructor.
Definition: softfloat.hpp:232
Text and image widgets.
Definition: widgets.hpp:407
String func
function name. Available only when the compiler supports getting it
Definition: core.hpp:139
Definition: imgproc.hpp:555
float getError(int curWeakClassifier)
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
std::string image1
Definition: fr_lfw.hpp:62
bool filterByArea
Definition: features2d.hpp:637
Class for finding features points and corresponding 3D in world coordinate of a "random" pattern,...
Definition: randpattern.hpp:65
String getHardwareFeatureName(int feature)
Returns feature name by ID.
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
int set_args_(int i, const _Tp0 &a0)
Definition: ocl.hpp:413
virtual void setWindowSize(int val)=0
void cvtBGRtoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int greenBits)
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:824
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
Definition: utility.hpp:581
SrcPtr src
Definition: interpolation.hpp:160
int hal_ni_merge16u(const ushort **src_data, ushort *dst_data, int len, int cn)
Definition: hal_replacement.hpp:367
bool use_weighted_avg
Definition: ppf_match_3d.hpp:156
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:139
Mat blobFromImage(InputArray image, double scalefactor=1.0, const Size &size=Size(), const Scalar &mean=Scalar(), bool swapRB=false, bool crop=false, int ddepth=CV_32F)
Creates 4-dimensional blob from image. Optionally resizes and crops image from center,...
void setMinNeighbours(int value)
Definition: detection_based_tracker.hpp:108
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:130
util::variant< GMat, GMatP, GScalar, detail::GArrayU > GProtoArg
Definition: gproto.hpp:40
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:748
int imageHeight
Definition: msm_epfl.hpp:66
int methodId
Definition: sinusoidalpattern.hpp:89
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
Definition: warping.hpp:152
DistanceTypes
Definition: imgproc.hpp:296
NCVMatrix()
Definition: NCV.hpp:744
_Tp val[m *n]
Definition: matx.hpp:209
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:87
static std::tuple< R... > on(Args... args)
Definition: gkernel.hpp:199
float scale_step
Definition: tracker.hpp:1526
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:377
static void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
adds scaled array to another one (dst = alpha*src1 + src2)
Definition: cudaarithm.hpp:334
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1234
GMat BGR2Gray(const GMat &src)
Converts an image from BGR color space to gray-scaled. The conventional ranges for B,...
A square marker shape.
Definition: imgproc.hpp:832
int normHamming(const uchar *a, int n)
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
void setWaveCorrectKind(detail::WaveCorrectKind kind)
Definition: stitching.hpp:205
convert between grayscale to BGR565 (16-bit images)
Definition: imgproc.hpp:558
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
float _lRate
Definition: onlineMIL.hpp:67
Definition: onlineBoosting.hpp:263
__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:165
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:842
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.
bool solve(InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU)
Solves one or more linear systems or least-squares problems.
Data structure describing the camera model and its parameters.
Definition: simple_pipeline.hpp:72
static const char * tag()
Definition: gcommon.hpp:30
virtual ~VectorRefT()
Definition: garray.hpp:140
String driverVersion() const
__host__ __device__ Ncv32u getNumClassifierRootNodes(void)
Definition: NCVHaarObjectDetection.hpp:312
G_TYPED_KERNEL(GFilter2D,< GMat(GMat, int, Mat, Point, Scalar, int, Scalar)>,"org.opencv.imgproc.filters.filter2D")
Definition: imgproc.hpp:33
virtual void setBlurrinessRates(const std::vector< float > &val)
Definition: deblurring.hpp:80
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:155
double calibrateCameraCharuco(InputArrayOfArrays charucoCorners, InputArrayOfArrays charucoIds, const Ptr< CharucoBoard > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using Charuco corners.
MatExpr inv(int method=DECOMP_LU) const
Inverses a matrix.
float getAngleThreshold() const
Definition: depth.hpp:1068
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)
Definition: imgproc.hpp:4201
static gapi::fluid::BorderOpt help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:241
double Wy
Definition: gr_chalearn.hpp:67
Rgba32.
Definition: videoio.hpp:321
void addRNGBias64f(double *arr, const double *scaleBiasPairs, int len)
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:109
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
void mapForward(float x, float y, float &u, float &v)
Matx< double, 2, 2 > Matx22d
Definition: matx.hpp:231
std::vector< tag > tags
Definition: tr_svt.hpp:70
void and8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise exclusive or operation of two matrices (or of matrix and scalar).
int numStepsToWaitBeforeFirstShow
Definition: detection_based_tracker.hpp:168
SVD & operator()(InputArray src, int flags=0)
the operator that performs SVD. The previously allocated u, w and vt are released.
Matrix expression representation.
Definition: mat.hpp:3516
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.
int x
x coordinate of the top-left corner
Definition: types.hpp:48
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
double getMaxDepthDiff() const
Definition: depth.hpp:787
BundleAdjusterRay()
Definition: motion_estimators.hpp:268
Avg< U > other
Definition: reduce_to_vec.hpp:91
XINE engine (Linux)
Definition: videoio.hpp:122
static _Tp * alignPtr(_Tp *ptr, int n=(int) sizeof(_Tp))
Aligns a pointer to the specified number of bytes.
Definition: utility.hpp:490
uchar2 type
Definition: vec_traits.hpp:82
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:148
int estimateAffine3D(InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99)
Computes an optimal affine transformation between two 3D point sets.
int getCtrSize()
Definition: fourier_descriptors.hpp:70
virtual ~IDescriptorDistance()
Definition: tracking_by_matching.hpp:173
uint64 m_ticksTotal
Definition: utility.hpp:1189
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:337
Y,U,V (4:2:0)
Definition: cudacodec.hpp:257
virtual uint64_t getPeakUsage() const =0
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:834
float Type
Definition: features2d.hpp:797
Definition: qualitygmsd.hpp:54
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,...
Definition: feature.hpp:216
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:266
type_traits_detail::ReferenceTraits< T >::type referred_type
Definition: type_traits.hpp:134
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)
void v_store_aligned(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (aligned)
Definition: intrin_cpp.hpp:1644
float trimRatio() const
Definition: motion_stabilizing.hpp:129
Definition: cudaimgproc.hpp:160
Derivatives of this class encapsulates functions of certain backends.
Definition: dnn.hpp:112
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)
void convertToD3D10Texture2D(InputArray src, ID3D10Texture2D *pD3D10Texture2D)
Converts InputArray to ID3D10Texture2D.
Definition: face_alignment.hpp:11
void copyTo(OutputArray m) const
Copies the matrix to another one.
Definition: warping.hpp:61
Common interface for all CUDA filters :
Definition: cudafilters.hpp:75
#define CV_NODISCARD
Definition: cvdef.h:677
#define CV_16U
Definition: interface.h:75
__device__ __forceinline__ double4 exp2(const double4 &a)
Definition: vec_math.hpp:247
Rotate 270 degrees clockwise.
Definition: core.hpp:1063
Mat_()
default constructor
const TrackedObject & back() const
back returns const reference to last object in track.
Definition: tracking_by_matching.hpp:366
cv::UMat r
Definition: goclkernel.hpp:123
StarKernelCensus(const cv::Mat *img, int k2, int **distance)
Definition: descriptor.hpp:280
void warpFrame(const Mat &image, const Mat &depth, const Mat &mask, const Mat &Rt, const Mat &cameraMatrix, const Mat &distCoeff, OutputArray warpedImage, OutputArray warpedDepth=noArray(), OutputArray warpedMask=noArray())
void contourSampling(InputArray src, OutputArray out, int nbElt)
Contour sampling .
decoder_mode
Definition: ocr.hpp:172
String dumpInputOutputArray(InputOutputArray argument)
size_t step
Definition: cuda.hpp:588
GPCTrainingParams(const GPCTrainingParams ¶ms)
Definition: sparse_matching_gpc.hpp:138
bool createDirectories(const cv::String &path)
int depth
Definition: gmat.hpp:68
void matMulDeriv(InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
Computes partial derivatives of the matrix product for each multiplied matrix.
Definition: calib3d.hpp:270
DIS optical flow algorithm.
Definition: tracking.hpp:584
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/2.
Definition: imgcodecs.hpp:72
__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
v_uint8x16 v_rshr_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:2247
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
Definition: feature.hpp:137
Size poolKernel
Definition: all_layers.hpp:517
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
Definition: core.hpp:3101
Definition: hpe_parse.hpp:60
Matx13d ofs
Definition: hpe_humaneva.hpp:66
float getMarkerLength() const
Definition: aruco.hpp:345
int ff
The font type, see HersheyFonts.
Definition: render.hpp:41
Computes distance between images using MatchTemplate function from OpenCV library and its cross-corre...
Definition: tracking_by_matching.hpp:216
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: kinfu.hpp:49
__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:1308
Definition: videoio.hpp:245
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
bool use_channel_weights
Definition: tracker.hpp:1503
Definition: imgproc.hpp:704
Represents function being optimized.
Definition: optim.hpp:63
MVKernel()
Definition: descriptor.hpp:70
Vec< ushort, 2 > Vec2w
Definition: matx.hpp:408
MatExpr operator^(const Mat &a, const Mat &b)
String cascade_face
filename of the face detector model
Definition: facemarkLBF.hpp:60
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:228
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
uint16_t UINT16
Definition: descriptor.hpp:65
Comma-separated Matrix Initializer.
Definition: mat.hpp:510
double beta
Definition: mat.hpp:3549
#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)
Change image resolution by binning or skipping.
Definition: videoio.hpp:332
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
Definition: all_layers.hpp:465
int value_type
Definition: vec_distance.hpp:157
float histThresh
Definition: histogramphaseunwrapping.hpp:83
Scalar s
Definition: mat.hpp:3550
Base class for modelling an algorithm for calculating a map.
Definition: mapper.hpp:54
std::string weights_path
Definition: ie.hpp:31
static double norm(const Matx< _Tp, m, n > &M, int normType)
Definition: calib3d.hpp:2829
unsigned u
Definition: cvdef.h:344
void GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an image.
NCVStatus nppiStDecimate_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Definition: tracking.hpp:436
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:245
Definition: gr_skig.hpp:69
const float occlusionsThreshold
Definition: pcaflow.hpp:101
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
Node< NodeData > InstrNode
Definition: utility.hpp:1220
static MatExpr eye(int rows, int cols, int type)
Returns an identity matrix of the specified size and type.
int hal_ni_dctInit2D(cvhalDFT **context, int width, int height, int depth, int flags)
Definition: hal_replacement.hpp:561
__device__ static __forceinline__ short max()
Definition: limits.hpp:84
Off.
Definition: videoio.hpp:308
Vec< int, 8 > Vec8i
Definition: matx.hpp:416
Definition: cudaimgproc.hpp:159
softdouble setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:318
const float sparseRate
Definition: pcaflow.hpp:99
util::variant< util::monostate, GMatDesc, GScalarDesc, GArrayDesc > GMetaArg
Definition: gmetaarg.hpp:39
Definition: feature.hpp:365
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
OutArgs Result
Definition: infer.hpp:54
uchar member_type
Definition: core.hpp:3265
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:192
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
_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
Activates LUT.
Definition: videoio.hpp:448
int perspectiveRemovePixelPerCell
Definition: aruco.hpp:171
T * _ptr
Definition: NCV.hpp:832
std::function< Result(Args...)> API
Definition: infer.hpp:55
Definition: mappergradsimilar.hpp:52
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray R=noArray(), InputArray P=noArray())
Undistorts 2D points using fisheye model.
Definition: photo.hpp:332
Definition: calib3d.hpp:263
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
std::vector< Texture > textures
a container to holds the texture data for each scale of fitting
Definition: facemarkAAM.hpp:137
double registrationResol() const
Definition: stitching.hpp:186
void * handle
Definition: mat.hpp:563
std::vector< uchar > getInliers()
Definition: matchers.hpp:113
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:444
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise inversion.
static Ptr< DetectorParameters > create()
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
finds intersection of two convex polygons
std::vector< double > confidences
vector that will contain confidence values for each location
Definition: objdetect.hpp:352
Definition: imgproc.hpp:3649
void initializeCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray K, double &xi, OutputArray idx=noArray())
For PNG, it can be the compression level from 0 to 9. A higher value means a smaller size and longer ...
Definition: imgcodecs.hpp:88
Matx33d r
Definition: msm_middlebury.hpp:64
SrcPtr src
Definition: extrapolation.hpp:65
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
Definition: imgproc.hpp:502
bool operator!=(const TrackedObject &first, const TrackedObject &second)
std::string text
The text string to be drawn.
Definition: render.hpp:39
Scalar_< _Tp > mul(const Scalar_< _Tp > &a, double scale=1) const
per-element product
Definition: cudacodec.hpp:269
Definition: videoio.hpp:523
std::string name
Definition: hpe_parse.hpp:62
Vec cross(const Vec &v) const
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:59
softdouble setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:314
Definition: videoio.hpp:508
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.
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
do not look outside of ROI
Definition: base.hpp:278
int maxCorrectionBits
Definition: dictionary.hpp:66
int ResultType
Definition: base.hpp:386
float _mu1
Definition: onlineMIL.hpp:93
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
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
double getMaxDepth() const
Definition: depth.hpp:779
Definition: garray.hpp:39
Definition: imgproc.hpp:711
MarginType
Definition: ml.hpp:1800
FPGA device with CPU fallbacks using Inference Engine's Heterogeneous plugin.
Definition: dnn.hpp:88
__device__ __forceinline__ float1 sinh(const uchar1 &a)
Definition: vec_math.hpp:339
Definition: imgproc.hpp:434
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:669
Affine3f volumePose
initial volume pose in meters
Definition: kinfu.hpp:71
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
bool getUseFeatureExchange() const
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:245
std::tuple< Args... > InArgs
Definition: infer.hpp:51
void convertFp16(InputArray _src, OutputArray _dst, Stream &stream=Stream::Null())
Converts an array to half precision floating number.
Definition: cap_winrt.hpp:42
Definition: imgproc.hpp:665
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.
Mat normals
point normals of type CV_32FC3, CV_32FC4, CV_64FC3 or CV_64FC4 with only 1 row
Definition: types.hpp:131
Definition: functional.hpp:132
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:257
int getMethod() const
Definition: depth.hpp:247
~_LayerStaticRegisterer()
Definition: layer.details.hpp:68
float getCls(int si) const
Definition: feature.hpp:185
float globalMotionRansacThreshold
Definition: rlofflow.hpp:145
bool local_maxima
whenever the regions is a local maxima of the probability
Definition: erfilter.hpp:109
Definition: videoio.hpp:537
Net::ResultL infer(cv::GArray< cv::Rect > roi, Args &&... args)
Calculates responses for the specified network (template parameter) for every region in the source im...
Definition: infer.hpp:155
void pyrUp(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Upsamples an image and then blurs it.
Designed for command line parsing.
Definition: utility.hpp:831
Definition: depth.hpp:328
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.
Definition: imgproc.hpp:499
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
int width
Definition: graycodepattern.hpp:79
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
Backend
Enum of computation backends supported by layers.
Definition: dnn.hpp:65
virtual int getSpeckleRange() const =0
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1392
Definition: all_layers.hpp:431
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:63
Definition: cudacodec.hpp:249
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
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....
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:602
bool v_check_all(const v_reg< _Tp, n > &a)
Check if all packed values are less than zero.
Definition: intrin_cpp.hpp:1207
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:251
void operator()(const cv::Range &r) const CV_OVERRIDE
Definition: descriptor.hpp:293
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:224
Affine3 translate(const Vec3 &t) const
a.translate(t) is equivalent to Affine(E, t) * a, where E is an identity matrix
int cols
Definition: lut.hpp:77
int num_errs_per_measurement_
Definition: motion_estimators.hpp:200
void setMaskCallback(std::function< void(Mat &)> MaskCallback)
Definition: frame_source.hpp:101
Definition: omnidir.hpp:56
double getBase() const
Definition: saliencySpecializedClasses.hpp:337
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:99
Mat temp4
Definition: tracking.hpp:408
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:99
::int16_t int16_t
Definition: cvdef.h:758
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
Ptr< detail::Estimator > estimator()
Definition: stitching.hpp:229
#define CV_8UC1
Definition: interface.h:88
void postprocess_ocl(Outputs &... outs)
Definition: goclkernel.hpp:151
CvResult
Definition: llapi.h:30
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute the PSNR.
Definition: qualitypsnr.hpp:48
Definition: msm_middlebury.hpp:68
UYVY (4:2:2)
Definition: cudacodec.hpp:261
Camera sensor temperature.
Definition: videoio.hpp:392
Definition: imgproc.hpp:429
Definition: edge_filter.hpp:53
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop)
Performs the per-element comparison of two arrays or an array and scalar value.
Simple widgets.
Definition: widgets.hpp: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:1282
Built-in OpenCV MotionJPEG codec.
Definition: videoio.hpp:120
Definition: edge_filter.hpp:54
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:1138
cv::gapi::GBackend backend()
Get a reference to OCL backend.
UMatData * originalUMatData
Definition: mat.hpp:567
std::vector< Mat > _projections
Definition: facerec.hpp:47
GMatP NV12toRGBp(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to RGB. The function converts an input image from N...
virtual ~PoseCluster3D()
Definition: pose_3d.hpp:162
#define HaarStage64_Interpret_MaskRootNodes
Definition: NCVHaarObjectDetection.hpp:270
AutoBuffer< _Tp, fixed_size > & operator=(const AutoBuffer< _Tp, fixed_size > &buf)
the assignment operator
virtual int getNumDisparities() const =0
std::vector< float > svmDetector
coefficients for the linear SVM classifier.
Definition: objdetect.hpp:617
SvmsgdType
Definition: ml.hpp:1793
TLSData()
Definition: utility.hpp:731
__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:60
void mapForward(float x, float y, float &u, float &v)
bool operator==(const TrackedObject &first, const TrackedObject &second)
int hal_ni_max64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:109
NCVStatus nppiStDecimate_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm ....
Definition: erfilter.hpp:118
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
Mat sum
Definition: feature.hpp:394
__host__ GpuMat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
SrcPtr src
Definition: deriv.hpp:239
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
Definition: gkernel.hpp:207
opengl support.
Definition: highgui.hpp:199
In mm.
Definition: videoio.hpp:227
void v_store_high(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (higher half)
Definition: intrin_cpp.hpp:1629
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:94
float lkTermParam2
Definition: quasi_dense_stereo.hpp:57
GMatDesc m_desc
Definition: gfluidbuffer.hpp:101
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 void printAttrs() const CV_OVERRIDE
White balance blue coefficient.
Definition: videoio.hpp:378
v_float32x4 v_reduce_sum4(const v_float32x4 &a, const v_float32x4 &b, const v_float32x4 &c, const v_float32x4 &d)
Sums all elements of each input vector, returns the vector of sums.
Definition: intrin_cpp.hpp:1142
virtual void setPreFilterCap(int preFilterCap)=0
Mat & operator=(const Mat &m)
assignment operators
sequence
Definition: persistence.hpp:484
static void read(const FileNode &node, schar &value, schar default_value)
Definition: persistence.hpp:1126
cv::Mat descriptor_fast
Fast descriptor.
Definition: tracking_by_matching.hpp:384
const typedef std::vector< Mat > & const_param_type
Definition: core.hpp:3224
#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:756
Definition: calib3d.hpp:288
Ptr< HDF5 > open(const String &HDF5Filename)
Open or create hdf5 file.
std::string model_filename
filename where the trained model will be saved
Definition: facemarkLBF.hpp:79
Trajectory trajectory
Definition: tracker.hpp:512
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:1052
Definition: slam_tumindoor.hpp:67
int rows
Definition: deriv.hpp:302
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:572
Definition: frame_source.hpp:65
GMat phase(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
const cv::Vec< double, 2 > & getShift() const
Definition: mapaffine.hpp:96
int FT02D_iteration(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask, OutputArray maskOutput, bool firstStop)
Computes -transfrom and inverse -transfrom at once and return state.
Smartek Giganetix GigEVisionSDK.
Definition: videoio.hpp:108
void repeat(InputArray src, int ny, int nx, OutputArray dst)
Fills the output array with repeated copies of the input array.
SrcPtr src
Definition: reduction.hpp:66
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:199
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
void createQuaternionImage(InputArray img, OutputArray qimg)
creates a quaternion image.
Definition: intrin.hpp:95
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:169
bool haveImageWriter(const String &filename)
Returns true if an image with the specified filename can be encoded by OpenCV.
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
cv::Scalar compute(InputArrayOfArrays cmpImgs) CV_OVERRIDE
Computes MSE for reference images supplied in class constructor and provided comparison images.
Definition: cudacodec.hpp:271
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
Edge-Aware Demosaicing.
Definition: imgproc.hpp:764
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:911
Mat samplePCByQuantization(Mat pc, Vec2f &xrange, Vec2f &yrange, Vec2f &zrange, float sample_step_relative, int weightByCenter=0)
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:944
Matx< double, 4, 1 > Matx41d
Definition: matx.hpp:226
Definition: dictionary.hpp:148
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:889
Definition: cudacodec.hpp:72
__host__ ZipPtrSz< tuple< typename PtrTraits< Ptr0 >::ptr_type, typename PtrTraits< Ptr1 >::ptr_type > > zipPtr(const Ptr0 &ptr0, const Ptr1 &ptr1)
Definition: zip.hpp:118
Action
Definition: types.hpp:286
Definition: pd_inria.hpp:62
Definition: gr_skig.hpp:67
v_uint8x16 v_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:2206
virtual void printDefaults() const
bool operator!=(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:59
float prob
probability of success
Definition: motion_core.hpp:78
void findCorrespondences(InputArray imgFrom, InputArray imgTo, std::vector< std::pair< Point2i, Point2i > > &corr, const GPCMatchingParams params=GPCMatchingParams()) const
Find correspondences between two images.
Definition: sparse_matching_gpc.hpp:320
double getMaxRotation() const
Definition: depth.hpp:704
any(any const &src)
Definition: any.hpp:78
Scalar_< _Tp > conj() const
returns (v0, -v1, -v2, -v3)
Size(int _width, int _height)
Definition: types.hpp:92
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
Represents a compiled computation (graph). Can only be used with image / data formats & resolutions i...
Definition: gcompiled.hpp:64
static void help_reset(gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:201
void operator()(int rrWidth, int w2, int rWidth, int jj, int j, int c[num_images]) const
Definition: descriptor.hpp:115
G_TYPED_KERNEL_M(GSobelXY,< GMat2(GMat, int, int, int, double, double, int, Scalar)>, "org.opencv.imgproc.filters.sobelxy")
Definition: imgproc.hpp:87
Class with reference counting wrapping special memory type allocation functions from CUDA.
Definition: cuda.hpp:524
int radius() const
Definition: stabilizer.hpp:75
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
const cv::gapi::own::Mat & inMat(int input)
Definition: cudaimgproc.hpp:108
float _e1
Definition: onlineMIL.hpp:97
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
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:188
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:94
v_uint8x16 v_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:2212
void replaceWeakClassifier(int idx)
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
v_int16x8 v_reinterpret_as_s16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2116
Definition: videoio.hpp:530
_Tp height
the height
Definition: types.hpp:340
void fillFixed(Mat &G, int flags, int n)
int wscale
Definition: ocl.hpp:383
static U wrap_in(const U &u)
Definition: gtype_traits.hpp:142
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
const std::vector< int > & getIdxDetections() const
Definition: onlineBoosting.hpp:225
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
void forEach(const Functor &operation)
template methods for for operation over all matrix elements.
bool useGlobalMotionPrior
Definition: rlofflow.hpp:132
Correction of bad pixels.
Definition: videoio.hpp:375
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
virtual ~TrackerBoosting() CV_OVERRIDE
Definition: tracker.hpp:1129
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:525
void apply(GRunArgs &&ins, GRunArgsP &&outs, GCompileArgs &&args={})
Compile graph on-the-fly and immediately execute it on the inputs data vectors.
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:619
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3084
double floord(double x)
Definition: saturate.hpp:83
size_t stepT(int i=0) const
returns step()/sizeof(_Tp)
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:540
Definition: fast_hough_transform.hpp:107
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:226
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
GMat subRC(const GScalar &c, const GMat &src, int ddepth=-1)
Calculates the per-element difference between given scalar and the matrix.
int attempts
Definition: features2d.hpp:1368
String dumpInputOutputArrayOfArrays(InputOutputArrayOfArrays argument)
int ymax
Definition: or_pascal.hpp:65
Default nlevels value.
Definition: objdetect.hpp:377
Definition: motion_core.hpp:64
NcvSize32u size() const
Definition: NCV.hpp:826
int width
Definition: pd_inria.hpp:75
static void write(FileStorage &fs, const String &name, const _Tp &val)
Definition: persistence.hpp:1063
__host__ __device__ HaarClassifierNodeDescriptor32 getLeftNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:256
Vec< int, 6 > Vec6i
Definition: matx.hpp:415
_Tp value_type
Definition: utility.hpp:128
float score
Definition: dpm.hpp:113
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
Definition: imgproc.hpp:733
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:341
void allocate(size_t _size)
allocates the new buffer of size _size. if the _size is small enough, stack-allocated buffer is used
Definition: all_layers.hpp:539
int minusStep
Definition: imgproc.hpp:4721
T value
Definition: constant.hpp:62
Definition: videoio.hpp:493
Size getGridSize() const
Definition: aruco.hpp:340
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
bool loadFacePoints(String filename, OutputArray points, float offset=0.0f)
A utility to load facial landmark information from a given file.
std::vector< std::string > paths
Definition: or_sun.hpp:73
Definition: type_traits.hpp:96
bool imwrite(const String &filename, InputArray img, const std::vector< int > ¶ms=std::vector< int >())
Saves an image to a specified file.
Definition: freetype.hpp:74
This class is used to track multiple objects using the specified tracker algorithm.
Definition: tracker.hpp:1330
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:1076
Definition: functional.hpp:447
float hcellsTemporalConstant
Definition: retina.hpp:162
This 3D Widget defines a cube.
Definition: widgets.hpp:372
Definition: feature.hpp:142
MatExpr operator&(const Mat &a, const Mat &b)
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
ptrdiff_t difference_type
Definition: mat.hpp:3083
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
If set, return 16-bit/32-bit image when the input has the corresponding depth, otherwise convert it t...
Definition: imgcodecs.hpp:68
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:70
void minMax(InputArray src, double *minVal, double *maxVal, InputArray mask=noArray())
Finds global minimum and maximum matrix elements and returns their values.
Definition: functional.hpp:214
unsigned int VASurfaceID
Definition: va_intel.hpp:23
T float_type
Definition: affine.hpp:129
Definition: gr_skig.hpp:71
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
float eval(const Mat &response)
Mat findFundamentalMat(InputArray points1, InputArray points2, int method=FM_RANSAC, double ransacReprojThreshold=3., double confidence=0.99, OutputArray mask=noArray())
Calculates a fundamental matrix from the corresponding points in two images.
Definition: deblurring.hpp:59
int m_threads
Definition: utility.hpp:1212
Definition: bufferpool.hpp:21
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:304
void setMaxTranslation(double val)
Definition: depth.hpp:700
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:244
Definition: reduction.hpp:64
softdouble setFrac(const softdouble &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:338
Definition: edge_filter.hpp:55
Definition: imgproc.hpp:579
cv::gapi::GBackend backend()
Get a reference to CPU (OpenCV) backend.
virtual bool getUsePrefilter() const =0
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
Definition: imgproc.hpp:358
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: resize.hpp:68
Definition: constant.hpp:67
Definition: utility.hpp:1172
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
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...
Vec< float, 3 > Vec3f
Definition: matx.hpp:419
BRISQUE (Blind/Referenceless Image Spatial Quality Evaluator) is a No Reference Image Quality Assessm...
Definition: qualitybrisque.hpp:26
static double determinant(const Matx< _Tp, m, m > &a)
std::vector< uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:100
AverageHash()
Definition: average_hash.hpp:26
float index_type
Definition: interpolation.hpp:237
virtual void apply(InputArray src, OutputArray dst)=0
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
int createTrackbar(const String &trackbarname, const String &winname, int *value, int count, TrackbarCallback onChange=0, void *userdata=0)
Creates a trackbar and attaches it to the specified window.
util::variant< cv::Mat, cv::Scalar, cv::UMat, cv::gapi::own::Mat, cv::gapi::own::Scalar, cv::detail::VectorRef > GRunArg
Definition: garg.hpp:98
Definition: functional.hpp:694
double polygonalApproxAccuracyRate
Definition: aruco.hpp:162
There is a partial intersection.
Definition: imgproc.hpp:794
void * userdata
Definition: mat.hpp:564
int corrWinSizeY
Definition: quasi_dense_stereo.hpp:41
#define _v512_set_epu32(a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:21
InpaintTypes
various inpainting algorithms
Definition: inpainting.hpp:62
"black box" representation of the file storage associated with a file on disk.
Definition: affine.hpp:51
void createPointCloudMesh(const String &name, InputArray vertices, InputArray colors=noArray())
Ptr< FreeType2 > createFreeType2()
Create FreeType2 Instance.
cv::Mat estimateAffinePartial2D(InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets...
Point2f pt
Definition: descriptor.hpp:115
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
__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:2668
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:559
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:208
standard bayer sampling
Definition: retina.hpp:86
double getTimeMilli() const
Definition: utility.hpp:383
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
void decodeParameters(InputArray paramsters, OutputArray K, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray distoration, double &xi)
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/4.
Definition: imgcodecs.hpp:74
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: tracking.hpp:475
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.
DictValue(unsigned p)
Constructs integer scalar.
Definition: dict.hpp:66
__device__ __forceinline__ float1 sin(const uchar1 &a)
Definition: vec_math.hpp:285
virtual void setScale(float)
Definition: warpers.hpp:119
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2665
Definition: dictionary.hpp:142
Color Correction Matrix element [1][0].
Definition: videoio.hpp:407
int hal_ni_cvtBGRtoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int greenBits)
hal_cvtBGRtoBGR5x5
Definition: hal_replacement.hpp:322
Simple blender which mixes images at its borders.
Definition: blenders.hpp:100
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:124
Definition: imgproc.hpp:611
int veclen() const
Definition: flann.hpp:290
Mat getStructuringElement(int shape, Size ksize, Point anchor=Point(-1,-1))
Returns a structuring element of the specified size and shape for morphological operations.
Definition: imgproc.hpp:660
tracing
Definition: base.hpp:77
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
CvFeatureParams * featureParams
Definition: feature.hpp:195
Definition: gr_skig.hpp:68
void sqrt32f(const float *src, float *dst, int len)
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitypsnr.hpp:59
bool loadDatasetList(String imageList, String annotationList, std::vector< String > &images, std::vector< String > &annotations)
A utility to load list of paths to training image and annotation file.
std::function< void(const cv::GArgs &, const std::vector< gapi::fluid::Buffer * > &)> F
Definition: gfluidkernel.hpp:57
void setMaxDepth(double val)
Definition: depth.hpp:652
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...
Decimation engine selector.
Definition: videoio.hpp:362
Definition: calib3d.hpp:258
int radius_
Definition: inpainting.hpp:94
Definition: cudaimgproc.hpp:159
void createOCRHMMTransitionsTable(std::string &vocabulary, std::vector< std::string > &lexicon, OutputArray transition_probabilities_table)
Utility function to create a tailored language model transitions table from a given list of words (le...
void setMaxPointsPart(double val)
Definition: depth.hpp:807
int * refcount
Definition: cuda.hpp:330
const float * warpMat
Definition: warping.hpp:66
Definition: imgproc.hpp:321
std::function< void(GCPUContext &)> F
Definition: gcpukernel.hpp:107
GKernelPackage combine(const GKernelPackage &lhs, const GKernelPackage &rhs)
void recip64f(const double *, size_t, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
Definition: gscalar.hpp:30
Definition: imgproc.hpp:551
void findNonZero(InputArray src, OutputArray idx)
Returns the list of locations of non-zero pixels.
void recip8s(const schar *, size_t, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
void histRange(InputArray src, OutputArray hist, InputArray levels, Stream &stream=Stream::Null())
Calculates a histogram with bins determined by the levels array.
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:453
const Mat & getCls() const
Definition: feature.hpp:181
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.
Acquisition buffer size in buffer_size_unit. Default bytes.
Definition: videoio.hpp:455
K API
Definition: gfluidkernel.hpp:319
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.
Vertical Decimation - vertical sub-sampling of the image - reduces the vertical resolution of the ima...
Definition: videoio.hpp:363
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:314
The alpha channel of RGB32 output image format.
Definition: videoio.hpp:436
void filterHomographyDecompByVisibleRefpoints(InputArrayOfArrays rotations, InputArrayOfArrays normals, InputArray beforePoints, InputArray afterPoints, OutputArray possibleSolutions, InputArray pointsMask=noArray())
Filters homography decompositions based on additional information.
virtual void setSpekleRemovalTechnique(int factor)=0
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:95
virtual ~Modality()
Definition: linemod.hpp:123
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:369
illuminationType
Definition: gr_skig.hpp:81
#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
UMatUsageFlags usageFlags
Definition: mat.hpp:2564
Mat temp1
Definition: tracking.hpp:405
~NCVVectorAlloc()
Definition: NCV.hpp:654
Separate luma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:86
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:334
Tag and corners detection based on the ArUco approach.
Definition: aruco.hpp:82
float fastAtan2(float y, float x)
Calculates the angle of a 2D vector in degrees.
ArgKind
Definition: gtype_traits.hpp:27
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:291
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
Definition: cudaimgproc.hpp:159
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
bool(* FN_FaceDetector)(InputArray, OutputArray, void *userData)
Definition: facemark_train.hpp:33
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
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: imgproc.hpp:814
bool acrossSpatial
Definition: all_layers.hpp:592
int keyframe2
Definition: simple_pipeline.hpp:152
static const std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:137
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
virtual int getPreFilterSize() const =0
static cv::GOCLKernel kernel()
Definition: goclkernel.hpp:238
int hal_ni_exp32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:473
static constexpr const char * tag()
Definition: gkernel.hpp:173
ConnectedComponentsTypes
connected components algorithm output formats
Definition: imgproc.hpp:389
__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
float shape_affinity_w
Shape affinity weight.
Definition: tracking_by_matching.hpp:275
int frameCounter
Definition: track_vot.hpp:88
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
void writeLogMessageEx(LogLevel logLevel, const char *tag, const char *file, int line, const char *func, const char *message)
2 out of 8 decimation
Definition: videoio.hpp:310
void GradientDericheY(InputArray op, OutputArray dst, double alpha, double omega)
Applies Y Deriche filter to an image.
DisjointSets(int elem_count=0)
Definition: util.hpp:58
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
float f
Definition: cvdef.h:345
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:198
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())
void setScallingFactor(int val)
a number by which the disparity will be multiplied for better display
Definition: matching.hpp:387
Definition: calib3d.hpp:3039
softfloat pow(const softfloat &a, const softfloat &b)
Raising to the power.
Definition: transpose.hpp:88
Size winSize
Definition: feature.hpp:194
MatExpr operator>=(const Mat &a, const Mat &b)
void applyTransformationToPoints(InputArray points, InputArray T, OutputArray transformed_points)
Apply Transformation to points.
Matx33d mat
Definition: ir_affine.hpp:64
static void write(FileStorage &fs, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:942
CreateFlags
Definition: cuda.hpp:698
virtual int radius() const
Definition: deblurring.hpp:67
Definition: sr_general100.hpp:23
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). Note: mos size must be multiple of cell size.
Definition: render.hpp:94
Definition: imgproc.hpp:647
An abstract class providing interface for text detection algorithms.
Definition: textDetector.hpp:20
void mapForward(float x, float y, float &u, float &v)
Definition: onlineMIL.hpp:59
int width
Definition: histogramphaseunwrapping.hpp:81
void amFilter(InputArray joint, InputArray src, OutputArray dst, double sigma_s, double sigma_r, bool adjust_outliers=false)
Simple one-line Adaptive Manifold Filter call.
int xmin
Definition: or_pascal.hpp:62
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:494
Definition: all_layers.hpp:505
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracker.hpp:646
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:123
void sqrBoxFilter(InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1, -1), bool normalize=true, int borderType=BORDER_DEFAULT)
Calculates the normalized sum of squares of the pixel values overlapping the filter.
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:406
v_reg< double, n > v_cvt_f64(const v_reg< int, n *2 > &a)
Convert to double.
Definition: intrin_cpp.hpp:1888
Definition: imgproc.hpp:778
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
Definition: hpe_parse.hpp:65
Definition: imgproc.hpp:637
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:823
Line segment detector class.
Definition: imgproc.hpp:1258
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:286
Using this value prevents the use of dynamic Huffman codes, allowing for a simpler decoder for specia...
Definition: imgcodecs.hpp:121
double minCornerDistanceRate
Definition: aruco.hpp:163
virtual ~FacemarkLBF()
Definition: facemarkLBF.hpp:112
__host__ ConstantPtr< T > constantPtr(T value)
Definition: constant.hpp:73
int getNumBaseClassifier()
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.
Allows access to sensor feature value currently selected by XI_PRM_SENSOR_FEATURE_SELECTOR.
Definition: videoio.hpp:481
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
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.
float cheb_attenuation
Definition: tracker.hpp:1508
GMatDesc asPlanar(int planes) const
Definition: gmat.hpp:180
String className
Definition: saliencyBaseClasses.hpp:81
Ptr< BaseCascadeClassifier > cc
Definition: objdetect.hpp:337
void cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
int depth_
Definition: depth.hpp:260
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:122
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:640
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
Definition: imgproc.hpp:563
Definition: stereo.hpp:132
Worse quality but much faster.
Definition: sparse_matching_gpc.hpp:93
Codec
Video codecs supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:243
Definition: garray.hpp:119
Sensor clock frequency index. Sensor with selected frequencies have possibility to set the frequency ...
Definition: videoio.hpp:440
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
const typedef _InputArray & InputArray
Definition: mat.hpp:437
Definition: omnidir.hpp:64
#define CV_FORMAT_PRINTF(A, B)
Definition: operations.hpp:61
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.
void calcCovarMatrix(const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F)
Calculates the covariance matrix of a set of vectors.
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:240
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:87
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2947
void erGrouping(InputArray img, InputArrayOfArrays channels, std::vector< std::vector< ERStat > > ®ions, std::vector< std::vector< Vec2i > > &groups, std::vector< Rect > &groups_rects, int method=ERGROUPING_ORIENTATION_HORIZ, const std::string &filename=std::string(), float minProbablity=0.5)
Find groups of Extremal Regions that are organized as text blocks.
std::tuple< cv::GMat, cv::GMat > GMat2
Definition: render.hpp:131
_LayerStaticRegisterer(const String &layerType, LayerFactory::Constructor layerConstructor)
Definition: layer.details.hpp:62
uint result_type
Definition: vec_distance.hpp:64
void dct(InputArray src, OutputArray dst, int flags=0)
Performs a forward or inverse discrete Cosine transform of 1D or 2D array.
void resetMyriadDevice()
Release a Myriad device (binded by OpenCV).
Definition: all_layers.hpp:270
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
int hal_ni_min8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:111
Definition: NCVHaarObjectDetection.hpp:178
cv::Rect mos
Coordinates of the mosaic.
Definition: render.hpp:93
int preferredVectorWidthChar() const
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3022
static T get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:55
int featureSetNumFeatures
Definition: tracker.hpp:1078
#define CV_PI
Definition: cvdef.h:320
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
static void read(const FileNode &node, Point_< _Tp > &value, const Point_< _Tp > &default_value)
Definition: persistence.hpp:719
v_reg< int, 4 > v_int32x4
Four 32-bit signed integer values.
Definition: intrin_cpp.hpp:379
Ptr< Facemark > createFacemarkKazemi()
construct a Kazemi facemark detector
incorrect vector length
Definition: base.hpp:97
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:125
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:431
Ptr< RFFeatureGetter > createRFFeatureGetter()
void winrt_startMessageLoop(std::function< void(Args...)> &&callback, Args... args)
void calcOpticalFlowPyrLK(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Size winSize=Size(21, 21), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyra...
int pyramid_level
Definition: linemod.hpp:45
Scalar mean(InputArray src, InputArray mask=noArray())
Calculates an average (mean) of array elements.
Bayer16.
Definition: videoio.hpp:318
Discriminant feature described by its location and label.
Definition: linemod.hpp:26
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:184
void shrinkCaffeModel(const String &src, const String &dst, const std::vector< String > &layersTypes=std::vector< String >())
Convert all weights of Caffe network to half precision floating point.
Point3_()
default constructor
virtual ~Timelapser()
Definition: timelapsers.hpp:63
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:359
Horizontal sub-sampling of the image.
Definition: videoio.hpp:292
virtual ~TrackerKCF() CV_OVERRIDE
Definition: tracker.hpp:1269
void rescaleDepth(InputArray in, int depth, OutputArray out)
static MatExpr ones(int rows, int cols, int type)
Returns an array of all 1's of the specified size and type.
__device__ static __forceinline__ float epsilon()
Definition: limits.hpp:113
static _AccTp normInf(const _Tp *a, int n)
Definition: base.hpp:441
void create(int rows, int cols, int type)
Allocates new array data if needed.
each training sample is a row of samples
Definition: ml.hpp:98
8-connected line
Definition: imgproc.hpp:804
schar type
Definition: vec_traits.hpp:76
const uint8_t * InLineB(int index) const
Definition: gfluidbuffer.hpp:66
int QR32f(float *A, size_t astep, int m, int n, int k, float *b, size_t bstep, float *hFactors)
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams ¶ms=FGDParams())
Creates FGD Background Subtractor.
indicates that left mouse button is released.
Definition: highgui.hpp:210
std::is_same< GArg, typename std::decay< T >::type > is_garg
Definition: garg.hpp:33
double quant
Definition: descriptor.hpp:703
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
Definition: videoio.hpp:170
String matchesGraphAsString(std::vector< String > &pathes, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
#define OPENCV_HAL_IMPL_C_RSHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2161
The CosDistance class allows computing cosine distance between two reidentification descriptors.
Definition: tracking_by_matching.hpp:180
const uint8_t * linePtr(int index) const
Definition: gfluidbuffer.hpp:54
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:1294
void winrt_onVisibilityChanged(bool visible)
Definition: imgproc.hpp:575
Definition: imgproc.hpp:319
int rows
Definition: cuda.hpp:587
float sPointInOctaveY
Definition: descriptor.hpp:133
Definition: garray.hpp:71
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:98
virtual bool read(const FileNode &node) CV_OVERRIDE
Ptr< LineSegmentDetector > createLineSegmentDetector(int _refine=LSD_REFINE_STD, double _scale=0.8, double _sigma_scale=0.6, double _quant=2.0, double _ang_th=22.5, double _log_eps=0, double _density_th=0.7, int _n_bins=1024)
Creates a smart pointer to a LineSegmentDetector object and initializes it.
int ksize_
Definition: descriptor.hpp:202
double findTransformECC(InputArray templateImage, InputArray inputImage, InputOutputArray warpMatrix, int motionType, TermCriteria criteria, InputArray inputMask, int gaussFiltSize)
Finds the geometric transform (warp) between two images in terms of the ECC criterion .
char Yes
Definition: functional.hpp:876
int getVersionMinor()
Returns minor library version.
int length() const
Definition: gfluidbuffer.hpp:79
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:262
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
ERStat * parent
pointers preserving the tree structure of the component tree
Definition: erfilter.hpp:103
Definition: split_merge.hpp:493
Definition: imgproc.hpp:532
std::vector< Target > getAvailableTargets(Backend be)
Definition: optical_flow.hpp:70
_Arg argument_type
Definition: functional.hpp:64
std::vector< int > ids
Definition: aruco.hpp:293
Definition: cudaimgproc.hpp:159
Ncv32f * pBU
backward horizontal displacement
Definition: NPP_staging.hpp:123
double y_center
Definition: facemarkLBF.hpp:106
void registerLogTag(cv::utils::logging::LogTag *plogtag)
#define CV_DECL_ALIGNED(x)
Definition: cvdef.h:210
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
OpenCL initialization error.
Definition: base.hpp:122
v_reg< _Tp, n > operator&(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise AND.
Definition: intrin_cpp.hpp:454
Color Correction Matrix element [3][0].
Definition: videoio.hpp:415
void segmentMotion(InputArray mhi, OutputArray segmask, std::vector< Rect > &boundingRects, double timestamp, double segThresh)
Splits a motion history image into a few parts corresponding to separate independent motions (for exa...
bool eigen(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
Calculates eigenvalues and eigenvectors of a symmetric matrix.
short Ncv16s
Definition: NCV.hpp:129
float spatialScale
Definition: all_layers.hpp:263
Definition: videoio.hpp:221
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:209
Definition: imgproc.hpp:1221
bool haveImageReader(const String &filename)
Returns true if the specified image can be decoded by OpenCV.
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:676
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.
Comma-separated Matrix Initializer.
Definition: matx.hpp:281
virtual void setMaxReservedSize(size_t size)=0
cv::Mat alpha
Alpha channel for image to draw (same size and number of channels)
Definition: render.hpp:105
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
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:231
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:1535
__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:89
#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
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:2575
T * ptr() const
Definition: NCV.hpp:613
Class for individual tree.
Definition: sparse_matching_gpc.hpp:161
Definition: weighted_median_filter.hpp:66
Definition: cudacodec.hpp:252
double ppx
Definition: camera.hpp:67
float shift
Definition: all_layers.hpp:486
void minMaxIdx(InputArray src, double *minVal, double *maxVal=0, int *minIdx=0, int *maxIdx=0, InputArray mask=noArray())
Finds the global minimum and maximum in an array.
float scale
Definition: warpers.hpp:130
typename last_type< Ts... >::type last_type_t
Definition: gcomputation.hpp:35
std::string name
Definition: gr_chalearn.hpp:77
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
bool holds() const
Definition: garray.hpp:96
int result_type
Definition: vec_distance.hpp:158
float eps
Definition: all_layers.hpp:288
v_int8x16 v_reinterpret_as_s8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2114
double getMinDepth() const
Definition: depth.hpp:771
Unicap drivers (obsolete, removed)
Definition: videoio.hpp:100
FisheyeWarper(float scale)
Definition: warpers.hpp:304
Class that enables getting cudaStream_t from cuda::Stream.
Definition: cuda_stream_accessor.hpp:67
Definition: dictionary.hpp:156
int getChannels() const
Definition: container_avi.private.hpp:167
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:267
AdaptiveThresholdTypes
Definition: imgproc.hpp:329
float sigmoid(float x)
Definition: onlineMIL.hpp:76
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)
Definition: cudaimgproc.hpp:98
void setSensorErrorB(double val)
Definition: depth.hpp:413
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
int line
line number in the source file where the error has occurred
Definition: core.hpp:141
std::string image
Definition: or_imagenet.hpp:63
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
Definition: gtyped.hpp:25
Definition: pd_inria.hpp:83
float _e0
Definition: onlineMIL.hpp:97
int markerBorderBits
Definition: aruco.hpp:170
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1033
Definition: imgproc.hpp:614
Rect_< int > Rect2i
Definition: types.hpp:459
int y
Definition: tr_svt.hpp:63
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:411
Definition: videoio.hpp:151
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:230
mask=5
Definition: imgproc.hpp:310
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:419
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:153
Definition: bm3d_image_denoising.hpp:71
void estimateFocal(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< double > &focals)
Estimates focal lengths for each given camera.
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray())
Inverts every bit of an array.
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:128
Definition: imgproc.hpp:685
Op::result_type result_type
Definition: tuple_adapter.hpp:59
double epsilon
the desired accuracy
Definition: types.hpp:883
VideoCaptureProperties
VideoCapture generic properties identifier.
Definition: videoio.hpp:131
virtual void init(size_t size)
Interface method called by face recognizer before results processing.
Definition: predict_collector.hpp:69
int rotatedRectangleIntersection(const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion)
Finds out if there is any intersection between two rotated rectangles.
__device__ __forceinline__ uint vsetge4(uint a, uint b)
Definition: simd_functions.hpp:728
__device__ __forceinline__ tuple< volatile T0 *, volatile T1 *, volatile T2 *, volatile T3 *, volatile T4 *, volatile T5 *, volatile T6 *, volatile T7 *, volatile T8 *, volatile T9 * > smem_tuple(T0 *t0, T1 *t1, T2 *t2, T3 *t3, T4 *t4, T5 *t5, T6 *t6, T7 *t7, T8 *t8, T9 *t9)
Definition: reduce.hpp:202
null pointer
Definition: base.hpp:96
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:1053
AutoBuffer< String, 1 > * ps
Definition: dict.hpp:105
int numBands() const
Definition: blenders.hpp:132
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:96
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
bool hasBias
Definition: all_layers.hpp:527
std::vector< std::string > imageNames
Definition: pd_caltech.hpp:65
Ncv32u x
x-coordinate of upper left corner.
Definition: NCV.hpp:162
Definition: cudaimgproc.hpp:159
Definition: fr_lfw.hpp:66
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
std::vector< GProtoArg > GProtoArgs
Definition: gproto.hpp:42
void setMaskSource(const Ptr< IFrameSource > &val)
Definition: stabilizer.hpp:80
Point2f getEndPoint() const
Definition: descriptor.hpp:150
std::vector< T > & outVecR(int output)
Definition: gcpukernel.hpp:85
__device__ __forceinline__ double4 sinh(const double4 &a)
Definition: vec_math.hpp:346
Base class for transform using lookup table.
Definition: cudaarithm.hpp:484
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:129
bool isValid() const
Definition: types.hpp:874
int photoVertex
Definition: multicalib.hpp:85
void mapBackward(float u, float v, float &x, float &y)
#define CV_DbgAssert(expr)
Definition: base.hpp:375
__host__ void gridTransformUnary(const SrcPtr &src, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:423
Definition: calib3d.hpp:259
Definition: imgproc.hpp:731
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:3282
Definition: warping.hpp:125
libmv_CameraIntrinsicsOptions(const int _distortion_model=0, const double _focal_length_x=0, const double _focal_length_y=0, const double _principal_point_x=0, const double _principal_point_y=0, const double _polynomial_k1=0, const double _polynomial_k2=0, const double _polynomial_k3=0, const double _polynomial_p1=0, const double _polynomial_p2=0)
Definition: simple_pipeline.hpp:76
int aprilTagMinWhiteBlackDiff
Definition: aruco.hpp:186
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:129
int rows
Definition: interpolation.hpp:136
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:255
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:1340
Weight of 75.
Definition: highgui.hpp:235
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:313
std::vector< double > radius_m
Definition: facemarkLBF.hpp:85
int model_scale_idx
Definition: facemarkAAM.hpp:91
Definition: functional.hpp:234
WindowFlags
Flags for cv::namedWindow.
Definition: highgui.hpp:182
void motionFromEssential(InputArray E, OutputArrayOfArrays Rs, OutputArrayOfArrays ts)
Texture2D()
The constructors.
void absdiff32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
Mat operator()(const Rect &roi) const
Definition: mat.hpp:305
const int * cyrillic
Definition: highgui.hpp:695
This class provides all data needed to initialize layer.
Definition: dnn.hpp:99
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:416
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:196
MatExpr operator|(const Mat &a, const Mat &b)
Definition: fast_hough_transform.hpp:96
Classic Niblack binarization. See .
Definition: ximgproc.hpp:119
size_t numVotes
Definition: pose_3d.hpp:126
Memory memory
Definition: variant.hpp:152
void hashtablePrint(hashtable_int *hashtbl)
indicates that the middle mouse button is down.
Definition: highgui.hpp:224
Access
Definition: opengl.hpp:92
Definition: depth.hpp:604
uvwxyz|abcdefgh|ijklmno
Definition: base.hpp:274
Definition: videoio.hpp:248
Definition: imgproc.hpp:535
int thick
The thickness of the lines used to draw a text.
Definition: render.hpp:44
Definition: imgproc.hpp:337
int maxTrackLifetime
Definition: detection_based_tracker.hpp:62
#define _v512_set_epu16(a31, a30, a29, a28, a27, a26, a25, a24, a23, a22, a21, a20, a19, a18, a17, a16, a15, a14, a13, a12, a11, a10, a9, a8, a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:24
virtual void setBinaryKernelType(int value)=0
Definition: fast_hough_transform.hpp:67
Definition: imgproc.hpp:654
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:1068
Definition: functional.hpp:771
Base class for Template Matching. :
Definition: cudaimgproc.hpp:657
int channels() const
Returns the number of matrix channels.
Definition: descriptor.hpp:60
Ptr< HoughLinesDetector > createHoughLinesDetector(float rho, float theta, int threshold, bool doSort=false, int maxLines=4096)
Creates implementation for cuda::HoughLinesDetector .
std::vector< Mat > motions_
Definition: stabilizer.hpp:135
__device__ __forceinline__ double4 exp10(const double4 &a)
Definition: vec_math.hpp:256
float c
Definition: ml.hpp:1184
int n_landmarks
number of landmark points
Definition: facemarkLBF.hpp:65
Scalar(double v0, double v1, double v2=0, double v3=0)
Definition: scalar.hpp:25
~optional_lock_guard()
Definition: lock.private.hpp:82
Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
bool isND() const
Definition: gmat.hpp:99
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:336
edge(int cv, int pv, int pi, Mat trans)
Definition: multicalib.hpp:89
const T & get() const
Definition: gcommon.hpp:115
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.
decltype(test< T >(nullptr)) type
Definition: gtype_traits.hpp:83
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
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name. Thread-safe.
Definition: quasi_dense_stereo.hpp:27
std::string imagePath
Definition: track_alov.hpp:64
Moments moments(InputArray array, bool binaryImage=false)
Calculates all of the moments up to the third order of a polygon or rasterized shape.
int hal_ni_cvtOnePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int uIdx, int ycn)
hal_cvtOnePlaneYUVtoBGR
Definition: hal_replacement.hpp:539
vertex()
Definition: multicalib.hpp:111
const GShapes outShapes
Definition: gkernel.hpp:41
GCompiledT()
Definition: gtyped.hpp:127
bool use_rgb
Definition: tracker.hpp:1502
Size maxSize
Maximum possible object size.
Definition: facemark_train.hpp:40
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:128
Definition: tr_svt.hpp:60
void reset()
Definition: garray.hpp:152
GMat addWeighted(const GMat &src1, double alpha, const GMat &src2, double beta, double gamma, int ddepth=-1)
Calculates the weighted sum of two matrices.
__host__ UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Op > transformPtr(const SrcPtr &src, const Op &op)
Definition: transform.hpp:88
void lshift(InputArray src, Scalar_< int > val, OutputArray dst, Stream &stream=Stream::Null())
Performs pixel by pixel right left of an image by a constant value.
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:248
DrawMatchesFlags
Definition: features2d.hpp:1205
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:435
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:603
static tracked_cv_umat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:168
Definition: all_layers.hpp:625
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
schar elem_type
Definition: vec_traits.hpp:168
__device__ __forceinline__ uint saturate_cast< uint >(double v)
Definition: saturate_cast.hpp:267
Compound widgets.
Definition: widgets.hpp:513
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
Lens focal distance in mm.
Definition: videoio.hpp:431
Definition: interpolation.hpp:155
Definition: or_sun.hpp:60
Definition: timelapsers.hpp:80
LineTypes
Definition: imgproc.hpp:801
__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
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:373
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
Ptr< StrongClassifierDirectSelection > boostClassifier
Definition: tracker.hpp:738
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > remapPtr(const SrcPtr &src, const MapPtr &map)
Definition: remap.hpp:116
std::vector< FeatureHaar > features
Definition: feature.hpp:289
int borderMode() const
Definition: stabilizer.hpp:96
void findMinMaxLoc(InputArray src, OutputArray minMaxVals, OutputArray loc, InputArray mask=noArray(), Stream &stream=Stream::Null())
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
Definition: gfluidbuffer.hpp:48
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.
NICK technique. See .
Definition: ximgproc.hpp:122
int id
Definition: detection_based_tracker.hpp:147
Default histogramNormType.
Definition: objdetect.hpp:375
const char * getOpenCLErrorString(int errorCode)
std::underlying_type< _Tp >::type const_param_type
Definition: core.hpp:3281
__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
int v_scan_forward(const v_reg< _Tp, n > &a)
Get first negative lane index.
Definition: intrin_cpp.hpp:1195
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:945
static int type()
Definition: flann.hpp:77
Definition: stereo.hpp:119
Definition: gr_skig.hpp:78
T & getRef() const
Definition: utility.hpp:734
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
Defines which source will be used for timestamp reset. Writing this parameter will trigger settings o...
Definition: videoio.hpp:453
Demosaicing with alpha channel.
Definition: imgproc.hpp:775
GCompoundContext(const GArgs &in_args)
static void write(FileStorage &fs, const String &name, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:1013
override EXR storage type (FLOAT (FP32) is default)
Definition: imgcodecs.hpp:93
cv::viz::Color Color
Definition: viz3d.hpp:70
float size
Definition: interface.h:23
int lt
The Type of the line. See LineTypes.
Definition: render.hpp:116
Definition: deriv.hpp:369
int rows
Definition: remap.hpp:105
ComputeMode
Definition: cuda.hpp:899
LSDDetector(LSDParam _params)
Definition: descriptor.hpp:730
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:62
Matx< double, 1, 6 > Matx16d
Definition: matx.hpp:219
__device__ __forceinline__ uchar1 min(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:794
GPCPatchDescriptor neg
Definition: sparse_matching_gpc.hpp:81
Definition: imgproc.hpp:702
void recip16s(const short *, size_t, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::first_argument_type >::parameter_type a) const
Definition: functional.hpp:856
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Calculates the per-element scaled product of two arrays.
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
Definition: sr_bsds.hpp:28
int dst_img_idx
Images indices (optional)
Definition: matchers.hpp:106
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:2091
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
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
softfloat log(const softfloat &a)
Natural logarithm.
Stochastic Gradient Descent.
Definition: ml.hpp:1795
double minMarkerDistanceRate
Definition: aruco.hpp:165
Definition: imgproc.hpp:550
float _q
Definition: onlineMIL.hpp:94
cv::gapi::own::Scalar value
Definition: gfluidbuffer.hpp:36
Definition: matching.hpp:57
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:222
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
GCall & pass(Ts &&... args)
Definition: gcall.hpp:33
Vertical offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:335
void winrt_setFrameContainer(::Windows::UI::Xaml::Controls::Image^ image)
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:145
v_reg< double, 2 > v_float64x2
Two 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:383
Definition: utility.hpp:1233
int hal_ni_sepFilterFree(cvhalFilter2D *context)
hal_sepFilterFree
Definition: hal_replacement.hpp:174
bool resize
activate the resize feature to improve the processing speed
Definition: tracker.hpp:1250
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
Definition: imgproc.hpp:432
void meanAndVarianceAlongRows(InputArray A, OutputArray mean, OutputArray variance)
Computes the mean and variance of a given matrix along its rows.
std::vector< std::string > velodyne
Definition: slam_kitti.hpp:69
Definition: fast_hough_transform.hpp:75
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:410
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:131
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:216
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
Scalar member_type
Definition: core.hpp:3273
Ptr< DisparityWLSFilter > createDisparityWLSFilter(Ptr< StereoMatcher > matcher_left)
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevan...
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
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:841
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for colored images.
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
bool save_model
Definition: facemarkAAM.hpp:72
#define _mm512_cvtpd_pslo(a)
Definition: intrin_avx512.hpp:60
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:376
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
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.
Definition: imgproc.hpp:781
ModifiedCsCensus()
Definition: descriptor.hpp:147
Params(const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:60
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
SrcPtr src
Definition: interpolation.hpp:102
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:81
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
float corr
Definition: quasi_dense_stereo.hpp:31
static float DEFAULT_MAX_ROTATION()
Definition: depth.hpp:540
Correction of row FPN.
Definition: videoio.hpp:463
void colorMomentHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes color moment hash of the input, the algorithm is come from the paper "Perceptual Hashing f...
void reduce(InputArray src, OutputArray dst, int dim, int rtype, int dtype=-1)
Reduces a matrix to a vector.
void split(const std::string &s, std::vector< std::string > &elems, char delim)
BundleAdjusterAffine()
Definition: motion_estimators.hpp:292
Definition: transpose.hpp:84
float getScaleFactor()
Definition: detection_based_tracker.hpp:96
T * get() const
Definition: utility.hpp:733
int area_height
Definition: interpolation.hpp:240
SrcPtr src
Definition: reduction.hpp:242
hashtable_int * hashtable_int_clone(hashtable_int *hashtbl)
static float DEFAULT_MAX_TRANSLATION()
Definition: depth.hpp:535
NCVStatus nppiStFilterColumnBorder_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u oROI, NppStBorderType borderType, const Ncv32f *pKernel, Ncv32s nKernelSize, Ncv32s nAnchor, Ncv32f multiplier)
static void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:768
__host__ GpuMat_< typename MakeVec< typename VecTraits< T >::elem_type, cn >::type > reshape_(const GpuMat_< T > &mat, int rows=0)
Definition: gpumat.hpp:150
Color Correction Matrix element [0][0].
Definition: videoio.hpp:403
Intel MediaSDK.
Definition: videoio.hpp:121
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:271
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
void * rgbd_normals_impl_
Definition: depth.hpp:181
Ptr< TonemapReinhard > createTonemapReinhard(float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f)
Creates TonemapReinhard object.
Definition: imgproc.hpp:765
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:271
Definition: videoio.hpp:495
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
Node< OBJECT > * m_pParent
Definition: utility.hpp:1158
bool isEmptyFrameSize() const
Definition: container_avi.private.hpp:173
Definition: imgproc.hpp:769
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:104
Definition: bgsegm.hpp:247
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
std::vector< DMatch > matches
Definition: matchers.hpp:107
float scale_model_max_area
Definition: tracker.hpp:1524
DictValue(const char *s)
This is an overloaded member function, provided for convenience. It differs from the above function o...
Definition: dict.hpp:69
Definition: tracking.hpp:263
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...
Definition: features2d.hpp:740
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:229
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
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
virtual void setSpeckleRange(int speckleRange)=0
void censusTransform(const cv::Mat &image1, const cv::Mat &image2, int kernelSize, cv::Mat &dist1, cv::Mat &dist2, const int type)
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:382
Definition: videoio.hpp:528
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:446
int _numFeat
Definition: onlineMIL.hpp:66
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:459
bool operator==(const Scalar &lhs, const Scalar &rhs)
Definition: scalar.hpp:38
float member_type
Definition: core.hpp:3241
Matx< double, 3, 1 > Matx31d
Definition: matx.hpp:224
void exp32f(const float *src, float *dst, int n)
int N1c
Number of color vectors used to model normal background color variation at a given pixel.
Definition: cudalegacy.hpp:157
SupportRegionType supportRegionType
Definition: rlofflow.hpp:86
int computeReplaceWeakestClassifier(const std::vector< float > &errors)
A shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:45
Ptr< IFrameSource > maskSource_
Definition: stabilizer.hpp:116
Definition: gr_skig.hpp:91
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
Definition: NPP_staging.hpp:114
the MOSSE (Minimum Output Sum of Squared Error) tracker
Definition: tracker.hpp:1313
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:839
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
NppStBorderType
Definition: NPP_staging.hpp:88
Definition: persistence.hpp:328
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
CirclesGridFinderParameters CirclesGridFinderParameters2
Definition: calib3d.hpp:1319
WrapValue< typename std::decay< T >::type > wrap_gapi_helper
Definition: gtype_traits.hpp:161
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)
same as BORDER_REFLECT_101
Definition: base.hpp:276
any(value_t &&arg)
Definition: any.hpp:76
Rect rect
Definition: erfilter.hpp:82
virtual ~TrackerMIL() CV_OVERRIDE
Definition: tracker.hpp:1091
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:158
Definition: mappergradshift.hpp:52
Selects the type of trigger.
Definition: videoio.hpp:420
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.
Generates an internal trigger. PRM_TRG_SOURCE must be set to TRG_SOFTWARE.
Definition: videoio.hpp:337
Ptr< MergeDebevec > createMergeDebevec()
Creates MergeDebevec object.
Definition: histogram.hpp:103
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:241
void validateDisparity(InputOutputArray disparity, InputArray cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1)
validates disparity using the left-right check. The matrix "cost" should be computed by the stereo co...
Mat _ii_img
Definition: feature.hpp:281
static const double ORIG_RESOL
Definition: stitching.hpp:149
SortFlags
Definition: core.hpp:154
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:88
Ptr< CalibrateRobertson > createCalibrateRobertson(int max_iter=30, float threshold=0.01f)
Creates CalibrateRobertson object.
Object detector using the LINE template matching algorithm with any set of modalities.
Definition: linemod.hpp:298
GRunArgsP gout(Ts &... args)
Definition: garg.hpp:119
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
MorphTypes
type of morphological operation
Definition: imgproc.hpp:212
Definition: stereo.hpp:207
Definition: imgproc.hpp:587
Basic interface for all solvers.
Definition: optim.hpp:58
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
Definition: mapshift.hpp:53
__device__ __forceinline__ void warpReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:84
__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.
Gray-world white balance algorithm.
Definition: white_balance.hpp:139
Definition: optical_flow.hpp:79
double member_type
Definition: core.hpp:3201
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])
Definition: detection_based_tracker.hpp:141
void v_rshr_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:2307
virtual ~InpainterBase()
Definition: inpainting.hpp:68
Definition: saliencyBaseClasses.hpp:120
Ncv32u height() const
Definition: NCV.hpp:825
Definition: imgproc.hpp:420
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
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
Abstract base class for all facemark models.
Definition: facemark.hpp:47
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:933
QtFontWeights
Qt font weight.
Definition: highgui.hpp:231
SrcPtr src
Definition: reduction.hpp:176
Definition: feature.hpp:220
TrackedObject()
Default constructor.
Definition: tracking_by_matching.hpp:37
String cascade
the face detector
Definition: facemark_train.hpp:36
static const char * tag()
Definition: gkernel.hpp:565
Ncv32u _pitch
Definition: NCV.hpp:835
void decomposeProjectionMatrix(InputArray projMatrix, OutputArray cameraMatrix, OutputArray rotMatrix, OutputArray transVect, OutputArray rotMatrixX=noArray(), OutputArray rotMatrixY=noArray(), OutputArray rotMatrixZ=noArray(), OutputArray eulerAngles=noArray())
Decomposes a projection matrix into a rotation matrix and a camera matrix.
unsigned char Ncv8u
Definition: NCV.hpp:132
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
DictValue(int i)
Constructs integer scalar.
Definition: dict.hpp:65
__device__ static __forceinline__ uchar min()
Definition: limits.hpp:76
static Vec< _Tp, cn > normalize(const Vec< _Tp, cn > &v)
bool empty() const
true if empty
Definition: feature.hpp:381
Definition: imgproc.hpp:4203
std::tuple< R > OutArgs
Definition: infer.hpp:67
cv::Mat getIterationCounts() const
Definition: depth.hpp:1100
__device__ __forceinline__ T operator()(float y, float x) const
Definition: texture.hpp:192
int num_split
Definition: all_layers.hpp:369
any & operator=(any &&)=default
Definition: dictionary.hpp:151
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
GMat RGB2YUV422(const GMat &src)
Converts an image from RGB color space to YUV422. The function converts an input image from RGB color...
Ptr< Facemark > createFacemarkAAM()
construct an AAM facemark detector
__host__ void gridTranspose_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:61
float y
Definition: interface.h:22
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:316
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:182
Minimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical fe...
Definition: mace.hpp:71
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:506
ArUco approach and refine the corners locations using the contour-points line fitting.
Definition: aruco.hpp:84
Definition: videoio.hpp:238
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
Size stride
Definition: all_layers.hpp:251
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1128
SrcPtr src
Definition: resize.hpp:65
void sepFilter2D(int stype, int dtype, int ktype, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y, uchar *kernelx_data, int kernelx_len, uchar *kernely_data, int kernely_len, int anchor_x, int anchor_y, double delta, int borderType)
const typedef Mat & const_param_type
Definition: core.hpp:3216
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:480
static constexpr const ArgKind kind
Definition: gtype_traits.hpp:48
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.
Definition: intrin_cpp.hpp:416
#define N_BINS
Definition: feature.hpp:79
SrcPtr src
Definition: deriv.hpp:334
std::string imageName
Definition: ir_affine.hpp:63
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:2079
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:141
__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:1304
Definition: depth.hpp:186
void detailEnhance(InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f)
This filter enhances the details of a particular image.
__host__ __device__ NcvSize32u()
Definition: NCV.hpp:185
void mapBackward(float u, float v, float &x, float &y)
SrcPtr src
Definition: remap.hpp:65
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
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
static const constexpr bool value
Definition: gtype_traits.hpp:84
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:141
#define CV_CUDEV_MINMAX_INST(type, maxop, minop)
Definition: functional.hpp:328
ushort bits() const
Definition: cvdef.h:870
cv::Ptr< IDetector > cascadeForTracking
Definition: detection_based_tracker.hpp:210
Use this value to force Huffman encoding only (no string match).
Definition: imgcodecs.hpp:119
static GComputation get_pattern()
Definition: gtransform.hpp:55
std::is_same< GCompileArg, typename std::decay< T >::type > is_compile_arg
Definition: gcommon.hpp:57
void create(int _rows, int _cols)
equivalent to Mat::create(_rows, _cols, DataType<_Tp>::type)
Definition: fast_hough_transform.hpp:72
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:365
double getMaxPointsPart() const
Definition: depth.hpp:803
cv::UMat & outMatR(int output)
Definition: photo.hpp:716
float value_type
Definition: vec_distance.hpp:92
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:289
If set, use the gdal driver for loading the image.
Definition: imgcodecs.hpp:70
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: kinfu.hpp:47
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:211
Point_< int64 > Point2l
Definition: types.hpp:191
InputArray InputArrayOfArrays
Definition: mat.hpp:438
static void expand(GCompoundContext &ctx)
Definition: gcompoundkernel.hpp:82
This interface class allows to build new Layers - are building blocks of networks.
Definition: dnn.hpp:174
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:257
White balance red coefficient.
Definition: videoio.hpp:376
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:62
Definition: depth.hpp:739
void drawDetectedDiamonds(InputOutputArray image, InputArrayOfArrays diamondCorners, InputArray diamondIds=noArray(), Scalar borderColor=Scalar(0, 0, 255))
Draw a set of detected ChArUco Diamond markers.
ptr_type::value_type value_type
Definition: expr.hpp:75
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.
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
cv::gapi::own::Size size
Definition: gmat.hpp:70
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
see dilate
Definition: imgproc.hpp:214
Definition: optical_flow.hpp:96
std::string elname
Definition: persistence.hpp:454
std::vector< GCompileArg > GCompileArgs
Definition: gcommon.hpp:124
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.
size_t min_track_duration
Min track duration in milliseconds.
Definition: tracking_by_matching.hpp:261
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
Ptr< Impl > p
Definition: objdetect.hpp:711
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:126
void gemm64f(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
int CP
Dimensionality of the control vector.
Definition: kalman_filters.hpp:129
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:477
GMatDesc withSizeDelta(int dx, int dy) const
Definition: gmat.hpp:133
int height
height of the rectangle
Definition: types.hpp:51
Definition: features2d.hpp:820
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
v_reg< _Tp, n > operator<<(const v_reg< _Tp, n > &a, int imm)
Bitwise shift left.
Definition: intrin_cpp.hpp:1063
double compositingResol() const
Definition: stitching.hpp:192
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:260
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:267
Vec< float, 2 > Vec2f
Definition: matx.hpp:418
int x
Definition: types.hpp:27
Definition: opengl.hpp:485
float getSigmaDepth() const
Definition: depth.hpp:1076
Definition: type_traits.hpp:112
cv::Mat sqr(const cv::Mat &mat1) const
Definition: mapper.hpp:99
Definition: tracker.hpp:783
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.
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.
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:267
Matx< _Tp, m, n > operator*() const
bool parseInfo()
Definition: container_avi.private.hpp:114
checks whether the window exists and is visible
Definition: highgui.hpp:200
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)
Definition: type_traits.hpp:66
diag_type diag() const
extract the matrix diagonal
float pnorm
Definition: all_layers.hpp:591
void add16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
ERStat * max_probability_ancestor
Definition: erfilter.hpp:110
int derivAperture
not documented
Definition: objdetect.hpp:602
Matx< _Tp, m1, n1 > reshape() const
change the matrix shape
std::string user_id
Definition: fr_adience.hpp:69
Rectification flag for stereo cameras (note: only supported by DC1394 v 2.x backend currently).
Definition: videoio.hpp:150
void setMotionModel(MotionModel val)
Definition: motion_stabilizing.hpp:122
Definition: imgproc.hpp:645
__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
The Track class describes tracks.
Definition: tracking_by_matching.hpp:312
scalar_wrapper_ocl(cv::gapi::own::Scalar &s)
Definition: goclkernel.hpp:142
Definition: stereo.hpp:83
#define OPENCV_HAL_IMPL_BIN_OP(bin_op)
Helper macro.
Definition: intrin_cpp.hpp:391
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
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
static Ptr< DescriptorMatcher > create(const String &descriptorMatcherType)
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
Affine3< float > Affine3f
Definition: affine.hpp:290
std::vector< cv::Point > points
Points to connect.
Definition: render.hpp:113
int rows
Definition: deriv.hpp:76
int getWidth() const
Definition: container_avi.private.hpp:165
Matx23d PeiLinNormalization(InputArray I)
Calculates an affine transformation that normalize given image using Pei&Lin Normalization.
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:561
Base abstract class for the long-term Multi Object Trackers:
Definition: tracker.hpp:1399
T value_type
Definition: constant.hpp:59
Definition: outlier_rejection.hpp:58
Definition: ccalib.hpp:60
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
float _lRate
Definition: onlineMIL.hpp:98
Definition: qualitybase.hpp:23
void estimatePoseSingleMarkers(InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs, OutputArray _objPoints=noArray())
Pose estimation for single markers.
Scalar_ & operator=(const Scalar_ &s)
Use this value for normal data.
Definition: imgcodecs.hpp:117
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:1110
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:122
bool is_thread_safe_
Definition: matchers.hpp:164
Size poolStride
Definition: all_layers.hpp:519
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
float weight
Definition: util.hpp:79
YUV 4:2:0 family to RGB.
Definition: imgproc.hpp:630
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:66
Ncv32s x
Point X.
Definition: NCV.hpp:193
cv::gapi::own::Mat & outMatR(int output)
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:138
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.
NCVStatus nppiStDecimate_64f_C1R(Ncv64f *d_src, Ncv32u srcStep, Ncv64f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
bool useOptimized()
Returns the status of optimized code usage.
float weights_lr
Definition: tracker.hpp:1516
Definition: quasi_dense_stereo.hpp:38
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:212
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
virtual ~BaseClassifier()
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
Definition: dictionary.hpp:144
Vec< short, 3 > Vec3s
Definition: matx.hpp:405
std::vector< std::string > input_names
Definition: ie.hpp:35
int getSelectedClassifier() const
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
float filter_lr
Definition: tracker.hpp:1515
Body body
Definition: expr.hpp:59
Definition: motion_estimators.hpp:331
Definition: objdetect.hpp:670
int index_type
Definition: deriv.hpp:191
virtual ~SeamFinder()
Definition: seam_finders.hpp:61
void setUseOpenCL(bool flag)
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:722
Definition: cudaimgproc.hpp:106
Video For Windows (obsolete, removed)
Definition: videoio.hpp:91
int nlevels
Maximum number of detection window increases. Default value is 64.
Definition: objdetect.hpp:626
TrackerFeature based on HOG.
Definition: tracker.hpp:958
BlocksGainCompensator(int bl_width=32, int bl_height=32)
Definition: exposure_compensate.hpp:196
processing in multiple step
Definition: types.hpp:62
std::vector< T > & wref()
Definition: garray.hpp:236
float gsl_sigma
Definition: tracker.hpp:1511
__host__ T * operator[](int y)
more convenient forms of row and element access operators
int numOutput
Definition: all_layers.hpp:218
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3391
void min8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
Definition: reduce.hpp:296
Background Subtraction using Local SVD Binary Pattern. More details about the algorithm can be found ...
Definition: bgsegm.hpp:265
Contrast of the image (only for cameras).
Definition: videoio.hpp:143
__host__ void gridHistogram_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:61
bool filterByConvexity
Definition: features2d.hpp:646
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)
Definition: gr_skig.hpp:62
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
int index_type
Definition: deriv.hpp:144
in-place operation is not supported
Definition: base.hpp:103
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:329
int getFDSize()
Definition: fourier_descriptors.hpp:74
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
virtual int getMaxLevel() const =0
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:79
GMat add(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element sum of two matrices.
bool operator==(const GArrayDesc &) const
Definition: garray.hpp:43
static cv::detail::VectorRef wrap_out(std::vector< T > &t)
Definition: gtype_traits.hpp:73
bool wrap_kernel
wrap around the kernel values
Definition: tracker.hpp:1252
_Tp y
y coordinate of the 3D point
Definition: types.hpp:266
Main interface for all disparity map filters.
Definition: disparity_filter.hpp:52
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:738
int period_
Definition: wobble_suppression.hpp:110
bool empty() const
Returns true if the array has no elements.
GKernelPackage kernels()
Create a kernel package object containing kernels and transformations specified in variadic template ...
Definition: gkernel.hpp:521
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
void _mm_deinterleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:494
double t[3]
Definition: msm_middlebury.hpp:65
std::recursive_mutex Mutex
Definition: utility.hpp:701
static const char * tag()
Definition: gfluidkernel.hpp:129
Mat inpaintingMask_
Definition: stabilizer.hpp:132
Definition: interpolation.hpp:234
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:179
virtual void getMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:88
bool useOpenCL
Definition: pcaflow.hpp:104
Definition: facerec.hpp:126
int clamp(int ax, int dims)
Definition: shape_utils.hpp:198
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
int cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:288
Definition: type_traits.hpp:145
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:502
int preferredVectorWidthInt() const
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
cv::Rect predicted_rect
Definition: tracking_by_matching.hpp:381
#define CV_API_CALL
calling convention (including callbacks)
Definition: llapi.h:27
XIMEA Camera API.
Definition: videoio.hpp:106
void sepFilter2D(InputArray src, OutputArray dst, int ddepth, InputArray kernelX, InputArray kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
Applies a separable linear filter to an image.
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float > > &ii_imgs)
Definition: feature.hpp:282
4x4 bits, minimum hamming distance between any two codes = 5, 30 codes
Definition: dictionary.hpp:159
Definition: imgproc.hpp:4205
bool verbose
Definition: facemarkAAM.hpp:71
double ncvEndQueryTimerUs(NcvTimer t)
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
int particlesNum
number of "perturbed" boxes on each round
Definition: tracker.hpp:907
void add(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
Calculates the per-element sum of two arrays or an array and a scalar.
void addRNGBias32f(float *arr, const float *scaleBiasPairs, int len)
Represents a successful template match.
Definition: linemod.hpp:259
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:85
Definition: warpers.hpp:394
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.
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:590
detail::ParamDesc desc
Definition: ie.hpp:98
void add64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
v_reg< _Tp, n > operator==(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Equal comparison.
Definition: intrin_cpp.hpp:677
Definition: pd_caltech.hpp:60
Size(const cv::Size &other)
Definition: types.hpp:94
static size_t getElemSize(int type)
Definition: utility.hpp:564
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2144
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)
Definition: imgproc.hpp:496
SyncIn1.
Definition: videoio.hpp:301
double norm(InputArray src1, int normType, InputArray mask=noArray())
Returns the norm of a matrix (or difference of two matrices).
virtual ~MatAllocator()
Definition: mat.hpp:469
int hal_ni_xor8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:153
unsigned long long int m_movi_end
Definition: container_avi.private.hpp:127
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:115
std::vector< float > weightsPositionsSmoothing
Definition: detection_based_tracker.hpp:207
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
std::shared_ptr< GOrigin > m_priv
Definition: garray.hpp:91
PoseCluster3D()
Definition: pose_3d.hpp:141
Normalized Convolution Filtering.
Definition: photo.hpp:800
Definition: imgproc.hpp:526
For TIFF, use to specify the Y direction DPI.
Definition: imgcodecs.hpp:97
Mat * planes
the current planes
Definition: mat.hpp:3411
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitypsnr.hpp:62
int hal_ni_min8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:112
int getNSS() const
Definition: saliencySpecializedClasses.hpp:345
Definition: all_layers.hpp:493
Definition: imgproc.hpp:542
size_t getMoviPointer() const
Definition: container_avi.private.hpp:168
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
no CUDA support
Definition: base.hpp:116
CV_8UC1.
Definition: videoio.hpp:258
Definition: fast_hough_transform.hpp:108
double ceild(double x)
Definition: saturate.hpp:82
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:643
std::vector< int > T_at_level
Definition: linemod.hpp:398
void operator()(const cv::Range &r) const CV_OVERRIDE
Definition: descriptor.hpp:218
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:75
Ptr< detail::BundleAdjusterBase > bundleAdjuster()
Definition: stitching.hpp:224
GScalar sum(const GMat &src)
Calculates sum of all matrix elements.
std::string srcBw
Definition: is_weizmann.hpp:63
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:221
result_type mySum
Definition: vec_distance.hpp:95
cv::String tld_getNextDatasetFrame()
uint8_t UINT8
Definition: descriptor.hpp:66
PvAPI, Prosilica GigE SDK.
Definition: videoio.hpp:102
Callback with the classifier is made a class.
Definition: erfilter.hpp:127
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
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.
value, open the file for writing
Definition: persistence.hpp:310
float minRNGEdgeSwitchDist
Definition: calib3d.hpp:1306
uint8_t * image[num_images]
Definition: descriptor.hpp:173
void flags2idx(int flags, std::vector< int > &idx, int n)
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
void writeTrajectory(InputArray traj, const String &files_format="pose%05d.xml", int start=0, const String &tag="pose")
Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio)
void fundamentalFromEssential(InputArray E, InputArray K1, InputArray K2, OutputArray F)
Get Essential matrix from Fundamental and Camera matrices.
#define OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:541
Definition: gfluidbuffer.hpp:28
NcvBool isMemReused() const
Definition: NCV.hpp:979
Definition: weighted_median_filter.hpp:69
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:229
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:3209
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:103
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
insufficient memory
Definition: base.hpp:73
void rollingGuidanceFilter(InputArray src, OutputArray dst, int d=-1, double sigmaColor=25, double sigmaSpace=3, int numOfIter=4, int borderType=BORDER_DEFAULT)
Applies the rolling guidance filter to an image.
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:157
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.
IplMagnoParameters()
Definition: retina.hpp:166
Mat _mean
Definition: facerec.hpp:51
static void help_init(const cv::GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:193
Definition: type_traits.hpp:146
- normalization layer.
Definition: all_layers.hpp:588
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1118
std::vector< std::string > lex
Definition: tr_svt.hpp:69
GArray()
Definition: garray.hpp:280
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
Y,UV (4:2:0)
Definition: cudacodec.hpp:259
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
int ymin
Definition: core_detect.hpp:29
__host__ void gridPyrDown_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:62
SymetricCensus(const cv::Mat *img, int k2, int **distance)
Definition: descriptor.hpp:372
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:361
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
v_reg< _Tp, n > v_interleave_quads(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2007
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1076
virtual uint64_t getTotalUsage() const =0
Net readNetFromDarknet(const String &cfgFile, const String &darknetModel=String())
Reads a network model stored in Darknet model files.
an obvious foreground (object) pixel
Definition: imgproc.hpp:343
String className
Definition: tracker.hpp:240
Definition: optical_flow.hpp:64
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:303
Definition: cap_ios.h:140
IMPL
Definition: utility.hpp:1176
QualitySSIM(_mat_data refImgData)
Constructor.
Definition: qualityssim.hpp:90
Definition: reduce_to_vec.hpp:125
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:3248
type_traits_detail::UnVolatile< typename type_traits_detail::UnConst< T >::type >::type unqualified_type
Definition: type_traits.hpp:132
bad CvPoint
Definition: base.hpp:107
static GpuMat::Allocator * defaultAllocator()
default allocator
Definition: videoio.hpp:154
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
NCVStatus nppiStIntegralGetSize_8u32u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:404
float hog_clip
Definition: tracker.hpp:1513
Mat controlMatrix
control matrix (B) (not used if there is no control)
Definition: tracking.hpp:396
Cylindrical warper factory class.
Definition: warpers.hpp:152
int modifiers
Definition: types.hpp:325
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:93
int getMaxCatCount() const
Definition: feature.hpp:173
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:366
Complex< double > Complexd
Definition: types.hpp:91
cudaStream_t nppStGetActiveCUDAstream()
void * fastMalloc(size_t bufSize)
Allocates an aligned memory buffer.
void drawMarker(InputOutputArray img, Point position, const Scalar &color, int markerType=MARKER_CROSS, int markerSize=20, int thickness=1, int line_type=8)
Draws a marker on a predefined position in an image.
void setConstructFcn(ConstructVec &&cv)
void calcOpticalFlowSparseRLOF(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=0)
Calculates fast optical flow for a sparse feature set using the robust local optical flow (RLOF) simi...
int cols
Definition: zip.hpp:110
Definition: omnidir.hpp:69
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
GProtoArgs m_args
Definition: gproto.hpp:60
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2183
Size cellSize() const
Definition: outlier_rejection.hpp:80
Definition: photo.hpp:719
::int64_t int64_t
Definition: cvdef.h:762
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:216
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:338
v_reg< _Tp, n > v_combine_high(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Combine vector from last elements of two vectors.
Definition: intrin_cpp.hpp:1697
Apply anti-aliasing. The first window determines the setting for all windows.
Definition: ovis.hpp:28
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:172
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
Average Stochastic Gradient Descent.
Definition: ml.hpp:1796
__device__ __host__ NcvBool isLeftNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:157
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).
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
__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:114
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:732
Definition: sinusoidalpattern.hpp:58
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
int cols
Definition: mask.hpp:85
int predictOptimalVectorWidthMax(InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray())
assertion failed
Definition: base.hpp:115
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:146
flann_distance_t flann_distance_type()
int cols
Definition: resize.hpp:79
void(* OpenGlDrawCallback)(void *userdata)
Callback function defined to be called every frame. See cv::setOpenGlDrawCallback.
Definition: highgui.hpp:272
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
double alpha
Definition: tracker.hpp:908
std::vector< Mat > hist
Definition: feature.hpp:330
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
uchar * data
pointer to the data
Definition: mat.hpp:2088
GMatDesc asPlanar() const
Definition: gmat.hpp:169
int state
Definition: persistence.hpp:453
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:852
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
Definition: warpers.hpp:227
void winrt_initContainer(::Windows::UI::Xaml::Controls::Panel^ container)
Initializes container component that will be used to hold generated window content.
Definition: videoio.hpp:271
Definition: interface.h:19
Definition: descriptor.hpp:59
Ptr< HoughCirclesDetector > createHoughCirclesDetector(float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096)
Creates implementation for cuda::HoughCirclesDetector .
GMat cmpGE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
int area
incrementally computable features
Definition: erfilter.hpp:79
OclVectorStrategy
Definition: ocl.hpp:608
Context & initializeContextFromDirect3DDevice9Ex(IDirect3DDevice9Ex *pDirect3DDevice9Ex)
Creates OpenCL context from Direct3DDevice9Ex device.
#define CV_CUDEV_GRAY2RGB5x5_INST(name, green_bits)
Definition: color_cvt.hpp:457
T maxVal
Definition: functional.hpp:697
void drawColorDisp(InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null())
Colors a disparity image.
void * ptr
Definition: NCV.hpp:441
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
Definition: videoio.hpp:158
Definition: warpers.hpp:331
virtual void setPreFilterCap(int preFilterCap)=0
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
Definition: facerec.hpp:54
SrcPtr src
Definition: deriv.hpp:286
Point pointer
Definition: types.hpp:324
Mat eigenvalues() const
Definition: core.hpp:2603
RgbdNormals()
Definition: depth.hpp:83
void render(cv::Mat &bgr, const Prims &prims, const cv::gapi::GKernelPackage &pkg=ocv::kernels())
The function renders on the input image passed drawing primitivies.
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:641
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
TrackedObject(const cv::Rect &rect, float confidence, int frame_idx, int object_id)
Constructor with parameters.
Definition: tracking_by_matching.hpp:50
std::string value
Definition: tr_svt.hpp:62
Definition: motion_core.hpp:61
void mapForward(float x, float y, float &u, float &v)
void qconj(InputArray qimg, OutputArray qcimg)
calculates conjugate of a quaternion image.
__host__ SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelYPtr(const SrcPtr &src)
Definition: deriv.hpp:219
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...
allow the user to control the camera.
Definition: ovis.hpp:24
Definition: imgproc.hpp:580
float minInlierRatio() const
Definition: global_motion.hpp:140
double matchShapes(InputArray contour1, InputArray contour2, int method, double parameter)
Compares two shapes.
unsigned char ValueType
Definition: base.hpp:385
::uint64_t uint64_t
Definition: cvdef.h:763
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
float raycast_step_factor
A length of one raycast step.
Definition: kinfu.hpp:89
T ValueType
Definition: features2d.hpp:823
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.
LSDDetector()
Definition: descriptor.hpp:725
ScoreType
Definition: features2d.hpp:316
VectorRefT(std::vector< T > &vec)
Definition: garray.hpp:143
float a
Definition: warpers.hpp:387
Definition: reduce_to_vec.hpp:89
Definition: videoio.hpp:233
void fastGlobalSmootherFilter(InputArray guide, InputArray src, OutputArray dst, double lambda, double sigma_color, double lambda_attenuation=0.25, int num_iter=3)
Simple one-line Fast Global Smoother filter call. If you have multiple images to filter with the same...
void validate() const
Definition: goclkernel.hpp:127
int hal_ni_split64s(const int64 *src_data, int64 **dst_data, int len, int cn)
Definition: hal_replacement.hpp:348
struct hashnode_i * next
Definition: t_hash_int.hpp:64
MatAllocator()
Definition: mat.hpp:468
GArray< T > yieldArray(int output=0)
Definition: gcall.hpp:44
antialiased line
Definition: imgproc.hpp:805
int end
Definition: types.hpp:598
void assignTo(Mat &m, int type=-1) const
Provides a functional form of convertTo.
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut_quads(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:1932
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 maxCMLength
Definition: tracker.hpp:513
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
int getKernelSize() const
Definition: depth.hpp:1092
::uint32_t uint32_t
Definition: cvdef.h:761
SurfaceFormat
Definition: cudacodec.hpp:70
Definition: videoio.hpp:157
SrcPtr src
Definition: deriv.hpp:66
Definition: hpe_humaneva.hpp:77
double Ry
Definition: gr_chalearn.hpp:67
std::vector< int > size
Definition: util.hpp:65
Currently unsupported.
Definition: videoio.hpp:149
static constexpr const char * id()
Definition: infer.hpp:96
MakeVec< typename LargerType< float, typename VecTraits< T >::elem_type >::type, VecTraits< T >::cn >::type type
Definition: functional.hpp:452
util::optional< Border > BorderOpt
Definition: gfluidbuffer.hpp:39
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 the stereo camera.
double ncvEndQueryTimerMs(NcvTimer t)
virtual void setUniquenessRatio(int uniquenessRatio)=0
int targetId
Target identifier.
Definition: dnn.hpp:164
Definition: videoio.hpp:269
cv::Mat img
Image to draw.
Definition: render.hpp:104
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:127
static const softfloat fromRaw(const uint32_t a)
Construct from raw.
Definition: softfloat.hpp:106
Definition: render.hpp:65
virtual void setOctaves(int octaves)
Set detection octaves.
Definition: features2d.hpp:302
Ptr< StereoMatcher > createRightMatcher(Ptr< StereoMatcher > matcher_left)
Convenience method to set up the matcher for computing the right-view disparity map that is required ...
void debugDMatch(cv::InputArray img1, std::vector< cv::KeyPoint > keypoints1, cv::InputArray img2, std::vector< cv::KeyPoint > keypoints2, std::vector< cv::DMatch > matches, const CallMetaData &data, const char *description, const char *view, bool useTrainDescriptor)
const std::vector< T > & rref() const
Definition: garray.hpp:182
CMTime lastSampleTime
Definition: cap_ios.h:107
void sub32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
Describes RANSAC method parameters.
Definition: motion_core.hpp:73
float time_affinity_w
Time affinity weight.
Definition: tracking_by_matching.hpp:279
void mapBackward(float u, float v, float &x, float &y)
int num_matches_thresh1_
Definition: matchers.hpp:194
static Color orange_red()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:195
Definition: warpers.hpp:578
int preferableTarget
prefer target for layer forwarding
Definition: dnn.hpp:348
Op op
Definition: functional.hpp:832
tracked_cv_mat(cv::gapi::own::Mat &m)
Definition: gcpukernel.hpp:145
Definition: utility.hpp:1086
KernelTypes
SVM kernel type
Definition: ml.hpp:647
virtual NcvBool isCounting(void) const =0
float distance
Definition: types.hpp:819
Definition: facemarkAAM.hpp:47
int index_type
Definition: constant.hpp:60
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:212
static softdouble inf()
Positive infinity constant.
Definition: softfloat.hpp:348
bool isUmat_
Definition: superres.hpp:173
Ptr< GpuMat::Allocator > getAllocator() const
Returns the allocator associated with the stream.
Definition: cuda.hpp:495
FixedRate.
Definition: videoio.hpp:303
int p2
Definition: feature.hpp:324
~BufferPoolController()
Definition: bufferpool.hpp:24
Definition: gr_skig.hpp:64
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:395
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:115
void circle(InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a circle.
UMat oclSvmDetector
coefficients for the linear SVM classifier used when OpenCL is enabled
Definition: objdetect.hpp:620
Custom array allocator.
Definition: mat.hpp:465
int cols
Definition: deriv.hpp:371
int samplerInitMaxNegNum
Definition: tracker.hpp:1073
float bias
Definition: all_layers.hpp:239
virtual ~MatchTemplateDistance()
Definition: tracking_by_matching.hpp:247
Implementation of ICP (Iterative Closest Point) Algorithm.
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3190
void depthTo3dSparse(InputArray depth, InputArray in_K, InputArray in_points, OutputArray points3d)
int y
y offset
Definition: linemod.hpp:29
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
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:147
__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
Definition: simple_pipeline.hpp:53
Ptr< FeaturesMatcher > impl_
Definition: matchers.hpp:196
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Definition: intrin_cpp.hpp:454
the window will use a seperate scene. The scene will be shared otherwise.
Definition: ovis.hpp:22
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:698
uint64 member_type
Definition: core.hpp:3257
size_t size() const
size returns number of detected objects in a track.
Definition: tracking_by_matching.hpp:344
NCVStatus nppiStDecimate_32s_C1R(Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitybase.hpp:46
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
static void eigen2cv(const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, OutputArray dst)
Definition: eigen.hpp:63
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:949
ushort w
Definition: cvdef.h:872
Definition: tracking.hpp:58
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
Mono8.
Definition: videoio.hpp:315
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:99
std::vector< float > weightsSizesSmoothing
Definition: detection_based_tracker.hpp:208