OpenCV  4.5.1
Open Source Computer Vision
Namespaces | Functions
alphamat.hpp File Reference

Namespaces

 cv
 "black box" representation of the file storage associated with a file on disk.
 
 cv::alphamat
 

Functions

void cv::alphamat::infoFlow (InputArray image, InputArray tmap, OutputArray result)
 Compute alpha matte of an object in an image. More...
 
cv::LMSolver::getMaxIters
virtual int getMaxIters() const =0
cv::HOGDescriptor::DescriptorStorageFormat
DescriptorStorageFormat
Definition: objdetect.hpp:379
cv::dnn::BlankLayer
Definition: all_layers.hpp:75
cv::MatOp::assign
virtual void assign(const MatExpr &expr, Mat &m, int type=-1) const =0
cv::GKernelImpl
Definition: gkernel.hpp:59
cv::ocl::OpenCLExecutionContext::getQueue
Queue & getQueue() const
cv::_OutputArray::_OutputArray
_OutputArray(const ogl::Buffer &buf)
cv::cudev::PtrTraitsBase
Definition: traits.hpp:57
cv::gapi::fluid::Buffer::operator=
Buffer & operator=(Buffer &&)
cv::optflow::RLOFOpticalFlowParameter::getUseIlluminationModel
bool getUseIlluminationModel() const
cv::line_descriptor::LSDParam::scale
double scale
Definition: descriptor.hpp:701
cv::Quat::getAxis
Vec< _Tp, 3 > getAxis(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
get the axis of quaternion, it returns a vector of length 3.
cv::face::FacemarkAAM::~FacemarkAAM
virtual ~FacemarkAAM()
Definition: facemarkAAM.hpp:154
cv::flann::GenericIndex::DistanceType
Distance::ResultType DistanceType
Definition: flann.hpp:174
cv::vuint16mf2_t::vuint16mf2_t
vuint16mf2_t(const ushort *ptr)
Definition: intrin_rvv.hpp:51
cv::ximgproc::edgePreservingFilter
void edgePreservingFilter(InputArray src, OutputArray dst, int d, double threshold)
Smoothes an image using the Edge-Preserving filter.
cv::detail::BestOf2NearestRangeMatcher::BestOf2NearestRangeMatcher
BestOf2NearestRangeMatcher(int range_width=5, bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6, int num_matches_thresh2=6)
cv::RNG::uniform
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
cv::ogl::Buffer::copyTo
void copyTo(OutputArray arr, cuda::Stream &stream) const
cv_vrecp_f32
float32x2_t cv_vrecp_f32(float32x2_t val)
Definition: neon_utils.hpp:90
cv::optflow::DualTVL1OpticalFlow::getWarpingsNumber
virtual int getWarpingsNumber() const =0
Number of warpings per scale.
cv::videostab::MaskFrameSource::MaskFrameSource
MaskFrameSource(const Ptr< IFrameSource > &source)
Definition: frame_source.hpp:92
cv::sfm::normalizedEightPointSolver
void normalizedEightPointSolver(InputArray x1, InputArray x2, OutputArray F)
Estimate the fundamental matrix between two dataset of 2D point (image coords space).
cv::GComputation::compileStreaming
auto compileStreaming(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GStreamingCompiled >::type
Definition: gcomputation.hpp:474
cv::_InputArray::_InputArray
_InputArray(const std::vector< bool > &vec)
cv::MatIterator_
Matrix read-write iterator.
Definition: mat.hpp:3130
cv::REDUCE_MIN
@ REDUCE_MIN
the output is the minimum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:230
cv::ml::DTrees::Node::defaultDir
int defaultDir
Definition: ml.hpp:1168
cv::ocl::Device::nativeVectorWidthLong
int nativeVectorWidthLong() const
cv::COLOR_YUV2RGBA_I420
@ COLOR_YUV2RGBA_I420
Definition: imgproc.hpp:663
cv::v_pack_triplets
v_reg< _Tp, n > v_pack_triplets(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2306
cv::gapi::wip::IStreamSource::pull
virtual bool pull(Data &data)=0
cv::DetectionBasedTracker::DetectionBasedTracker
DetectionBasedTracker(cv::Ptr< IDetector > mainDetector, cv::Ptr< IDetector > trackingDetector, const Parameters &params)
cv::gapi::GBackend
Definition: gkernel.hpp:375
cv::detail::tracking::TrackerFeatureLBP::computeImpl
bool computeImpl(const std::vector< Mat > &images, Mat &response) CV_OVERRIDE
cv::TonemapMantiuk::getScale
virtual float getScale() const =0
cv::softdouble::max
static softdouble max()
Biggest finite value.
Definition: softfloat.hpp:358
cv::cudev::ResizePtrSz
Definition: resize.hpp:78
CV_16F
#define CV_16F
Definition: interface.h:80
cv::v_float64x2
Definition: intrin_rvv.hpp:517
cv::cuda::GpuMat::type
int type() const
returns element type
cv::instr::TYPE_GENERAL
@ TYPE_GENERAL
Definition: instrumentation.hpp:47
cv::superres::FarnebackOpticalFlow::setPolyN
virtual void setPolyN(int val)=0
cv::dnn_objdetect::InferBbox
A class to post process model predictions.
Definition: core_detect.hpp:38
cv::cudev::AffineMapPtrSz::rows
int rows
Definition: warping.hpp:79
cv::detail::PaniniPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::detail::StereographicProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::dynafu::DynaFu::update
virtual bool update(InputArray depth)=0
Process next depth frame.
cv::datasets::cameraParam::mat3
Matx33d mat3
Definition: msm_epfl.hpp:64
cv::GArray::HT
typename detail::flatten_g< typename std::decay< T >::type >::type HT
Definition: garray.hpp:342
cv::xphoto::WhiteBalancer::balanceWhite
virtual void balanceWhite(InputArray src, OutputArray dst)=0
Applies white balancing to the input image.
cv::datasets::PD_inriaObj::depth
int depth
Definition: pd_inria.hpp:77
cv::gapi::fluid::Buffer::meta
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:136
cv::floodFill
int floodFill(InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4)
cv::ximgproc::EdgeBoxes::setMinScore
virtual void setMinScore(float value)=0
Sets the min score of boxes to detect.
cv::AgastFeatureDetector_Impl::AgastFeatureDetector_Impl
AgastFeatureDetector_Impl(int _threshold, bool _nonmaxSuppression, int _type)
Definition: agast.txt:7484
cv::gapi::own::rintd
double rintd(double x)
Definition: saturate.hpp:85
cv::cudev::BrdWrap::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:204
cv::cudev::bit_rshift
Definition: functional.hpp:270
cv::MatConstIterator_::pos
Point pos() const
returns the current iterator position
cv::Vec3b
Vec< uchar, 3 > Vec3b
Definition: matx.hpp:410
cv::rgbd::ICPOdometry::create
static Ptr< ICPOdometry > create(const Mat &cameraMatrix=Mat(), float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), int transformType=Odometry::RIGID_BODY_MOTION)
cv::CAP_PROP_XI_DEBOUNCE_T1
@ CAP_PROP_XI_DEBOUNCE_T1
Debounce time (x * 10us).
Definition: videoio.hpp:435
cv::AVIReadContainer::parseStrl
bool parseStrl(char stream_id, Codecs codec_)
cv::viz::Color::orange
static Color orange()
cv::VIDEOWRITER_PROP_DEPTH
@ VIDEOWRITER_PROP_DEPTH
Defaults to CV_8U.
Definition: videoio.hpp:199
cv::optflow::DenseRLOFOpticalFlow::getRICSLICType
virtual int getRICSLICType() const =0
Parameter to choose superpixel algorithm variant to use:
cv::viz::Color::bluberry
static Color bluberry()
CPU_AVX512_KNL
@ CPU_AVX512_KNL
Knights Landing with AVX-512F/CD/ER/PF.
Definition: cvdef.h:333
cv::detail::get_compound_in< cv::GArray< U > >::get
static cv::GArray< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:60
cv::gapi::detail::getGraph
cv::GComputation getGraph(const std::vector< char > &p)
cv::ximgproc::EdgeBoxes::getKappa
virtual float getKappa() const =0
Returns the scale sensitivity.
cv::Mat::reshape
Mat reshape(int cn, int rows=0) const
Changes the shape and/or the number of channels of a 2D matrix without copying the data.
cv::COLOR_RGBA2YUV_IYUV
@ COLOR_RGBA2YUV_IYUV
Definition: imgproc.hpp:735
cv::cuda::StereoConstantSpaceBP
Class computing stereo correspondence using the constant space belief propagation algorithm....
Definition: cudastereo.hpp:218
cv::detail::GCompoundContext
Definition: gcompoundkernel.hpp:31
cv::TrackerMIL::Params::samplerInitInRadius
float samplerInitInRadius
radius for gathering positive instances during init
Definition: tracking.hpp:761
cv::IMWRITE_EXR_TYPE_FLOAT
@ IMWRITE_EXR_TYPE_FLOAT
store as FP32 (default)
Definition: imgcodecs.hpp:110
cv::CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT
Definition: videoio.hpp:545
cv::detail::Blender::dst_mask_
UMat dst_mask_
Definition: blenders.hpp:94
NCVMatrix::ptr
T * ptr() const
Definition: NCV.hpp:823
cv::Matx::t
Matx< _Tp, n, m > t() const
transpose the matrix
cv::SORT_DESCENDING
@ SORT_DESCENDING
Definition: core.hpp:160
cv::detail::tracking::TrackerContribSampler::sampling
void sampling(const Mat &image, Rect boundingBox)
Computes the regions starting from a position in an image.
cv::detail::PlaneProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::RMat::access
View access(Access a) const
Definition: rmat.hpp:128
cv::cudev::atomicAdd
__device__ __forceinline__ int atomicAdd(int *address, int val)
Definition: atomic.hpp:58
cv::cudev::MakeVec< schar, 2 >::type
char2 type
Definition: vec_traits.hpp:77
cv::linemod::Detector::pyramidLevels
int pyramidLevels() const
Get number of pyramid levels used by this detector.
Definition: linemod.hpp:369
cv::Feature2D::descriptorSize
virtual int descriptorSize() const
copy.hpp
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< std::vector< _Tp > > &vec)
cv::detail::ocl_get_in
Definition: goclkernel.hpp:124
cv::rawInOut
static _InputOutputArray rawInOut(_Tp &v)
resize.hpp
cv::ocl::haveSVM
bool haveSVM()
cv::optflow::RLOFOpticalFlowParameter::getUseGlobalMotionPrior
bool getUseGlobalMotionPrior() const
cv::cudev::DefaultTransposePolicy::tile_dim
@ tile_dim
Definition: transpose.hpp:87
cv::gapi::video::BackgroundSubtractorType
BackgroundSubtractorType
Definition: video.hpp:93
cv::gapi::ie::PyParams::backend
GBackend backend() const
cv::cudacodec::Uncompressed_YV12
@ Uncompressed_YV12
Y,V,U (4:2:0)
Definition: cudacodec.hpp:262
cv::roundUp
static int roundUp(int a, unsigned int b)
Round first value up to the nearest multiple of second value.
Definition: utility.hpp:499
cv::StereoMatcher::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
cv::GKernelTypeM< K, std::function< std::tuple< R... >(Args...)> >::InArgs
std::tuple< Args... > InArgs
Definition: gkernel.hpp:218
cv::dnn::Net::getUnconnectedOutLayers
std::vector< int > getUnconnectedOutLayers() const
Returns indexes of layers with unconnected outputs.
cv::Affine3::cast
Affine3< Y > cast() const
cv::datasets::SR_general100::create
static Ptr< SR_general100 > create()
cv::fitEllipseDirect
RotatedRect fitEllipseDirect(InputArray points)
Fits an ellipse around a set of 2D points.
cv::AGAST_5_8
static void AGAST_5_8(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:55
cv::hal::cvtThreePlaneYUVtoBGR
void cvtThreePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
cv::ximgproc::HoughOp
HoughOp
Specifies binary operations.
Definition: fast_hough_transform.hpp:89
cv::detail::GOpaqueU::setConstructFcn
void setConstructFcn(ConstructOpaque &&cv)
OPENCV_HAL_IMPL_RVV_NATIVE_WCVT
#define OPENCV_HAL_IMPL_RVV_NATIVE_WCVT(_Tpwvec, _Tpvec, _wTp, wcvt, suffix, width, n)
Definition: intrin_rvv.hpp:178
cv::cuda::FEATURE_SET_COMPUTE_10
@ FEATURE_SET_COMPUTE_10
Definition: cuda.hpp:775
cv::line_descriptor::BinaryDescriptorMatcher::clear
void clear() CV_OVERRIDE
Clear dataset and internal data.
cv::cuda::HOG::getL2HysThreshold
virtual double getL2HysThreshold() const =0
cv::ml::SVM::setGamma
virtual void setGamma(double val)=0
cv::stereo::StereoBinaryBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::detail::BundleAdjusterBase::edges_
std::vector< std::pair< int, int > > edges_
Definition: motion_estimators.hpp:215
cv::QRCodeDetector::setEpsX
void setEpsX(double epsX)
sets the epsilon used during the horizontal scan of QR code stop marker detection.
cv::accumulateProduct
void accumulateProduct(InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray())
Adds the per-element product of two input images to the accumulator image.
cv::sfm::libmv_CameraIntrinsicsOptions::focal_length_x
double focal_length_x
Definition: simple_pipeline.hpp:109
cv::cuda::FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: cudaoptflow.hpp:259
cv::GArgs
std::vector< GArg > GArgs
Definition: garg.hpp:94
cv::hal::sub8s
void sub8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::ml::DTrees::getSplits
virtual const std::vector< Split > & getSplits() const =0
Returns all the splits.
cv::ccm::COLOR_SPACE_XYZ_E_2
@ COLOR_SPACE_XYZ_E_2
non-RGB color space
Definition: ccm.hpp:120
cv::detail::tracking::online_boosting::ClassifierThreshold::~ClassifierThreshold
virtual ~ClassifierThreshold()
cv::reg::MapperGradShift::MapperGradShift
MapperGradShift()
cv::Mat::diag
static Mat diag(const Mat &d)
creates a diagonal matrix
cv::Error::StsBadSize
@ StsBadSize
the input/output structure size is incorrect
Definition: base.hpp:101
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::~TrackerAdaBoostingTargetState
~TrackerAdaBoostingTargetState()
Destructor.
Definition: tracking_internals.hpp:535
cv::ml::LogisticRegression::getMiniBatchSize
virtual int getMiniBatchSize() const =0
cv::rgbd::Odometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const
cv::gapi::wip::draw::freetype_font
This structure specifies which FreeType font to use by FText primitives.
Definition: render_types.hpp:31
cv::Matx44f
Matx< float, 4, 4 > Matx44f
Definition: matx.hpp:254
cv::cudev::GpuMat_::colRange
__host__ GpuMat_ colRange(Range r) const
cv::GMatDesc::withSize
GMatDesc withSize(cv::Size sz) const
Definition: gmat.hpp:138
cv::BaseCascadeClassifier::empty
virtual bool empty() const CV_OVERRIDE=0
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
cv::ximgproc::EdgeBoxes::getMaxBoxes
virtual int getMaxBoxes() const =0
Returns the max number of boxes to detect.
cv::GFluidKernelImpl
Definition: gfluidkernel.hpp:415
cv::cudev::atomicMax
static __device__ double atomicMax(double *address, double val)
Definition: atomic.hpp:180
vsx_utils.hpp
cv::cudev::Block::blockSize
__device__ static __forceinline__ uint blockSize()
Definition: block.hpp:63
cv::omnidir::internal::initializeStereoCalibration
void initializeStereoCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, const Size &size1, const Size &size2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray K1, OutputArray D1, OutputArray K2, OutputArray D2, double &xi1, double &xi2, int flags, OutputArray idx)
cv::gapi::wip::draw::Circle::radius
int radius
The radius of the circle.
Definition: render_types.hpp:187
cv::directx::ocl::initializeContextFromD3D11Device
Context & initializeContextFromD3D11Device(ID3D11Device *pD3D11Device)
Creates OpenCL context from D3D11 device.
cv::CAP_PROP_PVAPI_BINNINGY
@ CAP_PROP_PVAPI_BINNINGY
Vertical binning factor.
Definition: videoio.hpp:306
cv::detail::tracked_cv_mat::tracked_cv_mat
tracked_cv_mat(cv::Mat &m)
Definition: gcpukernel.hpp:209
cv::aruco::Dictionary::create
static Ptr< Dictionary > create(int nMarkers, int markerSize, const Ptr< Dictionary > &baseDictionary, int randomSeed=0)
cv::Subdiv2D::Vertex::isfree
bool isfree() const
cv::gapi::GNetPackage::GNetPackage
GNetPackage(std::initializer_list< GNetParam > ii)
cv::sfm::BaseSFM::run
virtual void run(InputArrayOfArrays points2d)=0
NCVBroxOpticalFlowDescriptor
Model and solver parameters.
Definition: NCVBroxOpticalFlow.hpp:70
cv::sfm::libmv_ReconstructionOptions
Data structure describing the reconstruction options.
Definition: simple_pipeline.hpp:139
cv::BackgroundSubtractorMOG2::getNMixtures
virtual int getNMixtures() const =0
Returns the number of gaussian components in the background model.
cv::DenseOpticalFlow::collectGarbage
virtual void collectGarbage()=0
Releases all inner buffers.
cv::RMat::get
T * get() const
Definition: rmat.hpp:132
cv::DescriptorMatcher::read
virtual void read(const FileNode &) CV_OVERRIDE
Reads algorithm parameters from a file storage.
cuda_stream_accessor.hpp
cv::CAP_PROP_FRAME_WIDTH
@ CAP_PROP_FRAME_WIDTH
Width of the frames in the video stream.
Definition: videoio.hpp:137
cv::ocl::Device::name
String name() const
cv::cudev::Sum
Definition: reduce_to_vec.hpp:66
HaarFeature64::_ui2
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:80
cv::detail::GArrayU::GArrayU
GArrayU(const detail::VectorRef &vref)
cv::gapi::fluid::View::Cache::m_linePtrs
std::vector< const uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:45
cv::softdouble::softdouble
softdouble(const uint64_t)
cv::Quat::y
_Tp y
Definition: quaternion.hpp:1437
cv::cuda::Event::queryIfComplete
bool queryIfComplete() const
queries an event's status
cv::face::FacemarkKazemi::Params::configfile
String configfile
configfile stores the name of the file containing the values of training parameters
Definition: face_alignment.hpp:37
cv::AgastFeatureDetector_Impl::type
int type
Definition: agast.txt:7534
GAPI_Assert
#define GAPI_Assert
Definition: assert.hpp:20
cv::superres::BroxOpticalFlow::getInnerIterations
virtual int getInnerIterations() const =0
Number of lagged non-linearity iterations (inner loop)
cv::gapi::GFunctor::GFunctor
GFunctor(const char *id)
Definition: gkernel.hpp:423
cv::ml::DTrees::setMaxDepth
virtual void setMaxDepth(int val)=0
cv::Complex::re
_Tp re
Definition: types.hpp:87
cv::cuda::GpuMat::Allocator::~Allocator
virtual ~Allocator()
Definition: cuda.hpp:111
cv::line_descriptor::LSDParam
Definition: descriptor.hpp:700
cv::detail::tracking::tbm::TrackerParams::motion_affinity_w
float motion_affinity_w
Motion affinity weight.
Definition: tracking_by_matching.hpp:283
cv::detail::tracking::contrib_feature::CvParams::name
std::string name
Definition: feature.hpp:137
cv::MatConstIterator_::reference
const _Tp & reference
Definition: mat.hpp:3082
cv::dnn::details::_layerDynamicRegisterer
Ptr< Layer > _layerDynamicRegisterer(LayerParams &params)
Definition: layer.details.hpp:51
hal_ni_min32f
int hal_ni_min32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:116
cv::ximgproc::createSuperpixelLSC
Ptr< SuperpixelLSC > createSuperpixelLSC(InputArray image, int region_size=10, float ratio=0.075f)
Class implementing the LSC (Linear Spectral Clustering) superpixels.
cv::detail::NoBundleAdjuster::NoBundleAdjuster
NoBundleAdjuster()
Definition: motion_estimators.hpp:224
cv::gapi::I4202BGR
GMat I4202BGR(const GMat &src)
Converts an image from I420 color space to BGR color space.
cv::hal::cvtBGR5x5toBGR
void cvtBGR5x5toBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int greenBits)
cv::AffineTransformer::getFullAffine
virtual bool getFullAffine() const =0
cv::dnn::TextDetectionModel
Base class for text detection networks.
Definition: dnn.hpp:1410
cv::GMatDesc::withType
GMatDesc withType(int ddepth, int dchan) const
Definition: gmat.hpp:158
cv::videostab::WeightingDeblurer::setSensitivity
void setSensitivity(float val)
Definition: deblurring.hpp:101
cv::rgbd::RgbdNormals::setRows
void setRows(int val)
Definition: depth.hpp:128
cv::ml::SVM::C
@ C
Definition: ml.hpp:670
cv::cudev::cast_fp16< float, short >
__device__ __forceinline__ short cast_fp16< float, short >(float v)
Definition: saturate_cast.hpp:287
cv::getFontScaleFromHeight
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.
cv::softfloat::getSign
bool getSign() const
Get sign bit.
Definition: softfloat.hpp:175
cv::CAP_PVAPI_DECIMATION_OFF
@ CAP_PVAPI_DECIMATION_OFF
Off.
Definition: videoio.hpp:319
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategySize
Size-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:109
cv::cuda::createDerivFilter
Ptr< Filter > createDerivFilter(int srcType, int dstType, int dx, int dy, int ksize, bool normalize=false, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a generalized Deriv operator.
cv::ImwriteFlags
ImwriteFlags
Imwrite flags.
Definition: imgcodecs.hpp:86
cv::detail::VectorRef::mov
void mov(VectorRef &v)
Definition: garray.hpp:295
cv::quality::QualityGMSD::QualityGMSD
QualityGMSD(_mat_data refImgData)
Definition: qualitygmsd.hpp:85
cv::optflow::SparseRLOFOpticalFlow::create
static Ptr< SparseRLOFOpticalFlow > create(Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=1.f)
Creates instance of SparseRLOFOpticalFlow.
cv::Vec::Vec
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_SubOp)
cv::CAP_INTELPERC_IR_GENERATOR
@ CAP_INTELPERC_IR_GENERATOR
Definition: videoio.hpp:551
cv::Mat::rows
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2092
cv::VideoWriter::release
virtual void release()
Closes the video writer.
cv::ml::DTrees::Node::left
int left
Index of the left child node.
Definition: ml.hpp:1166
cv::cuda::BackgroundSubtractorGMG::getSmoothingRadius
virtual int getSmoothingRadius() const =0
hal_ni_QR32f
int hal_ni_QR32f(float *src1, size_t src1_step, int m, int n, int k, float *src2, size_t src2_step, float *dst, int *info)
Definition: hal_replacement.hpp:654
cv::datasets::GR_skig
Definition: gr_skig.hpp:106
cv::cuda::resize
void resize(InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR, Stream &stream=Stream::Null())
Resizes an image.
cv::datasets::FR_adienceObj::fiducial_score
int fiducial_score
Definition: fr_adience.hpp:80
cv::detail::PlaneWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R) CV_OVERRIDE
cv::cudev::multiplies
Definition: functional.hpp:96
cv::CAP_PROP_POS_AVI_RATIO
@ CAP_PROP_POS_AVI_RATIO
Relative position of the video file: 0=start of the film, 1=end of the film.
Definition: videoio.hpp:136
cv::COLOR_BayerGR2BGR_VNG
@ COLOR_BayerGR2BGR_VNG
Definition: imgproc.hpp:762
cv::HOGDescriptor::read
virtual bool read(FileNode &fn)
Reads HOGDescriptor parameters from a cv::FileNode.
cv::ovis::ENTITY_ANIMBLEND_MODE
@ ENTITY_ANIMBLEND_MODE
Definition: ovis.hpp:77
cv::face::FacemarkLBF::Params::detectROI
Rect detectROI
Definition: facemarkLBF.hpp:89
cv::OPEN_CAMERA
@ OPEN_CAMERA
Definition: cap_winrt.hpp:40
cv::v_rotate_right
v_reg< _Tp, n > v_rotate_right(const v_reg< _Tp, n > &a)
Element shift right among vector.
Definition: intrin_cpp.hpp:1214
cv::cuda::HostMem::AllocType
AllocType
Definition: cuda.hpp:530
cv::cudev::TexturePtr
Definition: texture.hpp:186
cv::ocl::Device::type
int type() const
cv::COLOR_YUV2GRAY_YUYV
@ COLOR_YUV2GRAY_YUYV
Definition: imgproc.hpp:720
cv::detail::get_out< cv::GScalar >::get
static cv::Scalar & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:257
cv::Mat::copySize
void copySize(const Mat &m)
internal use function; properly re-allocates _size, _step arrays
gmat.hpp
cv::FONT_HERSHEY_SIMPLEX
@ FONT_HERSHEY_SIMPLEX
normal size sans-serif font
Definition: imgproc.hpp:818
cv::cudev::SelectIf::type
ThenType type
Definition: type_traits.hpp:98
cv::ml::KNearest
The class implements K-Nearest Neighbors model.
Definition: ml.hpp:437
cv::DetectionBasedTracker::Parameters::minDetectionPeriod
int minDetectionPeriod
Definition: detection_based_tracker.hpp:63
hal_ni_cvtGraytoBGR
int hal_ni_cvtGraytoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn)
hal_cvtGraytoBGR
Definition: hal_replacement.hpp:358
cv::ximgproc::RFFeatureGetter::getFeatures
virtual void getFeatures(const Mat &src, Mat &features, const int gnrmRad, const int gsmthRad, const int shrink, const int outNum, const int gradNum) const =0
cv::Vec::value_type
_Tp value_type
Definition: matx.hpp:344
simple_pipeline.hpp
linear_index.h
cv::ocl::Device::image3DMaxDepth
size_t image3DMaxDepth() const
cv::detail::tracking::contrib_feature::CvFeatureParams::HAAR
@ HAAR
Definition: feature.hpp:145
cv::detail::FluidCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... >, UseScratch >::call
static void call(const cv::GArgs &in_args, const std::vector< gapi::fluid::Buffer * > &out_bufs)
Definition: gfluidkernel.hpp:372
cv::MatConstIterator::lpos
ptrdiff_t lpos() const
cv::linemod::Detector::addTemplate
int addTemplate(const std::vector< Mat > &sources, const String &class_id, const Mat &object_mask, Rect *bounding_box=NULL)
Add new object template.
cv::detail::accepted_infer_types
Definition: infer.hpp:34
cv::DetectionBasedTracker::numTrackedSteps
int numTrackedSteps
Definition: detection_based_tracker.hpp:204
cv::saliency::StaticSaliencySpectralResidual::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE
cv::CAP_PVAPI_PIXELFORMAT_MONO16
@ CAP_PVAPI_PIXELFORMAT_MONO16
Mono16.
Definition: videoio.hpp:327
cv::MatConstIterator::pos
void pos(int *_idx) const
returns the current iterator position
cv::superres::BroxOpticalFlow::setInnerIterations
virtual void setInnerIterations(int val)=0
Number of lagged non-linearity iterations (inner loop)
cv::util::variant::operator=
variant & operator=(const variant &rhs)
cv::MARKER_STAR
@ MARKER_STAR
A star marker shape, combination of cross and tilted cross.
Definition: imgproc.hpp:836
cv::ccm::ColorCorrectionModel::run
void run()
make color correction
cv::cudev::FindMinValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:91
cv::gapi::wip::draw::Text::fs
double fs
The font scale factor that is multiplied by the font-specific base size.
Definition: render_types.hpp:77
cv::stereo::StereoBinaryBM::getPreFilterCap
virtual int getPreFilterCap() const =0
omnidir.hpp
cv::detail::OptRef::OptHolder::reset
virtual void reset()=0
cvCeil
int cvCeil(const cv::softfloat &a)
Rounds number up to integer.
cv::AGAST
void AGAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
Definition: agast.txt:7475
cv::cudev::Texture
Definition: texture.hpp:206
cv::detail::tracking::feature::CvFeatureEvaluator::numFeatures
int numFeatures
Definition: tracking_feature.private.hpp:86
cv::text::BaseOCR
Definition: ocr.hpp:93
cv::dnn::RNNLayer
Classical recurrent layer.
Definition: all_layers.hpp:182
cv::ximgproc::EdgeAwareInterpolator::getK
virtual int getK()=0
cv::NORM_L2
@ NORM_L2
Definition: base.hpp:185
cv::saliency::StaticSaliencySpectralResidual::read
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
cv::Quat::at
_Tp at(size_t index) const
a way to get element.
cv::v_setzero_s64
v_int64x2 v_setzero_s64()
Definition: intrin_cpp.hpp:2362
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple::addStrategy
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > g, float weight)=0
Add a new sub-strategy.
cv::videostab::StabilizerBase::nextStabilizedFrame
Mat nextStabilizedFrame()
cv::LDA::load
void load(const String &filename)
cv::linemod::Detector::write
void write(FileStorage &fs) const
cv::AgastFeatureDetector_Impl::setThreshold
void setThreshold(int threshold_)
Definition: agast.txt:7523
cv::dpm::DPMDetector::create
static cv::Ptr< DPMDetector > create(std::vector< std::string > const &filenames, std::vector< std::string > const &classNames=std::vector< std::string >())
Load the trained models from given .xml files and return cv::Ptr<DPMDetector>.
cv::cuda::gammaCorrection
void gammaCorrection(InputArray src, OutputArray dst, bool forward=true, Stream &stream=Stream::Null())
Routines for correcting image color gamma.
cv::gapi::ie::Params< cv::gapi::Generic >::backend
GBackend backend() const
Definition: ie.hpp:177
cv::detail::GTypeTraits
Definition: gtype_traits.hpp:52
cv::softfloat::pi
static softfloat pi()
Correct pi approximation.
Definition: softfloat.hpp:218
cv::MatExpr::flags
int flags
Definition: mat.hpp:3545
cv::AgastFeatureDetector_Impl::detect
void detect(InputArray _image, std::vector< KeyPoint > &keypoints, InputArray _mask)
Detects keypoints in an image (first variant) or image set (second variant).
Definition: agast.txt:7488
cv::datasets::TR_icdar::create
static Ptr< TR_icdar > create()
cv::TrackerCSRT::Params::scale_sigma_factor
float scale_sigma_factor
Definition: tracking.hpp:69
cv::operator+=
v_reg< _Tp, n > & operator+=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
hal_ni_recip8u
int hal_ni_recip8u(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:275
cv::kinfu::KinFu::update
virtual bool update(InputArray depth)=0
Process next depth frame.
cv::FileNode::isSeq
static bool isSeq(int flags)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const cuda::HostMem &cuda_mem)
cv::reg::Mapper::getMap
virtual cv::Ptr< Map > getMap() const =0
cv::KeyPointsFilter::runByKeypointSize
static void runByKeypointSize(std::vector< KeyPoint > &keypoints, float minSize, float maxSize=FLT_MAX)
cv::detail::tracking::online_boosting::BaseClassifier::BaseClassifier
BaseClassifier(int numWeakClassifier, int iterationInit, WeakClassifierHaarFeature **weakCls)
cv::GTransformImpl
Definition: gtransform.hpp:69
cv::MatConstIterator
Definition: mat.hpp:3012
cv::randpattern::RandomPatternCornerFinder::computeObjectImagePointsForSingle
std::vector< cv::Mat > computeObjectImagePointsForSingle(cv::Mat inputImage)
cv::ogl::Buffer::unbind
static void unbind(Target target)
Unbind any buffers from the specified binding point.
cv::detail::tracking::feature::CvFeatureEvaluator::getNumFeatures
int getNumFeatures() const
Definition: tracking_feature.private.hpp:61
cv::datasets::PD_inriaObj::bndboxes
std::vector< Rect > bndboxes
Definition: pd_inria.hpp:80
cv::InputArray
const _InputArray & InputArray
Definition: mat.hpp:437
optical_flow.hpp
tracking.private.hpp
cv::gapi::ie::backend
cv::gapi::GBackend backend()
cv::dnn::DictValue::pi
AutoBuffer< int64, 1 > * pi
Definition: dict.hpp:103
cv::dnn::DictValue::DictValue
DictValue(const DictValue &r)
cv::Quat::acosh
Quat< _Tp > acosh() const
return arccosh value of this quaternion, arccosh could be calculated as:
cv::detail::tracking::TrackerSamplerCS::setMode
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCS.
filter.hpp
cv::cudev::SobelXPtrSz::rows
int rows
Definition: deriv.hpp:163
cv::gapi::own::operator&
const Rect operator&(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:87
cv::saliency::StaticSaliencySpectralResidual::setImageHeight
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:104
cv::face::FacemarkLBF::BBox::y_scale
double y_scale
Definition: facemarkLBF.hpp:107
cv::dnn::CorrelationLayer::create
static Ptr< CorrelationLayer > create(const LayerParams &params)
CV_RGB
#define CV_RGB(r, g, b)
Definition: imgproc.hpp:4318
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyFill
Ptr< SelectiveSearchSegmentationStrategyFill > createSelectiveSearchSegmentationStrategyFill()
Create a new fill-based strategy.
cv::fastNlMeansDenoising
void fastNlMeansDenoising(InputArray src, OutputArray dst, float h=3, int templateWindowSize=7, int searchWindowSize=21)
Perform image denoising using Non-local Means Denoising algorithm http://www.ipol....
cv::GFTTDetector::setHarrisDetector
virtual void setHarrisDetector(bool val)=0
utility.hpp
cv::randpattern::RandomPatternGenerator::getPattern
cv::Mat getPattern()
cv::cudev::vseteq2
__device__ __forceinline__ uint vseteq2(uint a, uint b)
Definition: simd_functions.hpp:240
cv::cudev::logical_and
Definition: functional.hpp:195
cv::dnn::TextDetectionModel_DB::getUnclipRatio
double getUnclipRatio() const
NCVMemPtr::memtype
NCVMemoryType memtype
Definition: NCV.hpp:442
cv::dc
@ dc
Definition: container_avi.private.hpp:136
cv::datasets::HPE_parse::create
static Ptr< HPE_parse > create()
cv::detail::tracking::contrib_feature::CvParams::printDefaults
virtual void printDefaults() const
NcvRect32s::width
Ncv32s width
Rectangle width.
Definition: NCV.hpp:152
cv::HOGDescriptor::write
virtual void write(FileStorage &fs, const String &objname) const
Stores HOGDescriptor parameters in a cv::FileStorage.
Cv16suf
Definition: cvdef.h:366
cv::ovis::WindowScene::removeEntity
virtual void removeEntity(const String &name)=0
cv::cuda::GpuMat::GpuMat
GpuMat(const GpuMat &m)
copy constructor
cv::ml::SVM::getType
virtual int getType() const =0
cv::cudev::blockScanInclusive
__device__ T blockScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:186
cv::kinfu::Intr::Intr
Intr()
Definition: intrinsics.hpp:61
cv::face::CParams::minNeighbors
int minNeighbors
Parameter specifying how many neighbors each candidate rectangle should have to retain it.
Definition: facemark_train.hpp:38
cv::detail::WrapValue::wrap
static auto wrap(const T &t) -> typename std::remove_reference< T >::type
Definition: gtype_traits.hpp:167
cv::dnn::Layer::supportBackend
virtual bool supportBackend(int backendId)
Ask layer if it support specific backend for doing computations.
cv::sfm::normalizePoints
void normalizePoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points (non isotropic).
cv::cuda::createMorphologyFilter
Ptr< Filter > createMorphologyFilter(int op, int srcType, InputArray kernel, Point anchor=Point(-1, -1), int iterations=1)
Creates a 2D morphological filter.
cv::gapi::KalmanParams::measurementNoiseCov
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: video.hpp:40
cv::completeSymm
void completeSymm(InputOutputArray m, bool lowerToUpper=false)
Copies the lower or the upper half of a square matrix to its another half.
cv::CAP_PROP_FRAME_COUNT
@ CAP_PROP_FRAME_COUNT
Number of frames in the video file.
Definition: videoio.hpp:141
cv::GOCLContext::outOpaqueRef
detail::OpaqueRef & outOpaqueRef(int output)
flann.hpp
cv::videostab::KeypointBasedMotionEstimator::setMotionModel
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:234
cv::ovis::createGridMesh
void createGridMesh(const String &name, const Size2f &size, const Size &segments=Size(1, 1))
cv::ml::SVM::setClassWeights
virtual void setClassWeights(const cv::Mat &val)=0
cv::cuda::GpuMat::Allocator::free
virtual void free(GpuMat *mat)=0
white_balance.hpp
cv::detail::ocl_get_in::get
static T get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:125
cv::Affine3::rvec
Vec3 rvec() const
cv::_InputArray::depth
int depth(int i=-1) const
cv::detail::tracking::TrackerContribSamplerCSC::Params::initInRad
float initInRad
radius for gathering positive instances during init
Definition: tracking_internals.hpp:656
cv::cudev::less_equal::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:185
cv::cuda::GpuMat::setDefaultAllocator
static void setDefaultAllocator(GpuMat::Allocator *allocator)
cv::face::StandardCollector::PredictResult::distance
double distance
Definition: predict_collector.hpp:88
cv::ogl::Buffer::empty
bool empty() const
cv::AsyncPromise::setException
void setException(const cv::Exception &exception)
cv::datasets::PD_caltechObj::name
std::string name
Definition: pd_caltech.hpp:64
cv::datasets::FR_lfw::create
static Ptr< FR_lfw > create()
cv::Mat::u
UMatData * u
interaction with UMat
Definition: mat.hpp:2112
cv::gemm
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0)
Performs generalized matrix multiplication.
cv::rgbd::RgbdNormals::setMethod
void setMethod(int val)
Definition: depth.hpp:168
cv::videostab::TranslationBasedLocalOutlierRejector::ransacParams
RansacParams ransacParams() const
Definition: outlier_rejection.hpp:83
cv::dnn::TextDetectionModel_EAST::getNMSThreshold
float getNMSThreshold() const
Get the detection confidence threshold.
cv::dnn::_Range::_Range
_Range(int start_, int size_=1)
Definition: shape_utils.hpp:60
cv::videostab::at
T & at(int idx, std::vector< T > &items)
Definition: ring_buffer.hpp:57
cv::legacy::TrackerMedianFlow::Params::maxLevel
int maxLevel
maximal pyramid level number for Lucas-Kanade optical flow
Definition: tracking_legacy.hpp:200
cv::cv_abs
_Tp cv_abs(_Tp x)
Definition: base.hpp:397
cv::videostab::RansacParams::niters
int niters() const
Definition: motion_core.hpp:92
cv::ogl::Buffer::Buffer
Buffer(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::datasets::woodenBoard
@ woodenBoard
Definition: gr_skig.hpp:89
cvv::finalShow
void finalShow()
Passes the control to the debug-window for a last time.
Definition: final_show.hpp:23
cv::detail::tracking::TrackerTargetState::targetPosition
Point2f targetPosition
Definition: tracking.private.hpp:204
cv::ParamType< Mat >::const_param_type
const Mat & const_param_type
Definition: core.hpp:3227
cv::cudev::SobelXPtr::src
SrcPtr src
Definition: deriv.hpp:146
cv::MatStep::p
size_t * p
Definition: mat.hpp:596
cv::ximgproc::Box
Definition: edgeboxes.hpp:58
cv::cudev::exp2
__device__ __forceinline__ float1 exp2(const uchar1 &a)
Definition: vec_math.hpp:240
cv::GPlaidMLContext::m_args
std::vector< GArg > m_args
Definition: gplaidmlkernel.hpp:52
cv::Mat::flags
int flags
Definition: mat.hpp:2088
cv::videostab::NullOutlierRejector
Definition: outlier_rejection.hpp:68
cv::noArray
InputOutputArray noArray()
NCVMemNativeAllocator::dealloc
virtual NCVStatus dealloc(NCVMemSegment &seg)
NCVMemStackAllocator::alignment
virtual Ncv32u alignment() const
UINT64
uint64_t UINT64
Definition: descriptor.hpp:63
cv::ml::SVMSGD::getStepDecreasingPower
virtual float getStepDecreasingPower() const =0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
cv::ccm::COLOR_SPACE_XYZ_A_10
@ COLOR_SPACE_XYZ_A_10
non-RGB color space
Definition: ccm.hpp:115
cv::COLORMAP_TWILIGHT_SHIFTED
@ COLORMAP_TWILIGHT_SHIFTED
Definition: imgproc.hpp:4286
cv::_InputArray::_InputArray
_InputArray(const std::array< _Tp, _Nm > &arr)
cv::GOpaque::GOpaque
GOpaque()
Definition: gopaque.hpp:315
cv::_OutputArray::_OutputArray
_OutputArray(const _Tp *vec, int n)
cv::Complex
A complex number class.
Definition: types.hpp:75
cv::viz::WCloudCollection::addCloud
void addCloud(InputArray cloud, const Color &color=Color::white(), const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
cv::detail::ProtoToParam< cv::GOpaque< U > >::type
U type
Definition: gtyped.hpp:30
cv::vint8mf2_t::vint8mf2_t
vint8mf2_t()
Definition: intrin_rvv.hpp:38
cv::cuda::DeviceInfo::memoryBusWidth
int memoryBusWidth() const
global memory bus width in bits
cv::detail::GOpaqueTraitsArrayTypes
std::tuple< int, double, float, uint64_t, bool, std::string, cv::Size, cv::Scalar, cv::Point, cv::Point2f, cv::Mat, cv::Rect, cv::gapi::wip::draw::Prim > GOpaqueTraitsArrayTypes
Definition: gcommon.hpp:79
cv::MatAllocator::unmap
virtual void unmap(UMatData *data) const
cv::intensity_transform::gammaCorrection
void gammaCorrection(const Mat input, Mat &output, const float gamma)
Given an input bgr or grayscale image and constant gamma, apply power-law transformation,...
cv::cuda::createSeparableLinearFilter
Ptr< Filter > createSeparableLinearFilter(int srcType, int dstType, InputArray rowKernel, InputArray columnKernel, Point anchor=Point(-1,-1), int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a separable linear filter.
cv::util::make_optional
optional< typename std::decay< T >::type > make_optional(T &&value)
Definition: optional.hpp:171
cv::ocl::Kernel::args
Kernel & args(const _Tps &... kernel_args)
Setup OpenCL Kernel arguments. Avoid direct using of set(i, ...) methods.
Definition: ocl.hpp:463
cv::MergeDebevec::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response) CV_OVERRIDE=0
Merges images.
cv::gapi::GKernelPackage::backends
std::vector< GBackend > backends() const
Lists all backends which are included into package.
cv::float16_t::zero
static float16_t zero()
Definition: cvdef.h:902
cv::img_hash::RadialVarianceHash::setSigma
void setSigma(double value)
cv::saliency::StaticSaliencyFineGrained::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:133
cv::cudev::WithOutMask::operator()
__device__ __forceinline__ bool operator()(int, int) const
Definition: mask.hpp:62
cv::kinfu::KinFu::render
virtual void render(OutputArray image, const Matx44f &cameraPose=Matx44f::eye()) const =0
Renders a volume into an image.
cv::optflow::RLOFOpticalFlowParameter::useInitialFlow
bool useInitialFlow
Definition: rlofflow.hpp:122
cv::cudev::GpuMat_::type
__host__ int type() const
cv::detail::RotationWarperBase::getScale
float getScale() const CV_OVERRIDE
Definition: warpers.hpp:175
cv::THRESH_OTSU
@ THRESH_OTSU
flag, use Otsu algorithm to choose the optimal threshold value
Definition: imgproc.hpp:326
cv::DescriptorMatcher::DescriptorCollection::getDescriptor
const Mat getDescriptor(int imgIdx, int localDescIdx) const
cv::cuda::DeviceInfo::totalMemory
size_t totalMemory() const
cv::VideoCaptureAPIs
VideoCaptureAPIs
VideoCapture API backends identifier.
Definition: videoio.hpp:89
cv::ximgproc::RICInterpolator::setAlpha
virtual void setAlpha(float alpha=0.7f)=0
Alpha is a parameter defining a global weight for transforming geodesic distance into weight.
cv::VariationalRefinement::getFixedPointIterations
virtual int getFixedPointIterations() const =0
Number of outer (fixed-point) iterations in the minimization procedure.
cv::DescriptorMatcher::DescriptorCollection::getLocalIdx
void getLocalIdx(int globalDescIdx, int &imgIdx, int &localDescIdx) const
OpenCV_API_Header::min_api_version
unsigned min_api_version
backward compatible API version
Definition: llapi.h:42
cv::videostab::InpaintingPipeline::setFrames
virtual void setFrames(const std::vector< Mat > &val) CV_OVERRIDE
base.hpp
cv::face::FacemarkKazemi::Params::tree_depth
unsigned long tree_depth
tree_depth This stores the max height of the regression tree built.
Definition: face_alignment.hpp:23
cv::detail::RotationWarper::warp
virtual Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)=0
Projects the image.
cv::AgastFeatureDetector::DetectorType
DetectorType
Definition: features2d.hpp:604
cv::cuda::HostMem::getAllocator
static MatAllocator * getAllocator(HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
cv::CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ
Sensor clock frequency in Hz.
Definition: videoio.hpp:450
cv::kinfu::VolumeParams::defaultParams
static Ptr< VolumeParams > defaultParams(VolumeType _volumeType)
Default set of parameters that provide higher quality reconstruction at the cost of slow performance.
cv::face::FacemarkAAM::Config
Optional parameter for fitting process.
Definition: facemarkAAM.hpp:81
cv::COLORMAP_TURBO
@ COLORMAP_TURBO
Definition: imgproc.hpp:4287
cv::dnn::writeTextGraph
void writeTextGraph(const String &model, const String &output)
Create a text representation for a binary network stored in protocol buffer format.
cv::cuda::DeviceInfo::maxSurfaceCubemap
int maxSurfaceCubemap() const
maximum Cubemap surface dimensions
cv::LMSolver::create
static Ptr< LMSolver > create(const Ptr< LMSolver::Callback > &cb, int maxIters)
cv::ocl::KernelArg::flags
int flags
Definition: ocl.hpp:413
cv::saliency::MotionSaliencyBinWangApr2014::~MotionSaliencyBinWangApr2014
virtual ~MotionSaliencyBinWangApr2014()
cv::ovis::ENTITY_SCALE
@ ENTITY_SCALE
Definition: ovis.hpp:75
cv::String
std::string String
Definition: cvstd.hpp:150
cv::aruco::DICT_7X7_50
@ DICT_7X7_50
Definition: dictionary.hpp:154
cv::detail::fluid_get_in::get
static const T & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:205
cv::evaluateFeatureDetector
void evaluateFeatureDetector(const Mat &img1, const Mat &img2, const Mat &H1to2, std::vector< KeyPoint > *keypoints1, std::vector< KeyPoint > *keypoints2, float &repeatability, int &correspCount, const Ptr< FeatureDetector > &fdetector=Ptr< FeatureDetector >())
hal_ni_recip32f
int hal_ni_recip32f(const float *src_data, size_t src_step, float *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:280
cv::detail::tracking::contrib_feature::CvFeatureParams::create
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
cv::gapi::split4
std::tuple< GMat, GMat, GMat, GMat > split4(const GMat &src)
Divides a 4-channel matrix into 4 single-channel matrices.
cv::Mat_::forEach
void forEach(const Functor &operation) const
cv::cuda::Stream::queryIfComplete
bool queryIfComplete() const
Returns true if the current stream queue is finished. Otherwise, it returns false.
cv::stereo::QuasiDenseStereo::create
static cv::Ptr< QuasiDenseStereo > create(cv::Size monoImgSize, cv::String paramFilepath=cv::String())
cv::optflow::RLOFOpticalFlowParameter::setLargeWinSize
void setLargeWinSize(int val)
cv::ogl::Arrays::empty
bool empty() const
cv::cudev::vadd2
__device__ __forceinline__ uint vadd2(uint a, uint b)
Definition: simd_functions.hpp:136
cv::ximgproc::SuperpixelLSC::getNumberOfSuperpixels
virtual int getNumberOfSuperpixels() const =0
Calculates the actual amount of superpixels on a given segmentation computed and stored in Superpixel...
cv::reg::MapAffine::~MapAffine
~MapAffine()
cv::cudev::HistogramBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:223
CV_MAT_DEPTH
#define CV_MAT_DEPTH(flags)
Definition: interface.h:83
cv::WARP_FILL_OUTLIERS
@ WARP_FILL_OUTLIERS
Definition: imgproc.hpp:266
cv::util::optional::swap
void swap(optional &other) noexcept
Definition: optional.hpp:159
calib3d.hpp
cv::v_uint16x8::v_uint16x8
v_uint16x8(vuint16m1_t v)
Definition: intrin_rvv.hpp:299
cv::cos
Quat< T > cos(const Quat< T > &q)
cv::ShapeContextDistanceExtractor::getBendingEnergyWeight
virtual float getBendingEnergyWeight() const =0
cv::stereo::PropagationParameters::neighborhoodSize
int neighborhoodSize
Definition: quasi_dense_stereo.hpp:50
cv::rgbd::RgbdPlane::setSensorErrorC
void setSensorErrorC(double val)
Definition: depth.hpp:441
cv::_OutputArray::_OutputArray
_OutputArray(cuda::HostMem &cuda_mem)
cv::vuint8mf2_t::vuint8mf2_t
vuint8mf2_t(const uchar *ptr)
Definition: intrin_rvv.hpp:27
cv::ImreadModes
ImreadModes
Imread flags.
Definition: imgcodecs.hpp:69
cv::cudev::ThreshTruncFunc::thresh
T thresh
Definition: functional.hpp:736
cv::ppf_match_3d::PPF3DDetector::hash_table
hashtable_int * hash_table
Definition: ppf_match_3d.hpp:152
cv::cudev::brdReplicate
__host__ BrdBase< BrdReplicate, typename PtrTraits< SrcPtr >::ptr_type > brdReplicate(const SrcPtr &src)
Definition: extrapolation.hpp:134
cv::cudev::unaryTupleAdapter
__host__ __device__ UnaryTupleAdapter< Op, n > unaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:71
cv::Mat::Mat
Mat(Size size, int type, void *data, size_t step=AUTO_STEP)
cv::plot::Plot2d::setPointIdxToPrint
virtual void setPointIdxToPrint(int pointIdx)=0
Sets the index of a point which coordinates will be printed on the top left corner of the plot (if Sh...
cv::meanShift
int meanShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object on a back projection image.
cv::viz::MouseEvent::button
MouseButton button
Definition: types.hpp:323
CV_CUDEV_IMPLEMENT_VEC_BINARY_OP
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:397
cv::Error::OpenGlApiCallError
@ OpenGlApiCallError
OpenGL API call error.
Definition: base.hpp:119
ncvHaarLoadFromFile_host
NCVStatus ncvHaarLoadFromFile_host(const cv::String &filename, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
cv::OutputArrayOfArrays
OutputArray OutputArrayOfArrays
Definition: mat.hpp:440
cv::Subdiv2D::clearVoronoi
void clearVoronoi()
cv::dnn::DictValue::size
int size() const
cv::detail::tracking::feature::CvFeatureParams::create
static Ptr< CvFeatureParams > create(CvFeatureParams::FeatureType featureType)
cv::GCall::yield
GMat yield(int output=0)
cv::ocl::Device::getDefault
static const Device & getDefault()
cv::SparseMat::Hdr::refcount
int refcount
Definition: mat.hpp:2675
cv::dnn_superres::DnnSuperResImpl::setPreferableTarget
void setPreferableTarget(int targetId)
Set computation target.
cv::cudacodec::EncoderCallBack::acquireBitStream
virtual uchar * acquireBitStream(int *bufferSize)=0
Callback function to signal the start of bitstream that is to be encoded.
cv::detail::TransverseMercatorProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::DetectionBasedTracker::~DetectionBasedTracker
virtual ~DetectionBasedTracker()
cv::detail::GTypeOf
Definition: gtype_traits.hpp:128
cv::rgbd::RgbdOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: depth.hpp:700
cv::aruco::DICT_7X7_1000
@ DICT_7X7_1000
Definition: dictionary.hpp:157
OPENCV_HAL_IMPL_RVV_INIT_FP
#define OPENCV_HAL_IMPL_RVV_INIT_FP(_Tpv, _Tp, width, suffix)
Definition: intrin_rvv.hpp:573
cv::LMEDS
@ LMEDS
least-median of squares algorithm
Definition: calib3d.hpp:444
cv::quality::QualityGMSD::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitygmsd.hpp:34
OPENCV_HAL_IMPL_ROTATE_SHIFT_OP
#define OPENCV_HAL_IMPL_ROTATE_SHIFT_OP(suffix, opA, opB)
Helper macro.
Definition: intrin_cpp.hpp:1165
cv::viz::Viz3d::setFullScreen
void setFullScreen(bool mode=true)
Sets or unsets full-screen rendering mode.
cv::detail::waveCorrect
void waveCorrect(std::vector< Mat > &rmats, WaveCorrectKind kind)
Tries to make panorama more horizontal (or vertical).
cv::hal::mul32f
void mul32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
cv::viz::WCone
This 3D Widget defines a cone. :
Definition: widgets.hpp:331
cv::sfm::SFM_DISTORTION_MODEL_DIVISION
@ SFM_DISTORTION_MODEL_DIVISION
Definition: simple_pipeline.hpp:53
cv::cuda::DescriptorMatcher::radiusMatchConvert
virtual void radiusMatchConvert(InputArray gpu_matches, std::vector< std::vector< DMatch > > &matches, bool compactResult=false)=0
Converts matches array from internal representation to standard matches vector.
cv::ccm::ColorCorrectionModel::ColorCorrectionModel
ColorCorrectionModel(const Mat &src, Mat colors, COLOR_SPACE ref_cs, Mat colored)
Color Correction Model.
cv::cudev::thresh_binary_inv_func
__host__ __device__ ThreshBinaryInvFunc< T > thresh_binary_inv_func(T thresh, T maxVal)
Definition: functional.hpp:726
cv::cuda::SparseOpticalFlow
Base interface for sparse optical flow algorithms.
Definition: cudaoptflow.hpp:86
cv::datasets::IS_bsdsObj::name
std::string name
Definition: is_bsds.hpp:62
NppStInterpolationState::pos
Ncv32f pos
new frame position
Definition: NPP_staging.hpp:118
cv::randn
void randn(InputOutputArray dst, InputArray mean, InputArray stddev)
Fills the array with normally distributed random numbers.
cv::CAP_PROP_XI_HOUS_TEMP
@ CAP_PROP_XI_HOUS_TEMP
Camera housing temperature.
Definition: videoio.hpp:404
cv::COLOR_BayerBG2GRAY
@ COLOR_BayerBG2GRAY
Definition: imgproc.hpp:753
cv::_InputArray::isContinuous
bool isContinuous(int i=-1) const
cv::datasets::word
Definition: tr_icdar.hpp:61
cv::cuda::BroxOpticalFlow::setOuterIterations
virtual void setOuterIterations(int outer_iterations)=0
cv::omnidir::internal::estimateUncertainties
void estimateUncertainties(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
cv::TrackerKCF::Params::desc_npca
int desc_npca
non-compressed descriptors of TrackerKCF::MODE
Definition: tracking.hpp:134
cv::detail::BlocksCompensator::setNrGainsFilteringIterations
void setNrGainsFilteringIterations(int nr_iterations)
Definition: exposure_compensate.hpp:185
cv::detail::tracking::tbm::TrackerParams::bbox_aspect_ratios_range
cv::Vec2f bbox_aspect_ratios_range
Bounding box aspect ratios range.
Definition: tracking_by_matching.hpp:289
cv::dnn_objdetect::InferBbox::InferBbox
InferBbox(Mat _delta_bbox, Mat _class_scores, Mat _conf_scores)
Default constructer.
cv::AVIWriteContainer::atFrameSize
size_t atFrameSize(size_t i) const
Definition: container_avi.private.hpp:174
cv::GPlaidMLContext::inTensor
const plaidml::edsl::Tensor & inTensor(int input)
Definition: gplaidmlkernel.hpp:42
cv::Quat::asinh
Quat< _Tp > asinh() const
return arcsinh value of this quaternion, arcsinh could be calculated as:
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
cv::AutoBuffer::AutoBuffer
AutoBuffer(size_t _size)
constructor taking the real buffer size
cv::cudacodec::EncoderParams::ProfileLevel
int ProfileLevel
NVVE_PROFILE_LEVEL,.
Definition: cudacodec.hpp:97
cv::ximgproc::EdgeBoxes::setMinBoxArea
virtual void setMinBoxArea(float value)=0
Sets the minimum area of boxes.
cv::gapi::own::operator+=
Size & operator+=(Size &lhs, const Size &rhs)
Definition: types.hpp:117
cv::cudev::vavg2
__device__ __forceinline__ uint vavg2(uint a, uint b)
Definition: simd_functions.hpp:205
cv::detail::tracking::online_boosting::BaseClassifier::eval
int eval(const Mat &image)
kdtree_single_index.h
cv::quality::QualityPSNR::QualityPSNR
QualityPSNR(Ptr< QualityMSE > qualityMSE, double maxPixelValue)
Constructor.
Definition: qualitypsnr.hpp:95
cv::setOpenGlContext
void setOpenGlContext(const String &winname)
Sets the specified window as current OpenGL context.
cv::GeneralizedHoughGuil
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:898
cv::datasets::MSM_epfl
Definition: msm_epfl.hpp:78
cv::detail::BundleAdjusterBase::setTermCriteria
void setTermCriteria(const TermCriteria &term_criteria)
Definition: motion_estimators.hpp:147
hal_ni_add32f
int hal_ni_add32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:81
cv::vle16_v_i16mf2
vint16mf2_t vle16_v_i16mf2(const int16_t *ptr)
Definition: intrin_rvv.hpp:169
cv::detail::Graph::Graph
Graph(int num_vertices=0)
Definition: util.hpp:88
cv::Point_< int >
cv::COLOR_RGB2HLS_FULL
@ COLOR_RGB2HLS_FULL
Definition: imgproc.hpp:613
cv::GInferList2Base::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:240
cv::cudev::SobelXPtr
Definition: deriv.hpp:142
cv::detail::SeamFinder::VORONOI_SEAM
@ VORONOI_SEAM
Definition: seam_finders.hpp:62
OPENCV_HAL_IMPL_RVV_FLT_BIT_OP
#define OPENCV_HAL_IMPL_RVV_FLT_BIT_OP(bin_op, intrin)
Definition: intrin_rvv.hpp:1252
cv::cuda::CascadeClassifier::getMaxNumObjects
virtual int getMaxNumObjects() const =0
cv::omnidir::XYZ
@ XYZ
Definition: omnidir.hpp:77
cv::kinfu::VolumeType::TSDF
@ TSDF
cv::Vec4s
Vec< short, 4 > Vec4s
Definition: matx.hpp:415
cv::datasets::IR_robot::load
virtual void load(const std::string &path) CV_OVERRIDE=0
CV_CUDEV_RGB2YUV_INST
#define CV_CUDEV_RGB2YUV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:101
cv::GKernel::inKinds
GKinds inKinds
Definition: gkernel.hpp:51
cv::DIST_L2
@ DIST_L2
the simple euclidean distance
Definition: imgproc.hpp:302
cv::CAP_PROP_XI_BINNING_HORIZONTAL
@ CAP_PROP_XI_BINNING_HORIZONTAL
Horizontal Binning - number of horizontal photo-sensitive cells to combine together.
Definition: videoio.hpp:371
cv::SparsePyrLKOpticalFlow::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::dnn_objdetect::InferBbox::nms_wrapper
void nms_wrapper(std::vector< std::vector< double > > &top_n_boxes, std::vector< size_t > &top_n_idxs, std::vector< double > &top_n_probs)
Wrapper to apply Non-Maximal Supression.
cv::CalibrateRobertson
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:578
cvv::showImage
static void showImage(cv::InputArray img, impl::CallMetaData metaData=impl::CallMetaData(), const char *description=nullptr, const char *view=nullptr)
Add a single image to debug GUI (similar to imshow <>).
Definition: show_image.hpp:38
cv::cuda::pyrDown
void pyrDown(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Smoothes an image and downsamples it.
cv::detail::calibrateRotatingCamera
bool calibrateRotatingCamera(const std::vector< Mat > &Hs, Mat &K)
cv::watershed
void watershed(InputArray image, InputOutputArray markers)
Performs a marker-based image segmentation using the watershed algorithm.
cv::CascadeClassifier::read
bool read(const FileNode &node)
Reads a classifier from a FileStorage node.
_v512_set_epu64
#define _v512_set_epu64(a7, a6, a5, a4, a3, a2, a1, a0)
Definition: intrin_avx512.hpp:20
cv::ximgproc::RICInterpolator::setSuperpixelMode
virtual void setSuperpixelMode(int mode=100)=0
Parameter to choose superpixel algorithm variant to use:
cv::cudev::maximum
Definition: functional.hpp:311
cv::_OutputArray::getHostMemRef
cuda::HostMem & getHostMemRef() const
cv::detail::RotationWarperBase::projector_
P projector_
Definition: warpers.hpp:187
CV_CREATE_MEMBER_CHECK
#define CV_CREATE_MEMBER_CHECK(X)
Definition: traits.hpp:360
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
1x4, 2x2 or 4x1 matrix
cv::detail::tracking::contrib_feature::CvParams::read
virtual bool read(const FileNode &node)=0
cv::cudev::MakeVec< bool, 4 >::type
uchar4 type
Definition: vec_traits.hpp:84
cv::aruco::CharucoBoard
ChArUco board Specific class for ChArUco boards. A ChArUco board is a planar board where the markers ...
Definition: charuco.hpp:62
cv::videostab::DeblurerBase::radius_
int radius_
Definition: deblurring.hpp:84
cv::Stitcher::workScale
double workScale() const
Definition: stitching.hpp:290
NppStInterpMode
NppStInterpMode
Definition: NPP_staging.hpp:101
cv::cudacodec::createVideoWriter
Ptr< cudacodec::VideoWriter > createVideoWriter(const String &fileName, Size frameSize, double fps, SurfaceFormat format=SF_BGR)
Creates video writer.
cv::GC_EVAL_FREEZE_MODEL
@ GC_EVAL_FREEZE_MODEL
Definition: imgproc.hpp:363
cv::GInferBase::id
static constexpr const char * id()
Definition: infer.hpp:161
cv::legacy::TrackerCSRT::Params::write
void write(cv::FileStorage &fs) const
Write parameters to a file.
cv::legacy::TrackerKCF::create
static Ptr< legacy::TrackerKCF > create()
cv::cudev::RemapPtr2::mapx
MapXPtr mapx
Definition: remap.hpp:81
cv::cuda::GpuMat::empty
bool empty() const
returns true if GpuMat data is NULL
cv::BORDER_CONSTANT
@ BORDER_CONSTANT
iiiiii|abcdefgh|iiiiiii with some specified i
Definition: base.hpp:269
cv::cudev::TypeTraits::is_float
@ is_float
Definition: type_traits.hpp:145
cv::cudev::DefaultReduceToVecPolicy::block_size_x
@ block_size_x
Definition: reduce_to_vec.hpp:214
cv::hal::max8u
void max8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::LMSolver::Callback::compute
virtual bool compute(InputArray param, OutputArray err, OutputArray J) const =0
cv::videostab::GaussianMotionFilter::setParams
void setParams(int radius, float stdev=-1.f)
cv::CAP_OPENNI_POINT_CLOUD_MAP
@ CAP_OPENNI_POINT_CLOUD_MAP
XYZ in meters (CV_32FC3)
Definition: videoio.hpp:266
cv::BackgroundSubtractorKNN::getHistory
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
cv::GPlaidMLKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gplaidmlkernel.hpp:132
cv::legacy::TrackerTLD::Params
Definition: tracking_legacy.hpp:236
cv::stereo::StereoBinarySGBM::setBinaryKernelType
virtual void setBinaryKernelType(int value)=0
cv::_InputArray::isMatx
bool isMatx() const
cv::cudacodec::EncoderCallBack::releaseBitStream
virtual void releaseBitStream(unsigned char *data, int size)=0
Callback function to signal that the encoded bitstream is ready to be written to file.
cv::img_hash::pHash
void pHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes pHash value of the input image.
cv::detail::GainCompensator::singleFeed
void singleFeed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
cv::ogl::unmapGLBuffer
void unmapGLBuffer(UMat &u)
Unmaps Buffer object (releases UMat, previously mapped from Buffer).
cv::cudev::warpPerspective_
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > > warpPerspective_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:101
cv::bioinspired::RETINA_COLOR_BAYER
@ RETINA_COLOR_BAYER
standard bayer sampling
Definition: retina.hpp:86
cv::hal::addWeighted32f
void addWeighted32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scalars)
cv::cudev::BinaryTupleAdapter::op
Op op
Definition: tuple_adapter.hpp:82
cv::ocl::Device::isExtensionSupported
bool isExtensionSupported(const String &extensionName) const
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::getState
virtual Mat getState() const =0
cv::datasets::PascalObj::truncated
bool truncated
Definition: or_pascal.hpp:71
cv::AVIReadContainer::parseAviWithFrameList
bool parseAviWithFrameList(frame_list &in_frame_list, Codecs codec_)
cv::MatExpr::min
static MatExpr min(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3689
cv::vint16mf2_t::val
short val[4]
Definition: intrin_rvv.hpp:61
cv::reg::MapperGradAffine::MapperGradAffine
MapperGradAffine()
cv::TonemapMantiuk::setScale
virtual void setScale(float scale)=0
cv::cuda::HOG::getNumLevels
virtual int getNumLevels() const =0
cv::v_int8x16::val
schar val[16]
Definition: intrin_rvv.hpp:290
cv::ShapeContextDistanceExtractor::getIterations
virtual int getIterations() const =0
cv::ccm::COLOR_SPACE_XYZ_D50_10
@ COLOR_SPACE_XYZ_D50_10
non-RGB color space
Definition: ccm.hpp:113
cv::datasets::datasetType
datasetType
Definition: hpe_humaneva.hpp:72
cv::DMatch::DMatch
DMatch()
cv::cuda::DeviceInfo::DeviceInfo
DeviceInfo()
creates DeviceInfo object for the current GPU
cv::ccm::ColorCorrectionModel::setEpsilon
void setEpsilon(const double &epsilon)
set Epsilon
cv::DescriptorMatcher::clear
virtual void clear() CV_OVERRIDE
Clears the train descriptor collections.
cv::videostab::IFrameSource::reset
virtual void reset()=0
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::UnscentedKalmanFilterParams
UnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:152
cv::VariationalRefinement::getAlpha
virtual float getAlpha() const =0
Weight of the smoothness term.
cv::imread
CV_EXPORTS_W Mat imread(const String &filename, int flags=IMREAD_COLOR)
Loads an image from a file.
cv::hal::div32f
void div32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
cv::cuda::DisparityBilateralFilter
Class refining a disparity map using joint bilateral filtering. :
Definition: cudastereo.hpp:299
cv::detail::WAVE_CORRECT_AUTO
@ WAVE_CORRECT_AUTO
Definition: motion_estimators.hpp:332
cv::detail::callCustomGetBorder
Definition: gfluidkernel.hpp:339
cv::dnn::LayerFactory::Constructor
Ptr< Layer >(* Constructor)(LayerParams &params)
Each Layer class must provide this function to the factory.
Definition: layer.hpp:61
CV_CUDEV_IMPLEMENT_VEC_UNARY_OP
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_OP(op, input_type, output_type)
Definition: vec_math.hpp:138
cv::bgsegm::BackgroundSubtractorGMG::setSmoothingRadius
virtual void setSmoothingRadius(int radius)=0
Sets the kernel radius used for morphological operations.
cv::TickMeter::getAvgTimeSec
double getAvgTimeSec() const
returns average time in seconds
Definition: utility.hpp:360
cv::videostab::InpaintingPipeline::setMotions
virtual void setMotions(const std::vector< Mat > &val) CV_OVERRIDE
cv::AVIReadContainer::parseHdrlList
bool parseHdrlList(Codecs codec_)
cv::Subdiv2D::deleteEdge
void deleteEdge(int edge)
cv::cuda::GpuMat::cudaPtr
void * cudaPtr() const
MatToUIImage
UIImage * MatToUIImage(const cv::Mat &image)
cv::detail::CylindricalWarper::CylindricalWarper
CylindricalWarper(float scale)
Construct an instance of the cylindrical warper class.
Definition: warpers.hpp:348
cv::pyrMeanShiftFiltering
void pyrMeanShiftFiltering(InputArray src, OutputArray dst, double sp, double sr, int maxLevel=1, TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1))
Performs initial step of meanshift segmentation of an image.
OPENCV_HAL_IMPL_RVV_TRANSPOSE4x4
#define OPENCV_HAL_IMPL_RVV_TRANSPOSE4x4(_Tpvec, _Tp, suffix)
Definition: intrin_rvv.hpp:1904
cv::convertFp16
void convertFp16(InputArray src, OutputArray dst)
Converts an array to half precision floating number.
cv::viz::Widget::operator=
Widget & operator=(const Widget &other)
cv::detail::tracking::kalman_filters::AugmentedUnscentedKalmanFilterParams
Augmented Unscented Kalman filter parameters. The class for initialization parameters of Augmented Un...
Definition: kalman_filters.hpp:183
cv::text::OCRBeamSearchDecoder::ClassifierCallback::~ClassifierCallback
virtual ~ClassifierCallback()
Definition: ocr.hpp:409
cv::optflow::PCAPrior::fillConstraints
void fillConstraints(float *A1, float *A2, float *b1, float *b2) const
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::getRows
static __host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:69
cv::CalibrateDebevec::getRandom
virtual bool getRandom() const =0
cv::v_pack_u_store
void v_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:2559
cv::detail::tracking::feature::CvHaarEvaluator::FeatureHaar::FeatureHaar
FeatureHaar(Size patchSize)
cv::datasets::MSM_epflObj
Definition: msm_epfl.hpp:70
cv::optflow::GPC_DESCRIPTOR_DCT
@ GPC_DESCRIPTOR_DCT
Better quality but slow.
Definition: sparse_matching_gpc.hpp:92
cv::dnn::LSTMLayer::setUseTimstampsDim
virtual void setUseTimstampsDim(bool use=true)=0
Specifies either interpret first dimension of input blob as timestamp dimension either as sample.
cv::datasets::PD_inriaObj::filename
std::string filename
Definition: pd_inria.hpp:69
cv::cuda::GpuMat::rows
int rows
the number of rows and columns
Definition: cuda.hpp:323
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getAreas
const std::vector< Rect > & getAreas() const
cv::kinfu::Intr::Projector::fx
float fx
Definition: intrinsics.hpp:59
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::eval
float eval(const Mat &response)
cv::detail::CompileArgTag< cv::gapi::GNetPackage >::tag
static const char * tag()
Definition: infer.hpp:479
cv::viz::KeyboardEvent::symbol
String symbol
Definition: types.hpp:298
cv::detail::tracking::TrackerModel::getTrackerStateEstimator
Ptr< TrackerStateEstimator > getTrackerStateEstimator() const
Get the TrackerStateEstimator.
cv::operator|=
v_reg< _Tp, n > & operator|=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::ml::ANN_MLP::setAnnealEnergyRNG
virtual void setAnnealEnergyRNG(const RNG &rng)=0
Set/initialize anneal RNG.
cv::Mat::clone
Mat clone() const CV_NODISCARD
Creates a full copy of the array and the underlying data.
cv::cudev::Min::rebind
Definition: reduce_to_vec.hpp:110
cv::SparsePyrLKOpticalFlow::setMinEigThreshold
virtual void setMinEigThreshold(double minEigThreshold)=0
cv::face::FacemarkAAM::Model::Texture
Definition: facemarkAAM.hpp:115
cv::ml::LogisticRegression::getRegularization
virtual int getRegularization() const =0
cv::gapi::own::Rect::Rect
Rect(int _x, int _y, int _width, int _height)
Definition: types.hpp:45
cv::QuatAssumeType
QuatAssumeType
Unit quaternion flag.
Definition: quaternion.hpp:38
cv::UMatData::markDeviceCopyObsolete
void markDeviceCopyObsolete(bool flag)
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::hcellsSpatialConstant
float hcellsSpatialConstant
Definition: retina.hpp:162
cv::Vec::Vec
Vec(const Matx< _Tp, cn, 1 > &a, _T2 alpha, Matx_ScaleOp)
cv::cuda::DYNAMIC_PARALLELISM
@ DYNAMIC_PARALLELISM
Definition: cuda.hpp:790
cv::detail::tracking::kalman_filters::AugmentedUnscentedKalmanFilterParams::AugmentedUnscentedKalmanFilterParams
AugmentedUnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::UMatData::data
uchar * data
Definition: mat.hpp:558
cv::setBreakOnError
bool setBreakOnError(bool flag)
Sets/resets the break-on-error mode.
cv::rgbd::RgbdNormals::getWindowSize
int getWindowSize() const
Definition: depth.hpp:140
cv::datasets::join::Wz
double Wz
Definition: gr_chalearn.hpp:67
cv::datasets::FR_adienceObj::age
std::string age
Definition: fr_adience.hpp:72
hal_ni_merge64s
int hal_ni_merge64s(const int64 **src_data, int64 *dst_data, int len, int cn)
Definition: hal_replacement.hpp:369
cv::Mat_::Mat_
Mat_(const Mat_ &m, const Rect &roi)
selects a submatrix
cv::rgbd::RgbdPlane::RGBD_PLANE_METHOD_DEFAULT
@ RGBD_PLANE_METHOD_DEFAULT
Definition: depth.hpp:334
cv::LineIterator::LineIterator
LineIterator(const Mat &img, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
initializes the iterator
Definition: imgproc.hpp:4768
cv::instr::NodeData::getTotalMs
double getTotalMs() const
Definition: instrumentation.hpp:92
OPENCV_HAL_IMPL_RVV_SIGNED_CMP
#define OPENCV_HAL_IMPL_RVV_SIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1380
cv::util::throw_error
void throw_error(ExceptionType &&e)
Definition: throw.hpp:23
cv::mcc::DetectorParameters::minInterContourDistance
int minInterContourDistance
Definition: checker_detector.hpp:120
cv::detail::tracking::tbm::ITrackerByMatching::descriptorFast
virtual const Descriptor & descriptorFast() const =0
Fast descriptor getter.
cv::CAP_PVAPI_PIXELFORMAT_BGR24
@ CAP_PVAPI_PIXELFORMAT_BGR24
Bgr24.
Definition: videoio.hpp:331
cv::viz::Color::cyan
static Color cyan()
cv::checkChessboard
bool checkChessboard(InputArray img, Size size)
general.h
cv::AgastFeatureDetector::setType
virtual void setType(AgastFeatureDetector::DetectorType type)=0
cv::detail::tracking::feature::CvFeatureParams::LBP
@ LBP
Definition: tracking_feature.private.hpp:40
cv::v_float64x2::get0
double get0() const
Definition: intrin_rvv.hpp:540
cv::aruco::DICT_5X5_1000
@ DICT_5X5_1000
Definition: dictionary.hpp:149
cv::cudev::VecTraits< char4 >::all
__host__ __device__ static __forceinline__ char4 all(schar v)
Definition: vec_traits.hpp:178
cv::detail::tracking::TrackerModel::maxCMLength
int maxCMLength
Definition: tracking.private.hpp:335
cv::ft::SINUS
@ SINUS
sinusoidal shape
Definition: types.hpp:56
cv::kinfu::Intr::Projector::Projector
Projector(Intr intr)
Definition: intrinsics.hpp:41
cv::dnn::PaddingLayer
Adds extra values for specific axes.
Definition: all_layers.hpp:417
cv::Mat_::operator[]
_Tp * operator[](int y)
more convenient forms of row and element access operators
cv::bioinspired::RetinaParameters::IplMagno
IplMagnoParameters IplMagno
Definition: retina.hpp:179
cv::cuda::StereoBeliefPropagation
Class computing stereo correspondence using the belief propagation algorithm. :
Definition: cudastereo.hpp:129
cv::detail::tracking::contrib_feature::CvLBPEvaluator::~CvLBPEvaluator
virtual ~CvLBPEvaluator() CV_OVERRIDE
Definition: feature.hpp:371
cv::ml::SVM::create
static Ptr< SVM > create()
cv::viz::Camera::setWindowSize
void setWindowSize(const Size &window_size)
cv::rgbd::Odometry::DEFAULT_MIN_DEPTH
static float DEFAULT_MIN_DEPTH()
Definition: depth.hpp:535
cv::cudev::ConstantPtr::operator()
__device__ __forceinline__ T operator()(int, int) const
Definition: constant.hpp:64
cv::cudev::Avg::result
__device__ static __forceinline__ T result(T r, float sz)
Definition: reduce_to_vec.hpp:99
cv::CAP_PROP_TEMPERATURE
@ CAP_PROP_TEMPERATURE
Definition: videoio.hpp:159
cv::superres::SuperResolution::setInput
void setInput(const Ptr< FrameSource > &frameSource)
Set input frame source for Super Resolution algorithm.
cv::cuda::BackgroundSubtractorMOG::getBackgroundRatio
virtual double getBackgroundRatio() const =0
cv::ocl::OpenCLExecutionContext::operator=
OpenCLExecutionContext & operator=(const OpenCLExecutionContext &)=default
cv::cuda::HostMem::HostMem
HostMem(InputArray arr, HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
creates from host memory with coping data
cv::CirclesGridFinderParameters::squareSize
float squareSize
Distance between two adjacent points. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1653
cv::face::FacemarkLBF::Params::tree_n
int tree_n
number of tree in the model for each landmark point refinement
Definition: facemarkLBF.hpp:72
cv::MatExpr::operator*
MatExpr operator*(const Mat &a, const Mat &b)
cv::stereo::StereoBinaryBM::setTextureThreshold
virtual void setTextureThreshold(int textureThreshold)=0
cv::gapi::ie::detail::ParamDesc::model_path
std::string model_path
Definition: ie.hpp:50
cv::COLOR_YUV2BGRA_UYNV
@ COLOR_YUV2BGRA_UYNV
Definition: imgproc.hpp:694
cvv::impl::CallMetaData
Optional information about a location in Code.
Definition: call_meta_data.hpp:21
cv::cuda::BackgroundSubtractorFGD
The class discriminates between foreground and background pixels by building and maintaining a model ...
Definition: cudalegacy.hpp:145
cv::detail::tracking::online_boosting::ClassifierThreshold::ClassifierThreshold
ClassifierThreshold(EstimatedGaussDistribution *posSamples, EstimatedGaussDistribution *negSamples)
cv::MSER::setPass2Only
virtual void setPass2Only(bool f)=0
edgepreserving_filter.hpp
cv::dnn_superres::DnnSuperResImpl::DnnSuperResImpl
DnnSuperResImpl()
cv::COLORMAP_OCEAN
@ COLORMAP_OCEAN
Definition: imgproc.hpp:4272
cv::rgbd::RgbdNormals::RGBD_NORMALS_METHOD_FALS
@ RGBD_NORMALS_METHOD_FALS
Definition: depth.hpp:78
gkernel.hpp
cv::BackgroundSubtractorMOG2::getShadowThreshold
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
OPENCV_HAL_IMPL_RVV_ABSDIFF_S
#define OPENCV_HAL_IMPL_RVV_ABSDIFF_S(_Tpvec, _rTpvec, _nwTpvec, sub, rshr, width)
Definition: intrin_rvv.hpp:1693
cv::GeneralizedHoughGuil::setScaleStep
virtual void setScaleStep(double scaleStep)=0
Scale step.
cv::face::FacemarkAAM::Model::Texture::AA
Mat AA
gray values from all erorded face region in the dataset, projected in PCA space
Definition: facemarkAAM.hpp:123
zip.hpp
cv::getNearestPoint
int getNearestPoint(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
cv::Matx::dot
_Tp dot(const Matx< _Tp, m, n > &v) const
dot product computed with the default precision
cv::CALIB_FIX_TAUX_TAUY
@ CALIB_FIX_TAUX_TAUY
Definition: calib3d.hpp:511
cv::superres::DualTVL1OpticalFlow::getEpsilon
virtual double getEpsilon() const =0
cv::viz::Color::yellow
static Color yellow()
cv::ocl::Device::executionCapabilities
int executionCapabilities() const
cv::v_int8x16::v_int8x16
v_int8x16(vint8m1_t v)
Definition: intrin_rvv.hpp:266
cv::Affine3
Affine transform.
Definition: affine.hpp:127
cv::COLOR_BGR5652RGBA
@ COLOR_BGR5652RGBA
Definition: imgproc.hpp:562
cv::detail::tracking::online_boosting::BaseClassifier::replaceClassifierStatistic
void replaceClassifierStatistic(int sourceIndex, int targetIndex)
cv::cudev::DefaultSplitMergePolicy::block_size_y
@ block_size_y
Definition: split_merge.hpp:497
cv::legacy::TrackerMOSSE
the MOSSE (Minimum Output Sum of Squared Error) tracker
Definition: tracking_legacy.hpp:335
cv::linemod::DepthNormal::DepthNormal
DepthNormal(int distance_threshold, int difference_threshold, size_t num_features, int extract_threshold)
Constructor.
cv::cudacodec::RawVideoSource
Interface for video demultiplexing. :
Definition: cudacodec.hpp:318
cv::videostab::StabilizerBase::stabilizedFrames_
std::vector< Mat > stabilizedFrames_
Definition: stabilizer.hpp:137
cv::detail::PairwiseSeamFinder::corners_
std::vector< Point > corners_
Definition: seam_finders.hpp:102
cv::dnn::ELULayer
Definition: all_layers.hpp:453
cv::cudev::gridTransformUnary_
__host__ void gridTransformUnary_(const SrcPtr &src, GpuMat_< DstType > &dst, const UnOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:64
cv::rapid::drawWireframe
void drawWireframe(InputOutputArray img, InputArray pts2d, InputArray tris, const Scalar &color, int type=LINE_8, bool cullBackface=false)
cv::cuda::HostMem::size
Size size() const
cv::videostab::OnePassStabilizer::OnePassStabilizer
OnePassStabilizer()
cv::mcc::CCheckerDraw
checker draw
Definition: checker_model.hpp:113
cv::stereo::symetricCensusTransform
void symetricCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
cv::saliency::ObjectnessBING::setTrainingPath
void setTrainingPath(const String &trainingPath)
This is a utility function that allows to set the correct path from which the algorithm will load the...
cv::instr::FLAGS
FLAGS
Definition: instrumentation.hpp:109
cv::ximgproc::covarianceEstimation
void covarianceEstimation(InputArray src, OutputArray dst, int windowRows, int windowCols)
Computes the estimated covariance matrix of an image using the sliding window forumlation.
cv::rgbd::RgbdPlane::getSensorErrorB
double getSensorErrorB() const
Definition: depth.hpp:429
cv::mcc::DetectorParameters::minInterCheckerDistance
int minInterCheckerDistance
Definition: checker_detector.hpp:121
hal_ni_boxFilter
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
cv::detail::tracking::TrackerContribFeatureSet::removeOutliers
void removeOutliers()
Remove outliers for all feature types (optional)
cv::DISOpticalFlow::setVariationalRefinementAlpha
virtual void setVariationalRefinementAlpha(float val)=0
Weight of the smoothness term.
cv::ml::SVMSGD::SOFT_MARGIN
@ SOFT_MARGIN
General case, suits to the case of non-linearly separable sets, allows outliers.
Definition: ml.hpp:1811
cv::ml::DTrees::getTruncatePrunedTree
virtual bool getTruncatePrunedTree() const =0
cv::COLOR_YUV2RGB_I420
@ COLOR_YUV2RGB_I420
Definition: imgproc.hpp:654
cv::face::LBPHFaceRecognizer::setGridX
virtual void setGridX(int val)=0
cv::CirclesGridFinderParameters::convexHullFactor
float convexHullFactor
Definition: calib3d.hpp:1644
cv::MatOp
Definition: mat.hpp:3427
cv::SAMPLING_PROGRESSIVE_NAPSAC
@ SAMPLING_PROGRESSIVE_NAPSAC
Definition: calib3d.hpp:545
cv::selectROIs
void selectROIs(const String &windowName, InputArray img, std::vector< Rect > &boundingBoxes, bool showCrosshair=true, bool fromCenter=false)
Allows users to select multiple ROIs on the given image.
cv::detail::tracked_cv_umat::r
cv::UMat & r
Definition: goclkernel.hpp:132
cv::MatExpr::mul
MatExpr mul(const MatExpr &e, double scale=1) const
cv::Scalar_< double >::all
static Scalar_< double > all(double v0)
returns a scalar with all elements set to v0
cv::MediaFrame::View
Definition: media.hpp:44
cv::face::FaceRecognizer::predict
virtual void predict(InputArray src, Ptr< PredictCollector > collector) const =0
if implemented - send all result of prediction to collector that can be used for somehow custom resul...
cv::datasets::SR_div2k
Definition: sr_div2k.hpp:29
cv::cudev::CommonAreaInterPtr::area_height
float area_height
Definition: interpolation.hpp:300
cv::Quat::acos
friend Quat< T > acos(const Quat< T > &q)
return arccos value of quaternion q, arccos could be calculated as:
cv::cudev::BrdWrap
Definition: extrapolation.hpp:198
common.hpp
cv::AVIWriteContainer::initContainer
bool initContainer(const String &filename, double fps, Size size, bool iscolor)
cv::gapi::own::Scalar::val
double val[4]
Definition: scalar.hpp:35
cv::GComputation::apply
void apply(cv::Mat in, cv::Mat &out, GCompileArgs &&args={})
Execute an unary computation (with compilation on the fly)
cv::ximgproc::RICInterpolator::getAlpha
virtual float getAlpha() const =0
Alpha is a parameter defining a global weight for transforming geodesic distance into weight.
cv::cudev::vsetle2
__device__ __forceinline__ uint vsetle2(uint a, uint b)
Definition: simd_functions.hpp:359
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::init
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::rapid::OLSTracker::create
static Ptr< OLSTracker > create(InputArray pts3d, InputArray tris, int histBins=8, uchar sobelThesh=10)
hal_ni_medianBlur
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
cv::v_min
v_reg< _Tp, n > v_min(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Choose min values for each pair.
Definition: intrin_cpp.hpp:653
cv::reg::Mapper::gradient
void gradient(const cv::Mat &img1, const cv::Mat &img2, cv::Mat &Ix, cv::Mat &Iy, cv::Mat &It) const
trace.hpp
ovx.hpp
cv::detail::tracking::tbm::CosDistance::CosDistance
CosDistance(const cv::Size &descriptor_size)
CosDistance constructor.
cv::ml::NormalBayesClassifier::predictProb
virtual float predictProb(InputArray inputs, OutputArray outputs, OutputArray outputProbs, int flags=0) const =0
Predicts the response for sample(s).
cv::gapi::wip::GCaptureSource
OpenCV's VideoCapture-based streaming source.
Definition: cap.hpp:48
cv::bitwise_xor
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.
cv::videostab::ToFileMotionWriter::setMotionModel
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
Definition: global_motion.hpp:214
cv::dnn::ClassificationModel::classify
void classify(InputArray frame, int &classId, float &conf)
cv::cudev::logical_and::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:197
cv::cuda::GpuMat::clone
GpuMat clone() const
returns deep copy of the GpuMat, i.e. the data is copied
cv::cudev::exp10
__device__ __forceinline__ float1 exp10(const uchar1 &a)
Definition: vec_math.hpp:249
cv::cuda::CascadeClassifier::create
static Ptr< cuda::CascadeClassifier > create(const String &filename)
Loads the classifier from a file. Cascade type is detected automatically by constructor parameter.
cv::dnn::Net::setPreferableTarget
void setPreferableTarget(int targetId)
Ask network to make computations on specific target device.
cv::line_descriptor::KeyLine::getStartPointInOctave
Point2f getStartPointInOctave() const
Definition: descriptor.hpp:156
cv::AVIWriteContainer::AVIWriteContainer
AVIWriteContainer()
cv::utils::getConfigurationParameterString
cv::String getConfigurationParameterString(const char *name, const char *defaultValue)
cv::linemod::ColorGradient
Modality that computes quantized gradient orientations from a color image.
Definition: linemod.hpp:167
cv::optflow::GPCTrainingSamples::create
static Ptr< GPCTrainingSamples > create(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, int descriptorType)
cv::CAP_DSHOW
@ CAP_DSHOW
DirectShow (via videoInput)
Definition: videoio.hpp:101
cv::ccm::ColorCorrectionModel::setMaxCount
void setMaxCount(const int &max_count)
set MaxCount
cv::cuda::HoughCirclesDetector::getMaxRadius
virtual int getMaxRadius() const =0
cv::DetectionBasedTracker::innerParameters
InnerParameters innerParameters
Definition: detection_based_tracker.hpp:179
cv::large_kinfu::Params::coarseParams
static Ptr< Params > coarseParams()
Coarse parameters A set of parameters which provides better speed, can fail to match frames in case o...
cv::VideoCapture::getExceptionMode
bool getExceptionMode()
query if exception mode is active
Definition: videoio.hpp:818
cv::DescriptorMatcher::read
void read(const String &fileName)
Definition: features2d.hpp:1109
cv::v_mul_expand
void v_mul_expand(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &c, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &d)
Multiply and expand.
Definition: intrin_cpp.hpp:1104
cv::GMatDesc::chan
int chan
Definition: gmat.hpp:80
cv::SAMPLING_UNIFORM
@ SAMPLING_UNIFORM
Definition: calib3d.hpp:545
cv::videostab::InpainterBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:84
cv::CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION
Definition: videoio.hpp:259
cv::Stitcher::waveCorrectKind
detail::WaveCorrectKind waveCorrectKind() const
Definition: stitching.hpp:204
cv::DetectionBasedTracker::Parameters::Parameters
Parameters()
cv::InferAPIRoi
Definition: infer.hpp:122
cv::PaniniWarper
Definition: warpers.hpp:216
cv::phaseCorrelate
Point2d phaseCorrelate(InputArray src1, InputArray src2, InputArray window=noArray(), double *response=0)
The function is used to detect translational shifts that occur between two images.
cv::_InputArray::isVector
bool isVector() const
cv::cudev::saturate_cast< ushort >
__device__ __forceinline__ ushort saturate_cast< ushort >(schar v)
Definition: saturate_cast.hpp:156
cv::AlignExposures::process
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response)=0
Aligns images.
cv::gapi::streaming::detail::GMeta::yield
static std::tuple< R... > yield(cv::GCall &call, cv::detail::Seq< IIs... >)
Definition: meta.hpp:33
cv::GArg
Definition: garg.hpp:47
cv::cudev::UnaryNegate
Definition: functional.hpp:792
cv::viz::WText::getText
String getText() const
Returns the current text content of the widget.
cv::cuda::DenseOpticalFlow::calc
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow, Stream &stream=Stream::Null())=0
Calculates a dense optical flow.
cv::DetectionBasedTracker::TrackedObject::numDetectedFrames
int numDetectedFrames
Definition: detection_based_tracker.hpp:187
cv::GKernelImpl::opaque
util::any opaque
Definition: gkernel.hpp:60
cv::superres::FrameSource::reset
virtual void reset()=0
cv::structured_light::SinusoidalPattern::computePhaseMap
virtual void computePhaseMap(InputArrayOfArrays patternImages, OutputArray wrappedPhaseMap, OutputArray shadowMask=noArray(), InputArray fundamental=noArray())=0
Compute a wrapped phase map from sinusoidal patterns.
cv::BaseCascadeClassifier::MaskGenerator
Definition: objdetect.hpp:208
cv::HoughLines
void HoughLines(InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0, double min_theta=0, double max_theta=CV_PI)
Finds lines in a binary image using the standard Hough transform.
cv::detail::FeatherBlender::prepare
void prepare(Rect dst_roi) CV_OVERRIDE
cv::detail::OpaqueRef::OpaqueRef
OpaqueRef(T &&obj)
Definition: gopaque.hpp:247
cv::dnn::Net::~Net
~Net()
Destructor frees the net only if there aren't references to the net anymore.
cv::datasets::FR_adienceObj::dy
int dy
Definition: fr_adience.hpp:77
cv::mcc::MCC24
@ MCC24
Standard Macbeth Chart with 24 squares.
Definition: checker_model.hpp:48
cv::DISOpticalFlow::setGradientDescentIterations
virtual void setGradientDescentIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
cv::COLOR_YUV2GRAY_YUNV
@ COLOR_YUV2GRAY_YUNV
Definition: imgproc.hpp:721
cv::GEMM_3_T
@ GEMM_3_T
transposes src3
Definition: base.hpp:222
cv::detail::tracking::tbm::ITrackerByMatching::isTrackForgotten
virtual bool isTrackForgotten(size_t id) const =0
isTrackForgotten returns true if track is forgotten.
cv::face::BIF::compute
virtual void compute(InputArray image, OutputArray features) const =0
mask.hpp
dnn.hpp
cv::cudev::VecTraits< schar >::elem_type
schar elem_type
Definition: vec_traits.hpp:144
cv::COLOR_HLS2RGB
@ COLOR_HLS2RGB
Definition: imgproc.hpp:608
cv::detail::CompileArgTag< GFluidOutputRois >::tag
static const char * tag()
Definition: gfluidkernel.hpp:152
cv::Vec2i
Vec< int, 2 > Vec2i
Definition: matx.hpp:421
oilpainting.hpp
cv::gapi::wip::draw::Line::pt2
cv::Point pt2
The second point of the line segment.
Definition: render_types.hpp:226
cv::cuda::BroxOpticalFlow::getPyramidScaleFactor
virtual double getPyramidScaleFactor() const =0
cv::SAMPLING_PROSAC
@ SAMPLING_PROSAC
Definition: calib3d.hpp:546
cv::optflow::SparseRLOFOpticalFlow::getRLOFOpticalFlowParameter
virtual Ptr< RLOFOpticalFlowParameter > getRLOFOpticalFlowParameter() const =0
Configuration of the RLOF alogrithm.
cv::cuda::StereoConstantSpaceBP::getNrPlane
virtual int getNrPlane() const =0
number of active disparity on the first level
cv::cuda::calcSqrSum
void calcSqrSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::cudev::PtrTraits< Expr< Body > >::getCols
static __host__ int getCols(const Expr< Body > &expr)
Definition: expr.hpp:87
cv::Quat::exp
friend Quat< T > exp(const Quat< T > &q)
return the value of exponential value.
cv::Vec::_dummy_enum_finalizer
@ _dummy_enum_finalizer
Definition: matx.hpp:351
cv::cuda::DescriptorMatcher::match
virtual void match(InputArray queryDescriptors, std::vector< DMatch > &matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >())=0
cv::Size_::value_type
_Tp value_type
Definition: types.hpp:318
cv::ocl::checkOptimalVectorWidth
int checkOptimalVectorWidth(const int *vectorWidths, InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray(), OclVectorStrategy strat=OCL_VECTOR_DEFAULT)
cv::ppf_match_3d::transPCCoeff
Mat transPCCoeff(Mat pc, float scale, float Cx, float Cy, float Cz, float MinVal, float MaxVal)
cv::gapi::RGB2I420
GMat RGB2I420(const GMat &src)
Converts an image from RGB color space to I420 color space.
cv::v_signmask
int v_signmask(const v_reg< _Tp, n > &a)
Get negative values mask.
Definition: intrin_cpp.hpp:1277
cv::gapi::KalmanParams::processNoiseCov
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: video.hpp:38
cv::FarnebackOpticalFlow::setFlags
virtual void setFlags(int flags)=0
cv::dnn::Net::dumpToFile
void dumpToFile(const String &path)
Dump net structure, hyperparameters, backend, target and fusion to dot file.
cv::kinfu::Params::coarseParams
static Ptr< Params > coarseParams()
Coarse parameters A set of parameters which provides better speed, can fail to match frames in case o...
cv::optflow::GPCMatchingParams::GPCMatchingParams
GPCMatchingParams(const GPCMatchingParams &params)
Definition: sparse_matching_gpc.hpp:149
cv::bgsegm::BackgroundSubtractorMOG::setNMixtures
virtual void setNMixtures(int nmix)=0
cv::illuminationChange
void illuminationChange(InputArray src, InputArray mask, OutputArray dst, float alpha=0.2f, float beta=0.4f)
Applying an appropriate non-linear transformation to the gradient field inside the selection and then...
cv::UMatData::origdata
uchar * origdata
Definition: mat.hpp:559
cv::softdouble::isInf
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:307
cv::COLOR_YUV2GRAY_420
@ COLOR_YUV2GRAY_420
Definition: imgproc.hpp:668
cv::viz::WImageOverlay::setImage
void setImage(InputArray image)
Sets the image content of the widget.
cv::cudev::tan
__device__ __forceinline__ float1 tan(const uchar1 &a)
Definition: vec_math.hpp:303
cv::softfloat::nan
static softfloat nan()
Default NaN constant.
Definition: softfloat.hpp:208
cv::cuda::DescriptorMatcher::radiusMatchAsync
virtual void radiusMatchAsync(InputArray queryDescriptors, InputArray trainDescriptors, OutputArray matches, float maxDistance, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
For each query descriptor, finds the training descriptors not farther than the specified distance (as...
cv::BaseCascadeClassifier::MaskGenerator::generateMask
virtual Mat generateMask(const Mat &src)=0
cv::COLOR_BayerGB2GRAY
@ COLOR_BayerGB2GRAY
Definition: imgproc.hpp:754
cv::legacy::TrackerBoosting::create
static Ptr< legacy::TrackerBoosting > create()
cv::gapi::fluid::View::y
int y() const
cv::dnn::ClassificationModel::classify
std::pair< int, float > classify(InputArray frame)
Given the input frame, create input blob, run net and return top-1 prediction.
cv::detail::tracking::TrackerContribSamplerAlgorithm::sampling
virtual bool sampling(const Mat &image, const Rect &boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
Computes the regions starting from a position in an image.
cv::legacy::TrackerCSRT::create
static Ptr< legacy::TrackerCSRT > create()
cv::QRCodeDetector::decodeMulti
bool decodeMulti(InputArray img, InputArray points, std::vector< std::string > &decoded_info, OutputArrayOfArrays straight_qrcode=noArray()) const
Decodes QR codes in image once it's found by the detect() method.
cv::Stitcher::create
static Ptr< Stitcher > create(Mode mode=Stitcher::PANORAMA)
Creates a Stitcher configured in one of the stitching modes.
cv::detail::SphericalWarper::SphericalWarper
SphericalWarper(float scale)
Construct an instance of the spherical warper class.
Definition: warpers.hpp:323
cv::COLOR_BGR2Luv
@ COLOR_BGR2Luv
convert RGB/BGR to CIE Luv, color conversions
Definition: imgproc.hpp:595
cv::saliency::StaticSaliencySpectralResidual::getImageWidth
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:92
cv::gapi::detail::getCompileArgs
cv::GCompileArgs getCompileArgs(const std::vector< char > &p)
Definition: s11n.hpp:318
cv::optflow::RLOFOpticalFlowParameter::setMinEigenValue
void setMinEigenValue(float val)
cv::cuda::StereoBeliefPropagation::getMaxDiscTerm
virtual double getMaxDiscTerm() const =0
truncation of discontinuity cost
cv::NAryMatIterator::NAryMatIterator
NAryMatIterator(const Mat **arrays, Mat *planes, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
cv::ppf_match_3d::Pose3D::Pose3D
Pose3D()
Definition: pose_3d.hpp:73
cv::cuda::FarnebackOpticalFlow::getFlags
virtual int getFlags() const =0
cv::cuda::createLaplacianFilter
Ptr< Filter > createLaplacianFilter(int srcType, int dstType, int ksize=1, double scale=1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a Laplacian operator.
cv::detail::CylindricalWarper
Warper that maps an image onto the x*x + z*z = 1 cylinder.
Definition: warpers.hpp:342
cv::Param::INT
@ INT
cv::Subdiv2D::insert
void insert(const std::vector< Point2f > &ptvec)
Insert multiple points into a Delaunay triangulation.
cv::gapi::video::BackgroundSubtractorParams::threshold
double threshold
Definition: video.hpp:113
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< Mat > &vec)
cv::DetectionBasedTracker::IDetector::setMinObjectSize
void setMinObjectSize(const cv::Size &min)
Definition: detection_based_tracker.hpp:80
cv::gapi::s11n::operator>>
IIStream & operator>>(IIStream &is, cv::Point &pt)
cv::DetectionBasedTracker::InnerParameters
Definition: detection_based_tracker.hpp:166
cv::softfloat::setSign
softfloat setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:177
cv::ximgproc::DTFilter
Interface for realizations of Domain Transform filter.
Definition: edge_filter.hpp:67
cv::viz::WCloudCollection::addCloud
void addCloud(InputArray cloud, InputArray colors, const Affine3d &pose=Affine3d::Identity())
Adds a cloud to the collection.
cv::cuda::findMinMax
void findMinMax(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::BackgroundSubtractorKNN::getDetectShadows
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
cv::dnn::Net::getLayerShapes
void getLayerShapes(const MatShape &netInputShape, const int layerId, std::vector< MatShape > &inLayerShapes, std::vector< MatShape > &outLayerShapes) const
Returns input and output shapes for layer with specified id in loaded model; preliminary inferencing ...
cv::cuda::Stream::enqueueHostCallback
void enqueueHostCallback(StreamCallback callback, void *userData)
Adds a callback to be called on the host after all currently enqueued items in the stream have comple...
cv::ovis::MATERIAL_TEXTURE0
@ MATERIAL_TEXTURE0
Definition: ovis.hpp:65
hal_ni_absdiff8s
int hal_ni_absdiff8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:131
cv::detail::tracking::tbm::Track::lost
size_t lost
How many frames ago track has been lost.
Definition: tracking_by_matching.hpp:392
cv::cuda::HOG::getBlockHistogramSize
virtual size_t getBlockHistogramSize() const =0
Returns the block histogram size.
tls.hpp
cv::detail::tracking::feature::CvFeatureEvaluator::getFeatureSize
int getFeatureSize() const
Definition: tracking_feature.private.hpp:69
cv::cuda::GpuMat::reshape
GpuMat reshape(int cn, int rows=0) const
cv::cudev::FindMinValExprBody
Definition: reduction.hpp:87
NCV_NOIMPL_HAAR_TILTED_FEATURES
@ NCV_NOIMPL_HAAR_TILTED_FEATURES
Definition: NCV.hpp:349
cv::Feature2D::read
virtual void read(const FileNode &) CV_OVERRIDE
Reads algorithm parameters from a file storage.
cv::Allocator::construct
void construct(pointer p, const _Tp &v)
Definition: cvstd.hpp:135
cv::ml::VAR_CATEGORICAL
@ VAR_CATEGORICAL
categorical variables
Definition: ml.hpp:85
cv::GFTTDetector::getBlockSize
virtual int getBlockSize() const =0
cv::_OutputArray::_OutputArray
_OutputArray(ogl::Buffer &buf)
cv::cuda::ORB::getBlurForDescriptor
virtual bool getBlurForDescriptor() const =0
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::setTargetFg
void setTargetFg(bool foreground)
Set label: true for target foreground, false for background.
cv::dnn::MaxUnpoolLayer::poolPad
Size poolPad
Definition: all_layers.hpp:536
cv::GRunArg
Definition: garg.hpp:122
cv::va_intel::convertToVASurface
void convertToVASurface(VADisplay display, InputArray src, VASurfaceID surface, Size size)
Converts InputArray to VASurfaceID object.
cv::ocl::Queue::getProfilingQueue
const Queue & getProfilingQueue() const
Returns OpenCL command queue with enable profiling mode support.
cv::DetectionBasedTracker::Object
std::pair< cv::Rect, int > Object
Definition: detection_based_tracker.hpp:134
cv::cuda::COLOR_BayerRG2RGB_MHT
@ COLOR_BayerRG2RGB_MHT
Definition: cudaimgproc.hpp:102
cv::demosaicing
void demosaicing(InputArray src, OutputArray dst, int code, int dstCn=0)
main function for all demosaicing processes
cv::cudev::EnableIf
Definition: type_traits.hpp:107
tuple_adapter.hpp
cv::RotatedRect::RotatedRect
RotatedRect()
default constructor
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat_ &m, Rect roi)
cv::detail::get_border_helper< true, Impl, Ins... >::get_border_impl
static gapi::fluid::BorderOpt get_border_impl(const GMetaArgs &metas, const cv::GArgs &in_args, cv::detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:268
cv::cudev::DerivXPtr::index_type
int index_type
Definition: deriv.hpp:64
nppiStTranspose_128_C1R_host
NCVStatus nppiStTranspose_128_C1R_host(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
cv::ppf_match_3d::PPF3DDetector::sampled_pc
Mat sampled_pc
Definition: ppf_match_3d.hpp:150
hal_ni_add16u
int hal_ni_add16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:78
cv::videostab::LpMotionStabilizer::frameSize
Size frameSize() const
Definition: motion_stabilizing.hpp:126
cv::displayStatusBar
void displayStatusBar(const String &winname, const String &text, int delayms=0)
Displays a text on the window statusbar during the specified period of time.
cv::LDA::subspaceReconstruct
static Mat subspaceReconstruct(InputArray W, InputArray mean, InputArray src)
cv::cudev::AffineMapPtr::value_type
float2 value_type
Definition: warping.hpp:63
cv::ocl::Timer::Timer
Timer(const Queue &q)
cv::ml::SVM::getTermCriteria
virtual cv::TermCriteria getTermCriteria() const =0
cv::cudev::BrdReplicate::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:127
cv::GTransform
Definition: gtransform.hpp:25
CV_DbgCheckLT
#define CV_DbgCheckLT(v1, v2, msg)
Definition: check.hpp:145
cv::detail::GainCompensator::GainCompensator
GainCompensator(int nr_feeds)
Definition: exposure_compensate.hpp:117
cv::Subdiv2D::symEdge
int symEdge(int edge) const
cv::MatExpr::MatExpr
MatExpr(const MatOp *_op, int _flags, const Mat &_a=Mat(), const Mat &_b=Mat(), const Mat &_c=Mat(), double _alpha=1, double _beta=1, const Scalar &_s=Scalar())
cv::dynafu::DynaFu::getPoints
virtual void getPoints(OutputArray points) const =0
Gets points of current 3d mesh.
cv::QRCodeDetector::QRCodeDetector
QRCodeDetector()
cv::MSER::create
static Ptr< MSER > create(int _delta=5, int _min_area=60, int _max_area=14400, double _max_variation=0.25, double _min_diversity=.2, int _max_evolution=200, double _area_threshold=1.01, double _min_margin=0.003, int _edge_blur_size=5)
Full constructor for MSER detector.
cv::text::OEM_TESSERACT_CUBE_COMBINED
@ OEM_TESSERACT_CUBE_COMBINED
Definition: ocr.hpp:87
cv::CompressedRectilinearPortraitWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:212
cv::detail::OCLCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call
static void call(GOCLContext &ctx)
Definition: goclkernel.hpp:219
cv::FileNode::read
void read(const FileNode &node, double &value, double default_value)
cv::hal::add16u
void add16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::cudev::log
__device__ __forceinline__ float1 log(const uchar1 &a)
Definition: vec_math.hpp:258
cv::GProtoArg
util::variant< GMat, GMatP, GFrame, GScalar, detail::GArrayU, detail::GOpaqueU > GProtoArg
Definition: gproto.hpp:43
cv::Mat_::elemSize1
size_t elemSize1() const
cv::DECOMP_SVD
@ DECOMP_SVD
Definition: base.hpp:138
cv::viz::readMesh
Mesh readMesh(const String &file)
Reads mesh. Only ply format is supported now and no texture load support.
cv::util::operator==
bool operator==(const util::monostate &, const util::monostate &)
Definition: variant.hpp:58
cv::detail::OptRef
Definition: gstreaming.hpp:33
cv::ocl::Context
Definition: ocl.hpp:246
cv::CAP_PROP_XI_ACQ_TIMING_MODE
@ CAP_PROP_XI_ACQ_TIMING_MODE
Type of sensor frames timing.
Definition: videoio.hpp:456
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_DivOp)
cv::face::FacemarkLBF::Params::feats_m
std::vector< int > feats_m
Definition: facemarkLBF.hpp:84
cv::detail::CylindricalProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::util::copy_through_move_t::copy_through_move_t
copy_through_move_t(T &&g)
Definition: copy_through_move.hpp:22
cv::linemod::Detector::getTemplates
const std::vector< Template > & getTemplates(const String &class_id, int template_id) const
Get the template pyramid identified by template_id.
cv::cudev::Sum::work_type
T work_type
Definition: reduce_to_vec.hpp:67
cv::dnn::DictValue::DictValue
DictValue(bool i)
Constructs integer scalar.
Definition: dict.hpp:63
cv::CALIB_CB_ASYMMETRIC_GRID
@ CALIB_CB_ASYMMETRIC_GRID
Definition: calib3d.hpp:491
cv::cudacodec::EncoderCallBack::~EncoderCallBack
virtual ~EncoderCallBack()
Definition: cudacodec.hpp:140
cv::img_hash::ImgHashBase::compare
double compare(cv::InputArray hashOne, cv::InputArray hashTwo) const
Compare the hash value between inOne and inTwo.
cv::detail::BundleAdjusterReproj::BundleAdjusterReproj
BundleAdjusterReproj()
Definition: motion_estimators.hpp:248
cv::dnn::Net::getMemoryConsumption
void getMemoryConsumption(const int layerId, const std::vector< MatShape > &netInputShapes, size_t &weights, size_t &blobs) const
cv::v_mul_hi
v_reg< _Tp, n > v_mul_hi(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Multiply and extract high part.
Definition: intrin_cpp.hpp:1121
cv::datasets::SLAM_kitti::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::datasets::Dataset::Dataset
Dataset()
Definition: dataset.hpp:567
cv::DMatch::operator<
bool operator<(const DMatch &m) const
cv::v_interleave_pairs
v_reg< _Tp, n > v_interleave_pairs(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2276
cv::text::TextDetectorCNN::detect
virtual void detect(InputArray inputImage, std::vector< Rect > &Bbox, std::vector< float > &confidence) CV_OVERRIDE=0
cv::detail::CompileArgTag< cv::gapi::video::BackgroundSubtractorParams >::tag
static const char * tag()
Definition: video.hpp:352
cv::ml::DTrees::setUse1SERule
virtual void setUse1SERule(bool val)=0
cv::Quat::createFromRvec
static Quat< _Tp > createFromRvec(InputArray rvec)
from a rotation vector has the form , where represents rotation angle and represents normalized ro...
cv::rgbd::RgbdNormals::RGBD_NORMALS_METHOD
RGBD_NORMALS_METHOD
Definition: depth.hpp:77
cv::BackgroundSubtractorMOG2::setShadowValue
virtual void setShadowValue(int value)=0
Sets the shadow value.
cv::Matx::mat_type
Matx< _Tp, m, n > mat_type
Definition: matx.hpp:114
cv::softdouble::one
static softdouble one()
One constant.
Definition: softfloat.hpp:352
cv::omnidir::CALIB_USE_GUESS
@ CALIB_USE_GUESS
Definition: omnidir.hpp:57
cv::TermCriteria
The class defining termination criteria for iterative algorithms.
Definition: types.hpp:853
cv::TLSDataContainer::~TLSDataContainer
virtual ~TLSDataContainer()
cv::CALIB_FIX_FOCAL_LENGTH
@ CALIB_FIX_FOCAL_LENGTH
Definition: calib3d.hpp:500
cv::cudev::GpuMat_::col
__host__ GpuMat_ col(int x) const
cv::hal::min8s
void min8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::gapi::crop
GMat crop(const GMat &src, const Rect &rect)
Crops a 2D matrix.
hal_ni_min32s
int hal_ni_min32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:115
cv::v_uint8x16::get0
uchar get0() const
Definition: intrin_rvv.hpp:252
cv::RETR_CCOMP
@ RETR_CCOMP
Definition: imgproc.hpp:423
cv::cuda::HostMem::HostMem
HostMem(const HostMem &m)
cv::rgbd::Odometry::setCameraMatrix
virtual void setCameraMatrix(const cv::Mat &val)=0
cv::datasets::humaneva_1
@ humaneva_1
Definition: hpe_humaneva.hpp:73
cv::sfm::BaseSFM::run
virtual void run(const std::vector< String > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
cv::dnn::Layer::setParamsFrom
void setParamsFrom(const LayerParams &params)
Initializes only name, type and blobs fields.
cv::Vec3w
Vec< ushort, 3 > Vec3w
Definition: matx.hpp:418
cv::COLOR_RGBA2BGR565
@ COLOR_RGBA2BGR565
Definition: imgproc.hpp:560
cv::datasets::AR_hmdb::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::cudev::NormHamming::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:164
cv::detail::PaniniPortraitProjector::b
float b
Definition: warpers.hpp:453
cv::detail::StereographicProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
hal_ni_cmp64f
int hal_ni_cmp64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:215
cv::COLORMAP_PLASMA
@ COLORMAP_PLASMA
Definition: imgproc.hpp:4282
cv::detail::OCVSetupHelper< Impl, std::tuple< Ins... > >::setup
static void setup(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &compileArgs)
Definition: gcpukernel.hpp:347
cv::hal::DFT2D::~DFT2D
virtual ~DFT2D()
Definition: hal.hpp:217
cv::hal::mul64f
void mul64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
cv::operator<
v_reg< _Tp, n > operator<(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Less-than comparison.
Definition: intrin_cpp.hpp:750
cv::detail::SphericalPortraitProjector
Definition: warpers.hpp:620
cv::ml::SVM::getCoef0
virtual double getCoef0() const =0
cv::dnn::ClassificationModel::ClassificationModel
ClassificationModel(const String &model, const String &config="")
Create classification model from network represented in one of the supported formats....
hal_ni_LU32f
int hal_ni_LU32f(float *src1, size_t src1_step, int m, float *src2, size_t src2_step, int n, int *info)
Definition: hal_replacement.hpp:595
cv::ocl::Device::image2DMaxHeight
size_t image2DMaxHeight() const
cv::bgsegm::BackgroundSubtractorLSBP::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
cv::dnn::DNN_TARGET_OPENCL
@ DNN_TARGET_OPENCL
Definition: dnn.hpp:90
cv::FileStorage::startWriteStruct
void startWriteStruct(const String &name, int flags, const String &typeName=String())
Starts to write a nested structure (sequence or a mapping).
cv::CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
@ CAP_PROP_XI_SENSOR_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_SENSOR_FEATURE_VALUE.
Definition: videoio.hpp:491
cv::Matx::diag_type
Matx< _Tp, shortdim, 1 > diag_type
Definition: matx.hpp:115
kmeans_index.h
cv::cudev::RemapPtr1Sz::rows
int rows
Definition: remap.hpp:94
cv::detail::SphericalWarperGpu::SphericalWarperGpu
SphericalWarperGpu(float scale)
Definition: warpers.hpp:558
cv::omnidir::internal::fillFixedStereo
void fillFixedStereo(Mat &G, int flags, int n)
cv::detail::BundleAdjusterBase::pairwise_matches_
const MatchesInfo * pairwise_matches_
Definition: motion_estimators.hpp:203
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, const String &dslabel, const int *dims_offset, const int *dims_counts) const =0
Read specific dataset from hdf5 file into Mat object.
cv::cudev::scharrX_
__host__ Expr< ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrX_(const SrcPtr &src)
Definition: deriv.hpp:99
cv::dnn::TextDetectionModel_DB::TextDetectionModel_DB
TextDetectionModel_DB()
cv::mcc::DetectorParameters::findCandidatesApproxPolyDPEpsMultiplier
double findCandidatesApproxPolyDPEpsMultiplier
Definition: checker_detector.hpp:114
cv::ml::TrainData::getCatCount
virtual int getCatCount(int vi) const =0
cv::GArg::GArg
GArg()
Definition: garg.hpp:49
cv::CALIB_CB_FILTER_QUADS
@ CALIB_CB_FILTER_QUADS
Definition: calib3d.hpp:482
cv::Tracker::~Tracker
virtual ~Tracker()
cv::ppf_match_3d::hashtableCreate
hashtable_int * hashtableCreate(size_t size, size_t(*hashfunc)(uint))
cv::InferAPIList2::type
typename std::enable_if< detail::valid_infer_types< T >::value &&cv::detail::valid_infer2_types< typename Net::InArgs, std::tuple< Ts... > >::value, std::function< typename Net::ResultL(T, cv::GArray< Ts >...)> >::type type
Definition: infer.hpp:150
cv::Mat_::Mat_
Mat_(const std::initializer_list< int > sizes, const std::initializer_list< _Tp > values)
cv::optflow::DualTVL1OpticalFlow::setTheta
virtual void setTheta(double val)=0
Weight parameter for (u - v)^2, tightness parameter.
cv::cuda::AlphaCompTypes
AlphaCompTypes
Definition: cudaimgproc.hpp:159
binary_op.hpp
cv::CAP_INTELPERC_UVDEPTH_MAP
@ CAP_INTELPERC_UVDEPTH_MAP
Each pixel contains two 32-bit floating point values in the range of 0-1, representing the mapping of...
Definition: videoio.hpp:556
cv::setOpenGlDrawCallback
void setOpenGlDrawCallback(const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0)
Sets a callback function to be called to draw on top of displayed image.
cv::detail::tracking::tbm::ITrackerByMatching
Tracker-by-Matching algorithm interface.
Definition: tracking_by_matching.hpp:416
cv::cuda::HoughLinesDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::Accumulator::Type
T Type
Definition: features2d.hpp:883
cv::softfloat::softfloat
softfloat(const uint32_t)
Construct from integer.
cv::v_reg
Definition: intrin_cpp.hpp:274
cv::detail::tracking::tbm::IDescriptorDistance::compute
virtual float compute(const cv::Mat &descr1, const cv::Mat &descr2)=0
Computes distance between two descriptors.
cv::kinfu::Params::hashTSDFParams
static Ptr< Params > hashTSDFParams(bool isCoarse)
HashTSDF parameters A set of parameters suitable for use with HashTSDFVolume.
cv::UMat::getStdAllocator
static MatAllocator * getStdAllocator()
and the standard allocator
cv::ximgproc::RidgeDetectionFilter
Applies Ridge Detection Filter to an input image. Implements Ridge detection similar to the one in Ma...
Definition: ridgefilter.hpp:28
cv::GFluidParallelFor::parallel_for
std::function< void(std::size_t size, std::function< void(std::size_t index)>)> parallel_for
Definition: gfluidkernel.hpp:144
cv::multicalib::MultiCameraCalibration::vertex::vertex
vertex(Mat po, int ts)
Definition: multicalib.hpp:105
cv::dnn::DictValue::DictValue
DictValue(int64 i=0)
Constructs integer scalar.
Definition: dict.hpp:64
cv::Cholesky
bool Cholesky(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::text::TextDetectorCNN::create
static Ptr< TextDetectorCNN > create(const String &modelArchFilename, const String &modelWeightsFilename)
cv::ximgproc::SuperpixelLSC
Class implementing the LSC (Linear Spectral Clustering) superpixels algorithm described in .
Definition: lsc.hpp:72
cv::face::FaceRecognizer::predict
int predict(InputArray src) const
cv::CAP_PROP_XI_TS_RST_SOURCE
@ CAP_PROP_XI_TS_RST_SOURCE
Defines which source will be used for timestamp reset. Writing this parameter will trigger settings o...
Definition: videoio.hpp:464
cv::FileNode::isMap
static bool isMap(int flags)
cv::cuda::Stream::Null
static Stream & Null()
return Stream object for default CUDA stream
cv::CAP_PVAPI_PIXELFORMAT_BAYER16
@ CAP_PVAPI_PIXELFORMAT_BAYER16
Bayer16.
Definition: videoio.hpp:329
cv::util::bad_optional_access::what
virtual const char * what() const noexcept override
Definition: optional.hpp:21
cv::stereo::StereoBinarySGBM::setMode
virtual void setMode(int mode)=0
cv::CAP_PROP_XI_TRG_SOFTWARE
@ CAP_PROP_XI_TRG_SOFTWARE
Generates an internal trigger. PRM_TRG_SOURCE must be set to TRG_SOFTWARE.
Definition: videoio.hpp:348
cv::detail::tracking::online_boosting::Detector::getPatchIdxOfBestDetection
int getPatchIdxOfBestDetection()
cv::detail::tracking::online_boosting::BaseClassifier::getSelectedClassifier
int getSelectedClassifier() const
cv::KalmanFilter::statePre
Mat statePre
predicted state (x'(k)): x(k)=A*x(k-1)+B*u(k)
Definition: tracking.hpp:393
cv::Rect
Rect2i Rect
Definition: types.hpp:462
cv::detail::tracking::tbm::ITrackerByMatching::setParams
virtual void setParams(const TrackerParams &params)=0
Pipeline parameters setter.
cv::aruco::Dictionary::markerSize
int markerSize
Definition: dictionary.hpp:65
cv::GComputation::compile
auto compile(const Ts &... metas) -> typename std::enable_if< detail::are_meta_descrs< Ts... >::value, GCompiled >::type
Definition: gcomputation.hpp:372
cv::Allocator::reference
value_type & reference
Definition: cvstd.hpp:116
cv::ppf_match_3d::ICP::ICP
ICP()
Definition: icp.hpp:90
cv::mcc::CCheckerDetector::setNet
virtual bool setNet(dnn::Net net)=0
Set the net which will be used to find the approximate bounding boxes for the color charts.
cv::aruco::Board
Board of markers.
Definition: aruco.hpp:272
cv::TickMeter::stop
void stop()
stops counting ticks.
Definition: utility.hpp:310
cv::CAP_PROP_XI_TRG_SOURCE
@ CAP_PROP_XI_TRG_SOURCE
Defines source of trigger.
Definition: videoio.hpp:347
cv::AVIReadContainer::m_file_stream
Ptr< VideoInputStream > m_file_stream
Definition: container_avi.private.hpp:124
cv::viz::Color::rose
static Color rose()
cv::v_add_wrap
v_reg< _Tp, n > v_add_wrap(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Add values without saturation.
Definition: intrin_cpp.hpp:812
cv::detail::tracking::TrackerContribFeatureSet::TrackerContribFeatureSet
TrackerContribFeatureSet()
cv::VideoWriter::isOpened
virtual bool isOpened() const
Returns true if video writer has been successfully initialized.
cv::triangulatePoints
void triangulatePoints(InputArray projMatr1, InputArray projMatr2, InputArray projPoints1, InputArray projPoints2, OutputArray points4D)
This function reconstructs 3-dimensional points (in homogeneous coordinates) by using their observati...
cv::SparseMat::clone
SparseMat clone() const CV_NODISCARD
creates full copy of the matrix
cv::ximgproc::RICInterpolator::setSuperpixelNNCnt
virtual void setSuperpixelNNCnt(int spNN=150)=0
Parameter defines the number of nearest-neighbor matches for each superpixel considered,...
cv::FarnebackOpticalFlow::setPolyN
virtual void setPolyN(int polyN)=0
cv::decolor
void decolor(InputArray src, OutputArray grayscale, OutputArray color_boost)
Transforms a color image to a grayscale image. It is a basic tool in digital printing,...
cv::datasets::GR_chalearnObj::fps
int fps
Definition: gr_chalearn.hpp:78
cv::COLOR_BGRA2YUV_I420
@ COLOR_BGRA2YUV_I420
Definition: imgproc.hpp:734
cv::BOWImgDescriptorExtractor::dmatcher
Ptr< DescriptorMatcher > dmatcher
Definition: features2d.hpp:1537
cv::find4QuadCornerSubpix
bool find4QuadCornerSubpix(InputArray img, InputOutputArray corners, Size region_size)
finds subpixel-accurate positions of the chessboard corners
cv::detail::CompressedRectilinearPortraitWarper
Definition: warpers.hpp:419
cv::AKAZE::setNOctaves
virtual void setNOctaves(int octaves)=0
cv::Node::findChild
Node< OBJECT > * findChild(OBJECT &payload) const
Definition: utility.hpp:1065
cv::videostab::StabilizerBase::setCorrectionForInclusion
void setCorrectionForInclusion(bool val)
Definition: stabilizer.hpp:92
cv::cuda::DescriptorMatcher::matchConvert
virtual void matchConvert(InputArray gpu_matches, std::vector< DMatch > &matches)=0
Converts matches array from internal representation to standard matches vector.
cv::FILTER_SCHARR
@ FILTER_SCHARR
Definition: imgproc.hpp:208
cv::vuint32mf2_t
Definition: intrin_rvv.hpp:72
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator(SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::cuda::FEATURE_SET_COMPUTE_35
@ FEATURE_SET_COMPUTE_35
Definition: cuda.hpp:783
cv::filter2D
void filter2D(InputArray src, OutputArray dst, int ddepth, InputArray kernel, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
Convolves an image with the kernel.
cv::EVENT_MOUSEMOVE
@ EVENT_MOUSEMOVE
indicates that the mouse pointer has moved over the window.
Definition: highgui.hpp:210
cv::COLOR_BayerRG2RGB_VNG
@ COLOR_BayerRG2RGB_VNG
Definition: imgproc.hpp:766
cv::ocl::Device::fromHandle
static Device fromHandle(void *d)
CV_CUDEV_BINARY_FUNCTION_INST
#define CV_CUDEV_BINARY_FUNCTION_INST(name, func)
Definition: functional.hpp:543
cv::cudev::DefaultCopyPolicy::block_size_x
@ block_size_x
Definition: copy.hpp:352
NCVVector::copySolid
NCVStatus copySolid(NCVVector< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:586
cv::CAP_PROP_XI_DEBOUNCE_T0
@ CAP_PROP_XI_DEBOUNCE_T0
Debounce time (x * 10us).
Definition: videoio.hpp:434
cv::Mat::MAGIC_VAL
@ MAGIC_VAL
Definition: mat.hpp:2079
weighted_median_filter.hpp
cv::viz::FONT_SIZE
@ FONT_SIZE
Definition: widgets.hpp:66
cv::face::LBPHFaceRecognizer::setNeighbors
virtual void setNeighbors(int val)=0
cv::Range::start
int start
Definition: types.hpp:598
cv::cv2eigen
static void cv2eigen(const Mat &src, Eigen::Tensor< _Tp, 3, _layout > &dst)
Converts a cv::Mat to an Eigen::Tensor.
Definition: eigen.hpp:132
cv::theRNG
RNG & theRNG()
Returns the default random number generator.
cv::CAP_PVAPI_FSTRIGMODE_SYNCIN1
@ CAP_PVAPI_FSTRIGMODE_SYNCIN1
SyncIn1.
Definition: videoio.hpp:312
cv::DataDepth::value
@ value
Definition: traits.hpp:289
cv::Vec::Vec
Vec(const Matx< _Tp, cn, 1 > &a, const Matx< _Tp, cn, 1 > &b, Matx_AddOp)
cv::cudev::Min
Definition: reduce_to_vec.hpp:106
cv::utils::optional_shared_lock_guard::~optional_shared_lock_guard
~optional_shared_lock_guard()
Definition: lock.private.hpp:106
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::~UnscentedKalmanFilter
virtual ~UnscentedKalmanFilter()
Definition: kalman_filters.hpp:63
cv::bgsegm::BackgroundSubtractorGMG::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
Sets total number of distinct colors to maintain in histogram.
cv::cnn_3dobj::descriptorExtractor::descriptorExtractor
descriptorExtractor(const String &device_type, int device_id=0)
Set the device for feature extraction, if the GPU is used, there should be a device_id.
cv::datasets::genderType
genderType
Definition: fr_adience.hpp:61
cv::bgsegm::createBackgroundSubtractorMOG
Ptr< BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
cv::LSD_REFINE_NONE
@ LSD_REFINE_NONE
No refinement applied.
Definition: imgproc.hpp:485
OPENCV_HAL_IMPL_C_RSHR_PACK_STORE
#define OPENCV_HAL_IMPL_C_RSHR_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2565
cv::cuda::cartToPolar
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts Cartesian coordinates into polar.
cv::Matx::operator*=
static Matx< _Tp, m, n > & operator*=(Matx< _Tp, m, n > &a, int alpha)
Definition: matx.hpp:1222
cv::detail::PaniniProjector::a
float a
Definition: warpers.hpp:432
cv::AlignMTB::setMaxBits
virtual void setMaxBits(int max_bits)=0
cv::INTER_MAX
@ INTER_MAX
Definition: imgproc.hpp:263
cv::ppf_match_3d::ICP
This class implements a very efficient and robust variant of the iterative closest point (ICP) algori...
Definition: icp.hpp:81
cv::kinfu::KinFu::getNormals
virtual void getNormals(InputArray points, OutputArray normals) const =0
Calculates normals for given points.
cv::dnn::Net::getLayerTypes
void getLayerTypes(std::vector< String > &layersTypes) const
Returns list of types for layer used in model.
cv::CAP_OPENNI_DISPARITY_MAP_32F
@ CAP_OPENNI_DISPARITY_MAP_32F
Disparity in pixels (CV_32FC1)
Definition: videoio.hpp:268
cv::DescriptorMatcher::DescriptorCollection
Definition: features2d.hpp:1153
cv::ximgproc::Boxes
std::vector< Box > Boxes
Definition: edgeboxes.hpp:63
cv::ovis::MATERIAL_TEXTURE1
@ MATERIAL_TEXTURE1
Definition: ovis.hpp:67
ncvHaarStoreNVBIN_host
NCVStatus ncvHaarStoreNVBIN_host(const cv::String &filename, HaarClassifierCascadeDescriptor haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures)
cv::ORB::setPatchSize
virtual void setPatchSize(int patchSize)=0
cv::Point2i
Point_< int > Point2i
Definition: types.hpp:190
cv::Algorithm::loadFromString
static Ptr< _Tp > loadFromString(const String &strModel, const String &objname=String())
Loads algorithm from a String.
Definition: core.hpp:3165
cv::COLOR_RGB2HSV
@ COLOR_RGB2HSV
Definition: imgproc.hpp:590
cv::gapi::video::BackgroundSubtractorParams::BackgroundSubtractorParams
BackgroundSubtractorParams()
default constructor
Definition: video.hpp:125
cv::ocl::OpenCLExecutionContext::OpenCLExecutionContext
OpenCLExecutionContext(OpenCLExecutionContext &&)=default
cv::videostab::MotionEstimatorL1::MotionEstimatorL1
MotionEstimatorL1(MotionModel model=MM_AFFINE)
cv::detail::tracking::feature::CvFeatureParams
Definition: tracking_feature.private.hpp:35
cv::detail::tracking::contrib_feature::CvHOGFeatureParams
Definition: feature.hpp:297
cv::ft::FT02D_FL_process_float
void FT02D_FL_process_float(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
cv::MergeMertens::setContrastWeight
virtual void setContrastWeight(float contrast_weiht)=0
cv::cudev::PyrUpBody::src
SrcPtr src
Definition: warping.hpp:132
cv::cnn_3dobj::icoSphere::icoSphere
icoSphere(float radius_in, int depth_in)
Generating a sphere by mean of a iteration based points selection process.
cv::detail::tracking::TrackerModel::runStateEstimator
bool runStateEstimator()
Run the TrackerStateEstimator, return true if is possible to estimate a new state,...
cv::dnn::BackendNode::BackendNode
BackendNode(int backendId)
cv::kinfu::Intr::Reprojector::fxinv
float fxinv
Definition: intrinsics.hpp:35
cv::vfloat64mf2_t::val
double val[1]
Definition: intrin_rvv.hpp:121
cv::ocl::KernelArg::sz
size_t sz
Definition: ocl.hpp:416
cv::VideoWriter::VideoWriter
VideoWriter(const String &filename, int fourcc, double fps, const Size &frameSize, const std::vector< int > &params)
cv::gapi::wip::draw::Circle::color
cv::Scalar color
The color of the circle.
Definition: render_types.hpp:188
cv::SparseMat::Hdr::clear
void clear()
cv::bitwise_and
void bitwise_and(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
computes bitwise conjunction of the two arrays (dst = src1 & src2) Calculates the per-element bit-wis...
cv::line_descriptor::LSDDetector::detect
void detect(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, int scale, int numOctaves, const std::vector< Mat > &masks=std::vector< Mat >()) const
cv::IMWRITE_JPEG2000_COMPRESSION_X1000
@ IMWRITE_JPEG2000_COMPRESSION_X1000
For JPEG2000, use to specify the target compression rate (multiplied by 1000). The value can be from ...
Definition: imgcodecs.hpp:104
cv::detail::scratch_helper< true, Impl, Ins... >::help_init_impl
static void help_init_impl(const cv::GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &scratch_buf, detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:219
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getROI
Rect getROI() const
cv::instr::FLAGS_EXPAND_SAME_NAMES
@ FLAGS_EXPAND_SAME_NAMES
Definition: instrumentation.hpp:112
cv::BufferPoolController::getReservedSize
virtual size_t getReservedSize() const =0
cv::Point3_
Template class for 3D points specified by its coordinates x, y and z.
Definition: types.hpp:240
cv::superres::DualTVL1OpticalFlow::setTheta
virtual void setTheta(double val)=0
cv::ccm::COLOR_SPACE_Lab_D50_2
@ COLOR_SPACE_Lab_D50_2
non-RGB color space
Definition: ccm.hpp:124
cv::ocl::Image2D::canCreateAlias
static bool canCreateAlias(const UMat &u)
cv::cudev::maxVal_
__host__ Expr< FindMaxValExprBody< SrcPtr > > maxVal_(const SrcPtr &src)
Definition: reduction.hpp:121
cv::KalmanFilter::KalmanFilter
KalmanFilter(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
cv::Error::StsOk
@ StsOk
everything is ok
Definition: base.hpp:69
NCV.hpp
cv::TrackerCSRT::Params::use_hog
bool use_hog
Definition: tracking.hpp:45
cv::MatOp::augAssignSubtract
virtual void augAssignSubtract(const MatExpr &expr, Mat &m) const
cv::detail::GTypeTraits::op_kind
static constexpr const OpaqueKind op_kind
Definition: gtype_traits.hpp:54
cv::dnn::KeypointsModel::KeypointsModel
KeypointsModel(const String &model, const String &config="")
Create keypoints model from network represented in one of the supported formats. An order of model an...
cv::vint8mf2_t
Definition: intrin_rvv.hpp:36
cv::aruco::GridBoard::create
static Ptr< GridBoard > create(int markersX, int markersY, float markerLength, float markerSeparation, const Ptr< Dictionary > &dictionary, int firstMarker=0)
Create a GridBoard object.
cv::ml::TrainData::getVarSymbolFlags
virtual Mat getVarSymbolFlags() const =0
cv::Out_Tag
Definition: gproto.hpp:90
cv::gapi::wip::GCaptureSource::descr_of
virtual GMetaArg descr_of() const override
Definition: cap.hpp:109
cv::ogl::Texture2D::Texture2D
Texture2D(InputArray arr, bool autoRelease=false)
cv::detail::RotationWarper::buildMaps
virtual Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)=0
Builds the projection maps according to the given camera data.
cv::dnn::BlankLayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::viz::WCircle
This 3D Widget defines a circle.
Definition: widgets.hpp:307
cv::saliency::StaticSaliency
Definition: saliencyBaseClasses.hpp:86
cv::viz::Viz3d::setWindowPosition
void setWindowPosition(const Point &window_position)
Sets the position of the window in the screen.
cv::rgbd::RgbdFrame::image
Mat image
Definition: depth.hpp:473
cv::FileStorage::root
FileNode root(int streamidx=0) const
Returns the top-level mapping.
CV_CUDEV_IMPLEMENT_VEC_BINARY_FUNC
#define CV_CUDEV_IMPLEMENT_VEC_BINARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:767
cv::NORM_MINMAX
@ NORM_MINMAX
flag
Definition: base.hpp:207
cv::cudev::asin
__device__ __forceinline__ float1 asin(const uchar1 &a)
Definition: vec_math.hpp:312
cv::gapi::video::cpu::kernels
GKernelPackage kernels()
cv::OPTFLOW_USE_INITIAL_FLOW
@ OPTFLOW_USE_INITIAL_FLOW
Definition: tracking.hpp:56
cv::dnn::TextDetectionModel::TextDetectionModel
TextDetectionModel()
cv::ogl::Buffer::channels
int channels() const
cv::mulTransposed
void mulTransposed(InputArray src, OutputArray dst, bool aTa, InputArray delta=noArray(), double scale=1, int dtype=-1)
Calculates the product of a matrix and its transposition.
cv::videostab::InpainterBase::radius
virtual int radius() const
Definition: inpainting.hpp:71
cv::ogl::Buffer::clone
Buffer clone(Target target=ARRAY_BUFFER, bool autoRelease=false) const
Creates a full copy of the buffer object and the underlying data.
cv::face::FacemarkTrain::addTrainingSample
virtual bool addTrainingSample(InputArray image, InputArray landmarks)=0
Add one training sample to the trainer.
cv::saliency::StaticSaliencyFineGrained::create
static Ptr< StaticSaliencyFineGrained > create()
Definition: saliencySpecializedClasses.hpp:128
cv::GStreamingCompiled::GStreamingCompiled
GAPI_WRAP GStreamingCompiled()
cv::GCPUContext::inArg
const T & inArg(int input)
Definition: gcpukernel.hpp:96
cv::CommandLineParser::check
bool check() const
Check for parsing errors.
cv::cuda::GpuMat::ptr
_Tp * ptr(int y=0)
template version of the above method
cv::detail::tracking::TrackerContribFeatureSet::getTrackerFeature
const std::vector< std::pair< String, Ptr< TrackerContribFeature > > > & getTrackerFeature() const
Get the TrackerContribFeature collection (TrackerContribFeature name, TrackerContribFeature pointer)
cv::bgsegm::BackgroundSubtractorGMG::getMaxVal
virtual double getMaxVal() const =0
Returns the maximum value taken on by pixels in image sequence. e.g. 1.0 or 255.
cv::detail::MatchesInfo::src_img_idx
int src_img_idx
Definition: matchers.hpp:105
hal_ni_warpPerspective
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
cv::kinfu::Params::intr
Matx33f intr
camera intrinsics
Definition: kinfu.hpp:83
cv::detail::SphericalPortraitWarper::SphericalPortraitWarper
SphericalPortraitWarper(float scale)
Definition: warpers.hpp:631
cv::Quat::power
friend Quat< T > power(const Quat< T > &q, const T x, QuatAssumeType assumeUnit)
return the value of power function with index .
cv::cudev::LutPtrSz
Definition: lut.hpp:76
cv::CAP_PROP_XI_IMAGE_BLACK_LEVEL
@ CAP_PROP_XI_IMAGE_BLACK_LEVEL
Last image black level counts. Can be used for Offline processing to recall it.
Definition: videoio.hpp:482
cv::dnn::Model::Model
Model(const String &model, const String &config="")
Create model from deep learning network represented in one of the supported formats....
cv::cuda::GpuMat::GpuMat
GpuMat(int rows, int cols, int type, void *data, size_t step=Mat::AUTO_STEP)
constructor for GpuMat headers pointing to user-allocated data
cv::getValidDisparityROI
Rect getValidDisparityROI(Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int blockSize)
computes valid disparity ROI from the valid ROIs of the rectified images (that are returned by cv::st...
cv::UMatData::size
size_t size
Definition: mat.hpp:560
Ncv32f
float Ncv32f
Definition: NCV.hpp:133
cv::cudev::atomicMax
__device__ __forceinline__ int atomicMax(int *address, int val)
Definition: atomic.hpp:152
hal_ni_cvtBGRtoHSV
int hal_ni_cvtBGRtoHSV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV)
hal_cvtBGRtoHSV
Definition: hal_replacement.hpp:444
cv::cudev::PtrTraits< Expr< Body > >::shrinkPtr
static __host__ ptr_type shrinkPtr(const Expr< Body > &expr)
Definition: expr.hpp:77
cv::ppf_match_3d::PPF3DDetector::PPF3DDetector
PPF3DDetector()
Empty constructor. Sets default arguments.
cv::Mat_::row
Mat_ row(int y) const
overridden forms of Mat::row() etc.
OPENCV_HAL_IMPL_RVV_BIN_FUNC
#define OPENCV_HAL_IMPL_RVV_BIN_FUNC(_Tpvec, func, intrin, width)
Definition: intrin_rvv.hpp:1420
cv::ocl::Device::empty
bool empty() const
Definition: ocl.hpp:239
CPU_MAX_FEATURE
@ CPU_MAX_FEATURE
Definition: cvdef.h:339
cv::dnn::details::_LayerStaticRegisterer
Definition: layer.details.hpp:58
cv::abs
static uint64 abs(uint64 a)
Definition: cvstd.hpp:69
cv::detail::tracking::TrackerContribFeatureSet::addTrackerFeature
bool addTrackerFeature(Ptr< TrackerContribFeature > &feature)
cv::rgbd::DepthCleaner::setWindowSize
void setWindowSize(int val)
Definition: depth.hpp:235
cv::ml::SVM::COEF
@ COEF
Definition: ml.hpp:674
cv::dnn::Dict::operator<<
friend std::ostream & operator<<(std::ostream &stream, const Dict &dict)
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::calc
uchar calc(const Mat &_sum, size_t y) const
Definition: feature.hpp:400
cv::reg::MapAffine::MapAffine
MapAffine(InputArray linTr, InputArray shift)
cv::cudev::PyrUpBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:135
cv::ml::ANN_MLP::setRpropDWMinus
virtual void setRpropDWMinus(double val)=0
cv::detail::ChannelsCompensator::getNrFeeds
int getNrFeeds()
Definition: exposure_compensate.hpp:156
cv::videostab::WobbleSuppressorBase::frameCount
virtual int frameCount() const
Definition: wobble_suppression.hpp:76
cv::FileNode::read
static void read(const FileNode &node, std::vector< _Tp > &vec, const std::vector< _Tp > &default_value=std::vector< _Tp >())
Definition: persistence.hpp:1182
cv::hal::split32s
void split32s(const int *src, int **dst, int len, int cn)
cv::NAryMatIterator::size
size_t size
the size of each segment (in elements)
Definition: mat.hpp:3416
cv::kinfu::Params::tsdf_min_camera_movement
float tsdf_min_camera_movement
Minimal camera movement in meters.
Definition: kinfu.hpp:116
cv::ovis::MATERIAL_OPACITY
@ MATERIAL_OPACITY
Definition: ovis.hpp:62
NCVBroxOpticalFlow
NCVStatus NCVBroxOpticalFlow(const NCVBroxOpticalFlowDescriptor desc, INCVMemAllocator &gpu_mem_allocator, const NCVMatrix< Ncv32f > &frame0, const NCVMatrix< Ncv32f > &frame1, NCVMatrix< Ncv32f > &u, NCVMatrix< Ncv32f > &v, cudaStream_t stream)
Compute optical flow.
cvRound
int cvRound(const cv::softfloat &a)
Rounds a number to nearest even integer.
cv::GMatDesc::withDepth
GMatDesc withDepth(int ddepth) const
Definition: gmat.hpp:147
cv::ppf_match_3d::hashtableInsertHashed
int hashtableInsertHashed(hashtable_int *hashtbl, KeyType key, void *data)
cv::EMDL1HistogramCostExtractor
An EMD-L1 based cost extraction. :
Definition: hist_cost.hpp:103
cv::optflow::DualTVL1OpticalFlow::setLambda
virtual void setLambda(double val)=0
Weight parameter for the data term, attachment parameter.
cv::datasets::TR_icdarObj::fileName
std::string fileName
Definition: tr_icdar.hpp:68
cv::cudev::saturate_cast_func
Definition: functional.hpp:664
cv::Vec2b
Vec< uchar, 2 > Vec2b
Definition: matx.hpp:409
cv::ovis::WindowScene::createLightEntity
virtual void createLightEntity(const String &name, InputArray tvec=noArray(), InputArray rot=noArray(), const Scalar &diffuseColor=Scalar::all(1), const Scalar &specularColor=Scalar::all(1))=0
cv::cudev::RemapPtr1Sz::cols
int cols
Definition: remap.hpp:94
OPENCV_HAL_IMPL_RVV_SIGNED_SHIFT_OP
#define OPENCV_HAL_IMPL_RVV_SIGNED_SHIFT_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1324
cv::cudev::LinearInterPtr
Definition: interpolation.hpp:98
cv::Mat_::create
void create(int _ndims, const int *_sizes)
equivalent to Mat::create(_ndims, _sizes, DatType<_Tp>::type)
cv::ConnectedComponentsAlgorithmsTypes
ConnectedComponentsAlgorithmsTypes
connected components algorithm
Definition: imgproc.hpp:406
cv::detail::CompressedRectilinearPortraitWarper::CompressedRectilinearPortraitWarper
CompressedRectilinearPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:421
cv::gapi::own::Mat::operator=
Mat & operator=(Mat const &)=default
cv::clipLine
bool clipLine(Size imgSize, Point &pt1, Point &pt2)
Clips the line against the image rectangle.
cv::viz::Viz3d::removeWidget
void removeWidget(const String &id)
Removes a widget from the window.
cv::util::optional::operator*
T & operator*()
Definition: optional.hpp:119
cv::utils::fs::canonical
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...
cv::_OutputArray::setTo
void setTo(const _InputArray &value, const _InputArray &mask=_InputArray()) const
cv::detail::tracking::tbm::TrackerParams::time_affinity_w
float time_affinity_w
Time affinity weight.
Definition: tracking_by_matching.hpp:285
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyColor
Ptr< SelectiveSearchSegmentationStrategyColor > createSelectiveSearchSegmentationStrategyColor()
Create a new color-based strategy.
cv::face::FacemarkLBF::Params::Params
Params()
Constructor.
cv::utils::logging::LOG_LEVEL_WARNING
@ LOG_LEVEL_WARNING
Warning message.
Definition: logger.defines.hpp:29
cv::v_cvt_f64
v_reg< double, 2 > v_cvt_f64(const v_reg< int, 4 > &a)
Convert to double.
Definition: intrin_cpp.hpp:2108
cv::datasets::cameraParam::mat1
Matx33d mat1
Definition: msm_epfl.hpp:62
cv::ocl::Device::halfFPConfig
int halfFPConfig() const
cv::reg::MapperGradShift::~MapperGradShift
virtual ~MapperGradShift()
cv::cudacodec::EncoderParams
Different parameters for CUDA video encoder.
Definition: cudacodec.hpp:86
cv::cuda::GpuMat::GpuMat
GpuMat(Size size, int type, void *data, size_t step=Mat::AUTO_STEP)
cv::detail::SphericalWarper
Warper that maps an image onto the unit sphere located at the origin.
Definition: warpers.hpp:316
cv::AgastFeatureDetector::AGAST_7_12d
@ AGAST_7_12d
Definition: features2d.hpp:605
cv::cudev::blockReduce
__device__ __forceinline__ void blockReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:63
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyFill
Fill-based strategy for the selective search segmentation algorithm The class is implemented from the...
Definition: segmentation.hpp:127
cv::ccm::COLOR_SPACE_WideGamutRGBL
@ COLOR_SPACE_WideGamutRGBL
https://en.wikipedia.org/wiki/Wide-gamut_RGB_color_space , linear RGB color space
Definition: ccm.hpp:99
cv::legacy::TrackerKCF::Params
Definition: tracking_legacy.hpp:272
cv::line_descriptor::BinaryDescriptor::Params::reductionRatio
int reductionRatio
Definition: descriptor.hpp:200
cv::gapi::own::Size::height
int height
Definition: types.hpp:114
cv::AVIWriteContainer::startWriteChunk
void startWriteChunk(uint32_t fourcc)
cv::_InputArray::_InputArray
_InputArray(const std::vector< std::vector< bool > > &)=delete
cv::structured_light::SinusoidalPattern::Params::nbrOfPixelsBetweenMarkers
int nbrOfPixelsBetweenMarkers
Definition: sinusoidalpattern.hpp:90
cv::cudev::acos
__device__ __forceinline__ float1 acos(const uchar1 &a)
Definition: vec_math.hpp:321
cv::MORPH_OPEN
@ MORPH_OPEN
Definition: imgproc.hpp:215
cv::ocl::Context::create
static Context create(const std::string &configuration)
cv::MatExpr::op
const MatOp * op
Definition: mat.hpp:3544
cv::optflow::RLOFOpticalFlowParameter::setMaxIteration
void setMaxIteration(int val)
NCVVectorAlloc::NCVVectorAlloc
NCVVectorAlloc(INCVMemAllocator &allocator_, Ncv32u length_)
Definition: NCV.hpp:637
split_merge.hpp
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel, const int compresslevel, const int *dims_chunks) const =0
Create and allocate storage for two dimensional single or multi channel dataset.
Ncv32f_a
Ncv32f Ncv32f_a
Definition: NCVHaarObjectDetection.hpp:75
cv::COLOR_Lab2RGB
@ COLOR_Lab2RGB
Definition: imgproc.hpp:604
cv::DescriptorMatcher::~DescriptorMatcher
virtual ~DescriptorMatcher()
cv::ogl::render
void render(const Texture2D &tex, Rect_< double > wndRect=Rect_< double >(0.0, 0.0, 1.0, 1.0), Rect_< double > texRect=Rect_< double >(0.0, 0.0, 1.0, 1.0))
Render OpenGL texture or primitives.
cv::FONT_HERSHEY_COMPLEX
@ FONT_HERSHEY_COMPLEX
normal size serif font
Definition: imgproc.hpp:821
cv::GIOProtoArgs::GIOProtoArgs
GIOProtoArgs(const GProtoArgs &args)
Definition: gproto.hpp:62
cv::ogl::Texture2D::Format
Format
An Image Format describes the way that the images in Textures store their data.
Definition: opengl.hpp:289
cv::detail::tracking::TrackerModel
Abstract class that represents the model of the target.
Definition: tracking.private.hpp:277
cv::BOWImgDescriptorExtractor::getVocabulary
const Mat & getVocabulary() const
Returns the set vocabulary.
cv::optflow::RLOFOpticalFlowParameter::minEigenValue
float minEigenValue
Definition: rlofflow.hpp:143
cv::getAffineTransform
Mat getAffineTransform(const Point2f src[], const Point2f dst[])
Calculates an affine transform from three pairs of the corresponding points.
cv::gapi::wip::draw::Circle::shift
int shift
The Number of fractional bits in the coordinates of the center and in the radius value.
Definition: render_types.hpp:191
cv::CAP_OPENNI_DEPTH_MAP
@ CAP_OPENNI_DEPTH_MAP
Depth values in mm (CV_16UC1)
Definition: videoio.hpp:265
cv::EVENT_FLAG_RBUTTON
@ EVENT_FLAG_RBUTTON
indicates that the right mouse button is down.
Definition: highgui.hpp:227
cv::gapi::wip::draw::Rect
This structure represents a rectangle to draw.
Definition: render_types.hpp:126
cv::CAP_PROP_XI_BINNING_PATTERN
@ CAP_PROP_XI_BINNING_PATTERN
Binning pattern type.
Definition: videoio.hpp:372
cv::detail::tracking::feature::CvHaarFeatureParams::CvHaarFeatureParams
CvHaarFeatureParams()
cv::Point_::Point_
Point_(const Point_ &pt)
cv::patchNaNs
void patchNaNs(InputOutputArray a, double val=0)
converts NaNs to the given number
cv::plot::Plot2d::setPlotLineWidth
virtual void setPlotLineWidth(int _plotLineWidth)=0
hal_ni_SVD32f
int hal_ni_SVD32f(float *src, size_t src_step, float *w, float *u, size_t u_step, float *vt, size_t vt_step, int m, int n, int flags)
Definition: hal_replacement.hpp:633
cv::cuda::COLOR_BayerRG2GRAY_MHT
@ COLOR_BayerRG2GRAY_MHT
Definition: cudaimgproc.hpp:107
cv::COLOR_YUV2RGB_UYNV
@ COLOR_YUV2RGB_UYNV
Definition: imgproc.hpp:684
source.hpp
cv::dnn::DNN_TARGET_HDDL
@ DNN_TARGET_HDDL
Definition: dnn.hpp:97
cv::ocl::Program::read
bool read(const String &buf, const String &buildflags)
cv::AsyncArray
Returns result of asynchronous operations.
Definition: async.hpp:32
cv::moveWindow
void moveWindow(const String &winname, int x, int y)
Moves the window to the specified position.
cv::face::createFacemarkLBF
Ptr< Facemark > createFacemarkLBF()
construct an LBF facemark detector
cv::DISOpticalFlow::getUseMeanNormalization
virtual bool getUseMeanNormalization() const =0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
cv::dnn::TextRecognitionModel::recognize
std::string recognize(InputArray frame) const
Given the input frame, create input blob, run net and return recognition result.
cv::cudev::ScharrYPtrSz::cols
int cols
Definition: deriv.hpp:302
NCVBroxOpticalFlowDescriptor::gamma
Ncv32f gamma
gradient constancy importance
Definition: NCVBroxOpticalFlow.hpp:74
cv::TM_SQDIFF
@ TM_SQDIFF
Definition: imgproc.hpp:3664
cv::Mat::Mat
Mat(const Mat &m, const std::vector< Range > &ranges)
cv::dnn::TextDetectionModel_DB::TextDetectionModel_DB
TextDetectionModel_DB(const std::string &model, const std::string &config="")
Create text detection model from network represented in one of the supported formats....
Definition: dnn.hpp:1562
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::setPeriod
virtual void setPeriod(int val)
Definition: wobble_suppression.hpp:104
cv::videostab::StabilizerBase::processingStartTime_
clock_t processingStartTime_
Definition: stabilizer.hpp:140
cv::flann::CvType< unsigned short >::type
static int type()
Definition: flann.hpp:78
nppiStDecimate_32u_C1R
NCVStatus nppiStDecimate_32u_C1R(Ncv32u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::SimpleBlobDetector::Params::minCircularity
float minCircularity
Definition: features2d.hpp:732
cv::ocl::OpenCLExecutionContext::OpenCLExecutionContext
OpenCLExecutionContext(const OpenCLExecutionContext &)=default
cv::vle8_v_i8mf4
vint8mf4_t vle8_v_i8mf4(const int8_t *base)
Definition: intrin_rvv.hpp:201
cv::ml::LogisticRegression::setRegularization
virtual void setRegularization(int val)=0
cv::PaniniPortraitWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:234
cv::ximgproc::transformFD
void transformFD(InputArray src, InputArray t, OutputArray dst, bool fdContour=true)
transform a contour
cv::cuda::createCannyEdgeDetector
Ptr< CannyEdgeDetector > createCannyEdgeDetector(double low_thresh, double high_thresh, int apperture_size=3, bool L2gradient=false)
Creates implementation for cuda::CannyEdgeDetector .
cv::createAlignMTB
Ptr< AlignMTB > createAlignMTB(int max_bits=6, int exclude_range=4, bool cut=true)
Creates AlignMTB object.
cv::ml::StatModel
Base class for statistical models in OpenCV ML.
Definition: ml.hpp:319
cv::saliency::ObjectnessBING::setBBResDir
void setBBResDir(const String &resultsDir)
This is a utility function that allows to set an arbitrary path in which the algorithm will save the ...
cv::UMat::UMat
UMat(int ndims, const int *sizes, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::optflow::GPCTrainingSamples::size
size_t size() const
Definition: sparse_matching_gpc.hpp:114
cv::AgastFeatureDetector::getNonmaxSuppression
virtual bool getNonmaxSuppression() const =0
NcvRect8u::height
Ncv8u height
Definition: NCV.hpp:142
cv::videostab::InpainterBase::setStabilizationMotions
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: inpainting.hpp:90
cv::FileNode::real
double real() const
Simplified reading API to use with bindings.
cv::detail::tracking::TrackerModel::getLastTargetState
Ptr< TrackerTargetState > getLastTargetState() const
Get the last TrackerTargetState from Trajectory.
cv::legacy::TrackerCSRT::~TrackerCSRT
virtual ~TrackerCSRT() CV_OVERRIDE
Definition: tracking_legacy.hpp:525
cv::stereo::Match::p1
cv::Point2i p1
Definition: quasi_dense_stereo.hpp:30
OPENCV_HAL_IMPL_RVV_NATIVE_LOADSTORE_MF2
#define OPENCV_HAL_IMPL_RVV_NATIVE_LOADSTORE_MF2(_Tpvec, _Tp, suffix, width, n)
Definition: intrin_rvv.hpp:153
THash::ppfInd
int ppfInd
Definition: ppf_match_3d.hpp:82
cv::cuda::HoughCirclesDetector::getMinDist
virtual float getMinDist() const =0
cv::Scalar_::Scalar_
Scalar_(_Tp v0, _Tp v1, _Tp v2=0, _Tp v3=0)
cv::dnn::TextDetectionModel_EAST::TextDetectionModel_EAST
TextDetectionModel_EAST(const Net &network)
Create text detection algorithm from deep learning network.
cv::optflow::GPCTrainingParams::printProgress
bool printProgress
Print progress to stdout.
Definition: sparse_matching_gpc.hpp:128
cv::dnn::PermuteLayer::create
static Ptr< PermuteLayer > create(const LayerParams &params)
cv::calcBackProject
void calcBackProject(const Mat *images, int nimages, const int *channels, InputArray hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true)
Calculates the back projection of a histogram.
cv::GArg::get
const T & get() const
Definition: garg.hpp:72
cv::cudev::tanh
__device__ __forceinline__ float1 tanh(const uchar1 &a)
Definition: vec_math.hpp:357
nppStBicubic
@ nppStBicubic
Bicubic convolution filter, a = -0.5 (cubic Hermite spline)
Definition: NPP_staging.hpp:103
cv::cuda::calcAbsSum
void calcAbsSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::omnidir::internal::decodeParametersStereo
void decodeParametersStereo(InputArray parameters, OutputArray K1, OutputArray K2, OutputArray om, OutputArray T, OutputArrayOfArrays omL, OutputArrayOfArrays tL, OutputArray D1, OutputArray D2, double &xi1, double &xi2)
cv::detail::DpSeamFinder::CostFunction
CostFunction
Definition: seam_finders.hpp:123
cv::BOWTrainer
Abstract base class for training the bag of visual words vocabulary from a set of descriptors.
Definition: features2d.hpp:1395
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::computeSwappedClassifier
std::vector< int > computeSwappedClassifier()
Get the list of the weak classifiers that replace those to be replaced.
cv::v_uint8x16::lane_type
uchar lane_type
Definition: intrin_rvv.hpp:229
cv::cudev::gridCountNonZero
__host__ void gridCountNonZero(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:365
cv::cudev::CommonAreaInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:302
cv::Feature2D
Abstract base class for 2D image feature detectors and descriptor extractors.
Definition: features2d.hpp:149
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const String &prog)
OPENCV_HAL_IMPL_RVV_REDUCE_SAD
#define OPENCV_HAL_IMPL_RVV_REDUCE_SAD(_Tpvec, scalartype)
Definition: intrin_rvv.hpp:1719
cv::gapi::Laplacian
GMat Laplacian(const GMat &src, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the Laplacian of an image.
cv::vuint64mf2_t::vuint64mf2_t
vuint64mf2_t(const uint64 *ptr)
Definition: intrin_rvv.hpp:105
cv::kinfu::VolumeParams::depthTruncThreshold
float depthTruncThreshold
Threshold for depth truncation in meters Truncates the depth greater than threshold to 0.
Definition: volume.hpp:92
cv::dnn::Model::setInputSize
Model & setInputSize(int width, int height)
Definition: dnn.hpp:1116
cv::gapi::core::GMatScalar
std::tuple< GMat, GScalar > GMatScalar
Definition: core.hpp:36
cv::gapi::s11n::IIStream
Definition: s11n.hpp:94
cv::cuda::StereoConstantSpaceBP::getUseLocalInitDataCost
virtual bool getUseLocalInitDataCost() const =0
cv::Quat::cos
friend Quat< T > cos(const Quat< T > &q)
return sin value of quaternion q, cos could be calculated as:
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::~CvFeatureEvaluator
virtual ~CvFeatureEvaluator()
Definition: feature.hpp:163
cv::Error::BadOrigin
@ BadOrigin
incorrect input origin
Definition: base.hpp:89
cv::VideoWriter::write
virtual void write(InputArray image)
Writes the next video frame.
cv::gapi::deserialize
static T deserialize(const std::vector< char > &p)
Definition: s11n.hpp:47
cv::detail::NoBundleAdjuster
Stub bundle adjuster that does nothing.
Definition: motion_estimators.hpp:222
cv::aruco::drawAxis
void drawAxis(InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length)
Draw coordinate system axis from pose estimation.
cv::countNonZero
int countNonZero(InputArray src)
Counts non-zero array elements.
cv::saliency::ObjectnessBING::setW
void setW(int val)
Definition: saliencySpecializedClasses.hpp:357
cv::saliency::MotionSaliencyBinWangApr2014::init
bool init()
This function allows the correct initialization of all data structures that will be used by the algor...
cv::gapi::bitwise_not
GMat bitwise_not(const GMat &src)
Inverts every bit of an array.
cv::ximgproc::ARO_315_45
@ ARO_315_45
Definition: fast_hough_transform.hpp:70
cv::cudev::GpuMat_::clone
__host__ GpuMat_ clone() const
overridden forms of GpuMat::row() etc.
NCVMemNativeAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
cv::GCPUContext::inVal
const cv::Scalar & inVal(int input)
cv::cuda::OpticalFlowDual_TVL1::setTau
virtual void setTau(double tau)=0
cv::optflow::RLOFOpticalFlowParameter::setUseMEstimator
void setUseMEstimator(bool val)
Enable M-estimator or disable and use least-square estimator.
cv::face::FacemarkAAM::Params::write
void write(FileStorage &) const
Read parameters from file, currently unused.
cv::BackgroundSubtractorKNN::setDetectShadows
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
cv::MatIterator_::MatIterator_
MatIterator_()
the default constructor
hal_ni_min64f
int hal_ni_min64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:117
cv::cudev::SingleMaskChannels::operator()
__device__ __forceinline__ value_type operator()(index_type y, index_type x) const
Definition: mask.hpp:76
cv::dnn::Net::setHalideScheduler
void setHalideScheduler(const String &scheduler)
Compile Halide layers.
cv::stereo::PropagationParameters::lkTemplateSize
int lkTemplateSize
Definition: quasi_dense_stereo.hpp:54
hashnode_i::data
void * data
Definition: t_hash_int.hpp:63
final_show.hpp
cv::CAP_PROP_XI_OFFSET_X
@ CAP_PROP_XI_OFFSET_X
Horizontal offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:345
cv::Tonemap::process
virtual void process(InputArray src, OutputArray dst)=0
Tonemaps image.
cv::COLOR_Luv2BGR
@ COLOR_Luv2BGR
Definition: imgproc.hpp:605
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m)
constructor that sets the iterator to the beginning of the matrix
cv::cuda::registerPageLocked
void registerPageLocked(Mat &m)
Page-locks the memory of matrix and maps it for the device(s).
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getMaxCatCount
int getMaxCatCount() const
Definition: feature.hpp:176
cv::v_int64x2::get0
int64 get0() const
Definition: intrin_rvv.hpp:507
cv::setUseOptimized
void setUseOptimized(bool onoff)
Enables or disables the optimized code.
cv::stereo::PropagationParameters::gftQualityThres
float gftQualityThres
Definition: quasi_dense_stereo.hpp:60
cv::Sobel
void Sobel(InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
cv::detail::VoronoiSeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
cv::detail::OpaqueRef::mov
void mov(OpaqueRef &v)
Definition: gopaque.hpp:282
cv::reg::MapperPyramid::MapperPyramid
MapperPyramid(Ptr< Mapper > baseMapper)
cv::v_uint8x16::v_uint8x16
v_uint8x16()
Definition: intrin_rvv.hpp:232
cv::ShapeContextDistanceExtractor::setBendingEnergyWeight
virtual void setBendingEnergyWeight(float bendingEnergyWeight)=0
Set the weight of the Bending Energy in the final value of the shape distance. The bending energy def...
cv::optflow::ST_BILINEAR
@ ST_BILINEAR
Definition: rlofflow.hpp:25
cv::FileNode::FLOW
@ FLOW
compact representation of a sequence or mapping. Used only by YAML writer
Definition: persistence.hpp:497
cv::line_descriptor::KeyLine::angle
float angle
Definition: descriptor.hpp:106
cv::hal::integral
void integral(int depth, int sdepth, int sqdepth, const uchar *src, size_t srcstep, uchar *sum, size_t sumstep, uchar *sqsum, size_t sqsumstep, uchar *tilted, size_t tstep, int width, int height, int cn)
cv::cuda::HOG::getGroupThreshold
virtual int getGroupThreshold() const =0
cv::GStreamingCompiled
Represents a computation (graph) compiled for streaming.
Definition: gstreaming.hpp:137
cv::ocl::OpenCLExecutionContext::bind
void bind() const
cv::Affine3::Affine3
Affine3(const Mat3 &R, const Vec3 &t=Vec3::all(0))
cv::sfm::preconditionerFromPoints
void preconditionerFromPoints(InputArray points, OutputArray T)
NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
@ NCV_ALLOCATOR_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:335
cv::ml::KNearest::setDefaultK
virtual void setDefaultK(int val)=0
cv::inv
Quat< T > inv(const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
cv::detail::tracking::feature::CvHaarEvaluator
Definition: tracking_feature.private.hpp:100
cv::quality::QualitySSIM::_mat_data::mu_2
mat_type mu_2
Definition: qualityssim.hpp:63
cv::dnn::Model::getNetwork_
Net & getNetwork_()
Definition: dnn.hpp:1172
CV_CUDEV_MAKE_VEC_INST
#define CV_CUDEV_MAKE_VEC_INST(elem_type)
Definition: vec_traits.hpp:60
cv::cuda::DeviceInfo::maxSurface2DLayered
Vec3i maxSurface2DLayered() const
maximum 2D layered surface dimensions
cv::xphoto::bm3dDenoising
void bm3dDenoising(InputArray src, InputOutputArray dstStep1, OutputArray dstStep2, float h=1, int templateWindowSize=4, int searchWindowSize=16, int blockMatchingStep1=2500, int blockMatchingStep2=400, int groupSize=8, int slidingStep=1, float beta=2.0f, int normType=cv::NORM_L2, int step=cv::xphoto::BM3D_STEPALL, int transformType=cv::xphoto::HAAR)
Performs image denoising using the Block-Matching and 3D-filtering algorithm http://www....
cv::ximgproc::createRICInterpolator
Ptr< RICInterpolator > createRICInterpolator()
Factory method that creates an instance of the RICInterpolator.
cv::Subdiv2D::isRightOf
int isRightOf(Point2f pt, int edge) const
cv::rgbd::RgbdICPOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:977
cv::MatOp::type
virtual int type(const MatExpr &expr) const
cv::Mat::Mat
Mat(const std::initializer_list< _Tp > list)
cv::GScalar::GScalar
GAPI_WRAP GScalar()
cv::cuda::evenLevels
void evenLevels(OutputArray levels, int nLevels, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Computes levels with even distribution.
cv::PyRotationWarper::warpBackward
void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst)
Projects the image backward.
cv::dnn::BaseConvolutionLayer::stride
Size stride
Definition: all_layers.hpp:213
sparse_match_interpolator.hpp
cv::instr::getFlags
FLAGS getFlags()
cv::viz::isNan
bool isNan(float x)
Checks float/double value for nan.
Definition: vizcore.hpp:109
cv::detail::OptRef::Holder::Holder
Holder(cv::optional< T > &opt)
Definition: gstreaming.hpp:43
cv::utils::Paths
std::vector< std::string > Paths
Definition: configuration.private.hpp:14
cv::instr::TYPE
TYPE
Definition: instrumentation.hpp:46
cv::cudev::UnaryTransformPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: transform.hpp:80
CPU_AVX512_COMMON
@ CPU_AVX512_COMMON
Common instructions AVX-512F/CD for all CPUs that support AVX-512.
Definition: cvdef.h:332
cv::dnn_objdetect::InferBbox::transform_bboxes
void transform_bboxes(std::vector< std::vector< double > > *bboxes)
Transform relative coordinates from ConvDet to bounding box coordinates.
cv::GFrame::priv
GOrigin & priv()
cv::COLOR_YUV2GRAY_UYVY
@ COLOR_YUV2GRAY_UYVY
Definition: imgproc.hpp:714
cv::gapi::fluid::View::InLine
const T * InLine(int i) const
Definition: gfluidbuffer.hpp:64
cv::WINDOW_FULLSCREEN
@ WINDOW_FULLSCREEN
change the window to fullscreen.
Definition: highgui.hpp:191
cv::QUAT_ASSUME_UNIT
@ QUAT_ASSUME_UNIT
Definition: quaternion.hpp:51
CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_OP(op, input_type, scalar_type, output_type)
Definition: vec_math.hpp:548
cv::text::ERStat::pixel
int pixel
seed point and the threshold (max grey-level value)
Definition: erfilter.hpp:75
cv::GOCLKernel::GOCLKernel
GOCLKernel(const F &f)
cv::gapi::onnx::detail::ParamDesc::normalize
std::vector< bool > normalize
Definition: onnx.hpp:60
cv::CALIB_CB_FAST_CHECK
@ CALIB_CB_FAST_CHECK
Definition: calib3d.hpp:483
cv::ximgproc::WMF_IV1
@ WMF_IV1
Definition: weighted_median_filter.hpp:67
cv::viz::Color::navy
static Color navy()
cv::cvtColor
void cvtColor(InputArray src, OutputArray dst, int code, int dstCn=0)
Converts an image from one color space to another.
cv::Vec4f
Vec< float, 4 > Vec4f
Definition: matx.hpp:429
cv::V_TypeTraits< double >::reinterpret_from_int
static double reinterpret_from_int(int_type x)
Definition: intrin.hpp:169
cv::dnn::TextRecognitionModel::TextRecognitionModel
TextRecognitionModel(const std::string &model, const std::string &config="")
Create text recognition model from network represented in one of the supported formats Call setDecode...
Definition: dnn.hpp:1357
cv::datasets::GR_skigObj::type
actionType type
Definition: gr_skig.hpp:102
cv::quality::QualityMSE::compute
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap)
static method for computing quality
cv::gapi::mean
GScalar mean(const GMat &src)
Calculates an average (mean) of matrix elements.
cv::reg::MapperGradProj::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
cv::utils::AllocatorStatisticsInterface::getCurrentUsage
virtual uint64_t getCurrentUsage() const =0
cv::cudev::brdReflect
__host__ BrdBase< BrdReflect, typename PtrTraits< SrcPtr >::ptr_type > brdReflect(const SrcPtr &src)
Definition: extrapolation.hpp:186
cv::gapi::wip::GCaptureSource::first
cv::Mat first
Definition: cap.hpp:58
cv::cudev::BrdBase::src
SrcPtr src
Definition: extrapolation.hpp:99
cv::viz::Camera::Camera
Camera(double fx, double fy, double cx, double cy, const Size &window_size)
Constructs a Camera.
cv::ogl::Buffer::Buffer
Buffer(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::Matx32d
Matx< double, 3, 2 > Matx32d
Definition: matx.hpp:244
cv::v_load_halves
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_halves(const _Tp *loptr, const _Tp *hiptr)
Load register contents from two memory blocks.
Definition: intrin_cpp.hpp:1520
cv::rapid::Rapid::create
static Ptr< Rapid > create(InputArray pts3d, InputArray tris)
cv::stereo::StereoBinarySGBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::Subdiv2D::checkSubdiv
void checkSubdiv() const
cv::cuda::DeviceInfo::sharedMemPerBlock
size_t sharedMemPerBlock() const
shared memory available per block in bytes
cv::detail::MultiBandBlender::blend
void blend(InputOutputArray dst, InputOutputArray dst_mask) CV_OVERRIDE
Blends and returns the final pano.
cv::dnn::Net::dump
String dump()
Dump net to String.
cv::instr::useInstrumentation
bool useInstrumentation()
cv::INTER_BITS
@ INTER_BITS
Definition: imgproc.hpp:286
cv::cuda::buildWarpAffineMaps
void buildWarpAffineMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for affine transformation.
cv::FileNodeIterator::FileNodeIterator
FileNodeIterator()
The constructors.
cv::cuda::HostMem::flags
int flags
Definition: cuda.hpp:589
cv::ml::RTrees::setTermCriteria
virtual void setTermCriteria(const TermCriteria &val)=0
cv::ml::RTrees::getActiveVarCount
virtual int getActiveVarCount() const =0
cv::THRESH_BINARY
@ THRESH_BINARY
Definition: imgproc.hpp:320
hal_ni_log32f
int hal_ni_log32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:456
cv::bioinspired::TransientAreasSegmentationModule::setup
virtual void setup(SegmentationParameters newParameters)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
cv::CalibrateDebevec::getSamples
virtual int getSamples() const =0
OPENCV_HAL_IMPL_RVV_ABSDIFF
#define OPENCV_HAL_IMPL_RVV_ABSDIFF(_Tpvec, abs)
Definition: intrin_rvv.hpp:1677
cv::Size2f
Size_< float > Size2f
Definition: types.hpp:345
cv::cudev::numeric_limits< schar >::max
__device__ static __forceinline__ schar max()
Definition: limits.hpp:70
viz3d.hpp
cv::_OutputArray::getUMatRef
UMat & getUMatRef(int i=-1) const
cv::cuda::DeviceInfo::maxSurface3D
Vec3i maxSurface3D() const
maximum 3D surface dimensions
cv::omnidir::internal::computeJacobian
void computeJacobian(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
cv::GPlaidMLKernelImpl::API
K API
Definition: gplaidmlkernel.hpp:130
cv::MARKER_CROSS
@ MARKER_CROSS
A crosshair marker shape.
Definition: imgproc.hpp:834
cv::vuint32mf2_t::vuint32mf2_t
vuint32mf2_t(const unsigned *ptr)
Definition: intrin_rvv.hpp:75
cv::cudev::vsub2
__device__ __forceinline__ uint vsub2(uint a, uint b)
Definition: simd_functions.hpp:157
cv::cuda::DeviceInfo::totalGlobalMem
size_t totalGlobalMem() const
global memory available on device in bytes
cv::cuda::transpose
void transpose(InputArray src1, OutputArray dst, Stream &stream=Stream::Null())
Transposes a matrix.
cv::gapi::KalmanParams::errorCov
Mat errorCov
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: video.hpp:29
cv::ml::TrainData::getCatOfs
virtual Mat getCatOfs() const =0
cv::datasets::cameraParam::imageWidth
int imageWidth
Definition: msm_epfl.hpp:66
cv::gapi::I4202RGB
GMat I4202RGB(const GMat &src)
Converts an image from I420 color space to BGR color space.
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::index_type
Ptr2D::index_type index_type
Definition: traits.hpp:62
cv::CAP_PROP_OPENNI2_SYNC
@ CAP_PROP_OPENNI2_SYNC
Definition: videoio.hpp:249
cv::dnn::MaxUnpoolLayer::create
static Ptr< MaxUnpoolLayer > create(const LayerParams &params)
cv::FileStorage::write
static void write(FileStorage &fs, const _Tp &value)
Definition: persistence.hpp:891
cv::videostab::RansacParams::RansacParams
RansacParams()
Definition: motion_core.hpp:80
cv::_OutputArray::_OutputArray
_OutputArray()
cv::cudev::binary_function
Definition: functional.hpp:69
cv::kinfu::VolumeParams::pose
Affine3f pose
Initial pose of the volume in meters.
Definition: volume.hpp:73
cv::cudev::BrdConstant::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:69
cv::dnn::CorrelationLayer
Definition: all_layers.hpp:564
hal_ni_or8u
int hal_ni_or8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:152
cv::detail::StereographicProjector
Definition: warpers.hpp:375
cv::getBuildInformation
const String & getBuildInformation()
Returns full configuration time cmake output.
cv::saliency::MotionSaliency
Definition: saliencyBaseClasses.hpp:112
cv::gapi::own::Point::Point
Point()=default
cv::reg::MapperGradAffine
Definition: mappergradaffine.hpp:53
cv::gapi::GKernelPackage::includesAPI
bool includesAPI() const
Definition: gkernel.hpp:569
NCVMemStackAllocator::NCVMemStackAllocator
NCVMemStackAllocator(Ncv32u alignment)
integral.hpp
cv::ml::ANN_MLP::setBackpropWeightScale
virtual void setBackpropWeightScale(double val)=0
flann_base.hpp
cv::ppf_match_3d::Pose3D::Pose3D
Pose3D(double Alpha, size_t ModelIndex=0, size_t NumVotes=0)
Definition: pose_3d.hpp:83
ml.hpp
cv::line_descriptor::BinaryDescriptor::Params::write
void write(FileStorage &fs) const
cv::instr::NodeData::m_fileName
const char * m_fileName
Definition: instrumentation.hpp:80
cv::dnn::DictValue::isString
bool isString() const
cv::ShapeContextDistanceExtractor
Implementation of the Shape Context descriptor and matching algorithm.
Definition: shape_distance.hpp:82
cv::Subdiv2D::Vertex::type
int type
Definition: imgproc.hpp:1223
cv::Quat::normalize
Quat< _Tp > normalize() const
return a normalized .
cv::cuda::DeviceInfo::maxTexture2D
Vec2i maxTexture2D() const
maximum 2D texture dimensions
cv::legacy::TrackerCSRT::setInitialMask
virtual void setInitialMask(InputArray mask)=0
OpenCV_API_Header::api_version
unsigned api_version
provided API version (features)
Definition: llapi.h:43
cv::cuda::DisparityBilateralFilter::setMaxDiscThreshold
virtual void setMaxDiscThreshold(double max_disc_threshold)=0
cv::multicalib::MultiCameraCalibration::edge::transform
Mat transform
Definition: multicalib.hpp:87
cv::CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
@ CAP_PROP_XI_ACQ_FRAME_BURST_COUNT
Sets number of frames acquired by burst. This burst is used only if trigger is set to FrameBurstStart...
Definition: videoio.hpp:432
cv::v_uint32x4::v_uint32x4
v_uint32x4()
Definition: intrin_rvv.hpp:362
cv::mcc::CCheckerDetector::process
virtual bool process(InputArray image, const TYPECHART chartType, const int nc=1, bool useNet=false, const Ptr< DetectorParameters > &params=DetectorParameters::create())=0
Find the ColorCharts in the given image.
cv::COLOR_BGR2YUV_YV12
@ COLOR_BGR2YUV_YV12
Definition: imgproc.hpp:738
cv::ppf_match_3d::PoseCluster3D::addPose
void addPose(Pose3DPtr newPose)
Adds a new pose to the cluster. The pose should be "close" to the mean poses in order to preserve the...
cv::cudacodec::VideoWriter::getEncoderParams
virtual EncoderParams getEncoderParams() const =0
cv::GC_INIT_WITH_MASK
@ GC_INIT_WITH_MASK
Definition: imgproc.hpp:359
cv::cuda::DisparityBilateralFilter::getNumIters
virtual int getNumIters() const =0
cv::aruco::CORNER_REFINE_APRILTAG
@ CORNER_REFINE_APRILTAG
Tag and corners detection based on the AprilTag 2 approach .
Definition: aruco.hpp:85
cv::GFluidParallelOutputRois::parallel_rois
std::vector< GFluidOutputRois > parallel_rois
Definition: gfluidkernel.hpp:122
cv::dnn::readNetFromCaffe
Net readNetFromCaffe(const String &prototxt, const String &caffeModel=String())
Reads a network model stored in Caffe framework's format.
HaarFeatureDescriptor32_Interpret_MaskFlagLeftNodeLeaf
#define HaarFeatureDescriptor32_Interpret_MaskFlagLeftNodeLeaf
Definition: NCVHaarObjectDetection.hpp:122
cv::cuda::createMedianFilter
Ptr< Filter > createMedianFilter(int srcType, int windowSize, int partition=128)
Performs median filtering for each point of the source image.
cv::CAP_PROP_PVAPI_DECIMATIONVERTICAL
@ CAP_PROP_PVAPI_DECIMATIONVERTICAL
Vertical sub-sampling of the image.
Definition: videoio.hpp:304
cv::getVersionRevision
int getVersionRevision()
Returns revision field of the library version.
cv::ovis::SceneSettings
SceneSettings
Definition: ovis.hpp:45
cv::AVIReadContainer::getHeight
unsigned int getHeight()
Definition: container_avi.private.hpp:94
cv::datasets::IS_weizmannObj::humanSeg
std::string humanSeg
Definition: is_weizmann.hpp:65
cv::aruco::CharucoBoard::getMarkerLength
float getMarkerLength() const
Definition: charuco.hpp:116
cv::ocl::OpenCLExecutionContext
Definition: ocl.hpp:738
cv::setRNGSeed
void setRNGSeed(int seed)
Sets state of default random number generator.
cv::v_uint64x2::val
uint64 val[2]
Definition: intrin_rvv.hpp:480
cv::cuda::GpuMat::updateContinuityFlag
void updateContinuityFlag()
internal use method: updates the continuity flag
cv::intensity_transform::autoscaling
void autoscaling(const Mat input, Mat &output)
Given an input bgr or grayscale image, apply autoscaling on domain [0, 255] to increase the contrast ...
cv::detail::SphericalProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::COLOR_RGB2YUV
@ COLOR_RGB2YUV
Definition: imgproc.hpp:631
cv::CAP_OPENNI_DISPARITY_MAP
@ CAP_OPENNI_DISPARITY_MAP
Disparity in pixels (CV_8UC1)
Definition: videoio.hpp:267
cv::face::getFaces
bool getFaces(InputArray image, OutputArray faces, CParams *params)
Default face detector This function is mainly utilized by the implementation of a Facemark Algorithm....
cv::detail::BlocksCompensator::BlocksCompensator
BlocksCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:172
cv::GIOProtoArgs::operator+=
friend GIOProtoArgs< Tg > & operator+=(GIOProtoArgs< Tg > &lhs, const GIOProtoArgs< Tg > &rhs)
This operator allows to complement the proto vectors at runtime.
Definition: gproto.hpp:82
cv::gapi::wip::async_apply
void async_apply(GComputation &gcomp, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs, GCompileArgs &&args={})
cv::cudev::ArrayWrapper::array
T array[COUNT]
Definition: type_traits.hpp:73
cv::cudev::RemapPtr2Sz
Definition: remap.hpp:104
cv::bioinspired::SegmentationParameters::thresholdOFF
float thresholdOFF
Definition: transientareassegmentationmodule.hpp:95
cv::hal::exp64f
void exp64f(const double *src, double *dst, int n)
cv::detail::tracking::online_boosting::BaseClassifier::getErrors
void getErrors(float *errors)
cv::cudev::Texture::rows
int rows
Definition: texture.hpp:207
remap.hpp
cv::gapi::wip::IStreamSource::Ptr
std::shared_ptr< IStreamSource > Ptr
Definition: source.hpp:42
cv::FileStorage::MEMORY
@ MEMORY
returned by FileStorage::release)
Definition: persistence.hpp:312
cv::gapi::video::BackgroundSubtractorParams::history
int history
Length of the history.
Definition: video.hpp:106
cv::IMWRITE_PAM_FORMAT_RGB_ALPHA
@ IMWRITE_PAM_FORMAT_RGB_ALPHA
Definition: imgcodecs.hpp:136
cv::GStreamingCompiled::running
GAPI_WRAP bool running() const
Test if the pipeline is running.
cv::detail::KernelTypeMedium
Definition: gkernel.hpp:262
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature::~WeakClassifierHaarFeature
virtual ~WeakClassifierHaarFeature()
cv::MinProblemSolver::Function::getGradient
virtual void getGradient(const double *x, double *grad)
cv::DCT_INVERSE
@ DCT_INVERSE
Definition: base.hpp:258
cv::gapi::wip::draw::render
void render(cv::Mat &bgr, const Prims &prims, cv::GCompileArgs &&args={})
The function renders on the input image passed drawing primitivies.
cv::ogl::Texture2D::Texture2D
Texture2D(int arows, int acols, Format aformat, unsigned int atexId, bool autoRelease=false)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(cuda::HostMem &cuda_mem)
cv::cudev::warpAffine_
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > > warpAffine_(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:92
Cv32suf
Definition: cvdef.h:376
cv::Subdiv2D::topLeft
Point2f topLeft
Top left corner of the bounding rect.
Definition: imgproc.hpp:1247
cv::datasets::Dataset::validation
std::vector< std::vector< Ptr< Object > > > validation
Definition: dataset.hpp:581
cv::MatAllocator::getBufferPoolController
virtual BufferPoolController * getBufferPoolController(const char *id=NULL) const
NcvPoint2D32s::y
Ncv32s y
Point Y.
Definition: NCV.hpp:194
cv::rgbd::Odometry::DEFAULT_MAX_DEPTH_DIFF
static float DEFAULT_MAX_DEPTH_DIFF()
Definition: depth.hpp:545
cv::cudev::RemapPtr1Sz
Definition: remap.hpp:93
cv::cudev::IsPowerOf2
Definition: type_traits.hpp:90
wobble_suppression.hpp
cv::ft::inpaint
void inpaint(InputArray image, InputArray mask, OutputArray output, int radius, int function, int algorithm)
Image inpainting.
cv::cuda::DeviceInfo::pciBusID
int pciBusID() const
PCI bus ID of the device.
cv::videostab::ImageMotionEstimatorBase::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:181
cv::legacy::TrackerKCF::~TrackerKCF
virtual ~TrackerKCF() CV_OVERRIDE
Definition: tracking_legacy.hpp:286
cv::GMatP
Definition: gmat.hpp:63
cv::bioinspired::Retina::applyFastToneMapping
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
Method which processes an image in the aim to correct its luminance correct backlight problems,...
cv::dnn::ClassificationModel::ClassificationModel
ClassificationModel(const Net &network)
Create model from deep learning network.
cv::dnn::NMSBoxes
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.
cv::datasets::TRACK_alovObj
Definition: track_alov.hpp:62
cv::ocl::Device::profilingTimerResolution
size_t profilingTimerResolution() const
NCV_ALLOCATOR_BAD_DEALLOC
@ NCV_ALLOCATOR_BAD_DEALLOC
Definition: NCV.hpp:334
cv::cuda::CannyEdgeDetector::getL2Gradient
virtual bool getL2Gradient() const =0
cv::INTER_AREA
@ INTER_AREA
Definition: imgproc.hpp:254
cv::Error::StsOutOfRange
@ StsOutOfRange
some of parameters are out of range
Definition: base.hpp:111
cv::Matx::channels
@ channels
Definition: matx.hpp:105
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::numFeatures
int numFeatures
Definition: feature.hpp:196
cv::cudev::NormHamming::mySum
result_type mySum
Definition: vec_distance.hpp:160
cv::softdouble::getSign
bool getSign() const
Get sign bit.
Definition: softfloat.hpp:312
cv::v_setall_f64
v_float64x2 v_setall_f64(double val)
Definition: intrin_cpp.hpp:2380
cv::CalibrateRobertson::setMaxIter
virtual void setMaxIter(int max_iter)=0
cv::detail::get_out
Definition: gcpukernel.hpp:239
cv::VideoCapture::get
virtual double get(int propId) const
Returns the specified VideoCapture property.
cv::ogl::Buffer::Buffer
Buffer(Size asize, int atype, unsigned int abufId, bool autoRelease=false)
cv::cudev::PyrDownBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:113
cv::dnn::DetectionOutputLayer
Detection output layer.
Definition: all_layers.hpp:610
cv::cudev::LutPtrSz::rows
int rows
Definition: lut.hpp:77
cv::rgbd::DepthCleaner::initialize_cleaner_impl
void initialize_cleaner_impl() const
cv::softdouble::pi
static softdouble pi()
Correct pi approximation.
Definition: softfloat.hpp:360
cv::Mat_::Mat_
Mat_(const Point_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
cv::_OutputArray::_OutputArray
_OutputArray(std::array< _Tp, _Nm > &arr)
cv::v_setall_u64
v_uint64x2 v_setall_u64(uint64 val)
Definition: intrin_cpp.hpp:2381
cv::reg::MapShift::~MapShift
~MapShift()
cv::Subdiv2D::insert
int insert(Point2f pt)
Insert a single point into a Delaunay triangulation.
cv::detail::tracking::tbm::TrackedObject::object_id
int object_id
Unique object identifier (-1 if N/A).
Definition: tracking_by_matching.hpp:37
cv::ReduceTypes
ReduceTypes
Definition: core.hpp:227
dmatch.hpp
cv::stereo::PropagationParameters::disparityGradient
int disparityGradient
Definition: quasi_dense_stereo.hpp:51
cv::ml::ANN_MLP::getRpropDWMax
virtual double getRpropDWMax() const =0
cv::Point_::operator=
Point_ & operator=(const Point_ &pt)
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, const String &dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
cv::dnn::TextDetectionModel::detectTextRectangles
void detectTextRectangles(InputArray frame, std::vector< cv::RotatedRect > &detections, std::vector< float > &confidences) const
Performs detection.
cv::cuda::rotate
void rotate(InputArray src, OutputArray dst, Size dsize, double angle, double xShift=0, double yShift=0, int interpolation=INTER_LINEAR, Stream &stream=Stream::Null())
Rotates an image around the origin (0,0) and then shifts it.
cv::ml::Boost::create
static Ptr< Boost > create()
cv::cudev::ReduceToColumnBody::src
SrcPtr src
Definition: reduction.hpp:198
cv::RETR_LIST
@ RETR_LIST
Definition: imgproc.hpp:418
cv::AsyncArray::wait_for
bool wait_for(double timeoutNs) const
Definition: async.hpp:68
cv::ximgproc::segmentation::createGraphSegmentation
Ptr< GraphSegmentation > createGraphSegmentation(double sigma=0.5, float k=300, int min_size=100)
Creates a graph based segmentor.
cv::datasets::SR_div2k::create
static Ptr< SR_div2k > create()
cv::NEIGH_FLANN_KNN
@ NEIGH_FLANN_KNN
Definition: calib3d.hpp:550
cv::BOWImgDescriptorExtractor::~BOWImgDescriptorExtractor
virtual ~BOWImgDescriptorExtractor()
cv::ocl::ProgramSource::getImpl
Impl * getImpl() const
Definition: ocl.hpp:608
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:80
cv::Error::BadROISize
@ BadROISize
incorrect input roi
Definition: base.hpp:94
cv::videostab::MotionStabilizationPipeline::pushBack
void pushBack(Ptr< IMotionStabilizer > stabilizer)
Definition: motion_stabilizing.hpp:73
cv::datasets::TRACK_alov::frameCounter
int frameCounter
Definition: track_alov.hpp:99
cv::LineIterator::operator*
uchar * operator*()
returns pointer to the current pixel
cv::CMP_EQ
@ CMP_EQ
src1 is equal to src2.
Definition: base.hpp:211
cv::CLAHE::getTilesGridSize
virtual Size getTilesGridSize() const =0
Returns Size defines the number of tiles in row and column.
cv::dnn::Net::setPreferableBackend
void setPreferableBackend(int backendId)
Ask network to use specific computation backend where it supported.
cv::ogl::Texture2D::setAutoRelease
void setAutoRelease(bool flag)
Sets auto release mode.
cv::v_int8x16
Definition: intrin_rvv.hpp:261
cv::ppf_match_3d::next_power_of_two
static uint next_power_of_two(uint value)
Round up to the next highest power of 2.
Definition: t_hash_int.hpp:79
nppiStDecimate_64u_C1R
NCVStatus nppiStDecimate_64u_C1R(Ncv64u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::hal::split8u
void split8u(const uchar *src, uchar **dst, int len, int cn)
cv::line_descriptor::BinaryDescriptor::Params::read
void read(const FileNode &fn)
cv::hal::cvtHSVtoBGR
void cvtHSVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isFullRange, bool isHSV)
cv::cudev::vsetge2
__device__ __forceinline__ uint vsetge2(uint a, uint b)
Definition: simd_functions.hpp:285
cv::viz::WArrow
This 3D Widget defines an arrow.
Definition: widgets.hpp:289
cv::kinfu::Params::icpDistThresh
float icpDistThresh
distance theshold for ICP in meters
Definition: kinfu.hpp:147
cv::CAP_PROP_GPHOTO2_PREVIEW
@ CAP_PROP_GPHOTO2_PREVIEW
Capture only preview from liveview mode.
Definition: videoio.hpp:573
cv::LMSolver::Callback::~Callback
virtual ~Callback()
Definition: calib3d.hpp:610
cv::quality::QualitySSIM::_mat_data
Definition: qualityssim.hpp:54
cv::gapi::GKernelPackage::includes
bool includes() const
Test if a particular kernel implementation KImpl is included in this kernel package.
Definition: gkernel.hpp:530
cv::detail::tracking::online_boosting::BaseClassifier::getIdxOfNewWeakClassifier
int getIdxOfNewWeakClassifier()
Definition: onlineBoosting.hpp:128
cv::sfm::BaseSFM::getIntrinsics
virtual cv::Mat getIntrinsics() const =0
cv::ml::ANN_MLP::getAnnealInitialT
virtual double getAnnealInitialT() const =0
cv::ogl::Texture2D::copyFrom
void copyFrom(InputArray arr, bool autoRelease=false)
Copies from host/device memory to OpenGL texture.
cv::gapi::s11n::detail::S11N::serialize
static void serialize(IOStream &, const T &)
Definition: base.hpp:28
cv::xphoto::LearningBasedWB::setHistBinNum
virtual void setHistBinNum(int val)=0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
cv::xphoto::createSimpleWB
Ptr< SimpleWB > createSimpleWB()
Creates an instance of SimpleWB.
cv::videostab::MotionEstimatorRansacL2::estimate
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0) CV_OVERRIDE
Estimates global motion between two 2D point clouds.
NCV_TEXTURE_BIND_ERROR
@ NCV_TEXTURE_BIND_ERROR
Definition: NCV.hpp:325
cv::gapi::onnx::PostProc
std::function< void(const std::unordered_map< std::string, cv::Mat > &, std::unordered_map< std::string, cv::Mat > &)> PostProc
Definition: onnx.hpp:35
cv::legacy::TrackerBoosting::Params::write
void write(FileStorage &fs) const
Write parameters to a file.
cv::sfm::skew
Mat skew(InputArray x)
Returns the 3x3 skew symmetric matrix of a vector.
cv::CAP_PROP_XI_REGION_MODE
@ CAP_PROP_XI_REGION_MODE
Activates/deactivates Region selected by Region Selector.
Definition: videoio.hpp:393
cv::face::CParams::CParams
CParams(String cascade_model, double sf=1.1, int minN=3, Size minSz=Size(30, 30), Size maxSz=Size())
cv::detail::BundleAdjusterBase::calcJacobian
virtual void calcJacobian(Mat &jac)=0
Calculates the cost function jacobian.
cv::gapi::div
GMat div(const GMat &src1, const GMat &src2, double scale, int ddepth=-1)
Performs per-element division of two matrices.
cv::cudev::NormL1
Definition: vec_distance.hpp:62
cv::detail::tracking::contrib_feature::CvHOGEvaluator
Definition: feature.hpp:302
dynamic_smem.hpp
cv::vuint8mf4_t::val
uchar val[4]
Definition: intrin_rvv.hpp:130
cv::UPDATE_IMAGE_ELEMENT
@ UPDATE_IMAGE_ELEMENT
Definition: cap_winrt.hpp:42
cv::COLOR_RGB2BGR555
@ COLOR_RGB2BGR555
Definition: imgproc.hpp:568
cv::legacy::Tracker
Base abstract class for the long-term tracker:
Definition: tracking_legacy.hpp:73
cv::CCL_DEFAULT
@ CCL_DEFAULT
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:408
cv::ppf_match_3d::Pose3D::appendPose
void appendPose(Matx44d &IncrementalPose)
Left multiplies the existing pose in order to update the transformation.
NCVMemNativeAllocator::~NCVMemNativeAllocator
virtual ~NCVMemNativeAllocator()
cv::cudev::log10
__device__ __forceinline__ float1 log10(const uchar1 &a)
Definition: vec_math.hpp:276
cv::HOGDescriptor::winSize
Size winSize
Detection window size. Align to block size and block stride. Default value is Size(64,...
Definition: objdetect.hpp:587
cv::MatIterator_::pointer
_Tp * pointer
Definition: mat.hpp:3132
core.hpp
cv::rgbd::RgbdPlane::getMethod
int getMethod() const
Definition: depth.hpp:405
cv::videostab::InpainterBase::setStabilizedFrames
virtual void setStabilizedFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:87
cv::stereo::QuasiDenseStereo::getDisparity
virtual cv::Mat getDisparity(uint8_t disparityLvls=50)=0
Compute and return the disparity map based on the correspondences found in the "process" method.
cv::videostab::StabilizerBase::motionEstimator
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: stabilizer.hpp:84
cv::MatAllocator::allocate
virtual UMatData * allocate(int dims, const int *sizes, int type, void *data, size_t *step, AccessFlag flags, UMatUsageFlags usageFlags) const =0
cv::v_int16x8::nlanes
@ nlanes
Definition: intrin_rvv.hpp:328
cv::cuda::HostMem::HostMem
HostMem(int rows, int cols, int type, HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
cv::multicalib::MultiCameraCalibration::run
double run()
cv::TrackerCSRT::Params::admm_iterations
int admm_iterations
Definition: tracking.hpp:64
cv::legacy::TrackerMIL::Params::write
void write(FileStorage &fs) const
cv::ximgproc::createAMFilter
Ptr< AdaptiveManifoldFilter > createAMFilter(double sigma_s, double sigma_r, bool adjust_outliers=false)
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
cv::superres::DenseOpticalFlowExt::calc
virtual void calc(InputArray frame0, InputArray frame1, OutputArray flow1, OutputArray flow2=noArray())=0
cv::CAP_PROP_XI_CC_MATRIX_20
@ CAP_PROP_XI_CC_MATRIX_20
Color Correction Matrix element [2][0].
Definition: videoio.hpp:422
cv::CAP_PROP_XI_TARGET_TEMP
@ CAP_PROP_XI_TARGET_TEMP
Set sensor target temperature for cooling.
Definition: videoio.hpp:402
cv::viz::WCircle::WCircle
WCircle(double radius, double thickness=0.01, const Color &color=Color::white())
Constructs default planar circle centered at origin with plane normal along z-axis.
NCVBroxOpticalFlowDescriptor::number_of_outer_iterations
Ncv32u number_of_outer_iterations
number of warping iterations (number of pyramid levels)
Definition: NCVBroxOpticalFlow.hpp:80
cv::GComputation::GComputation
GAPI_WRAP GComputation(GMat in1, GMat in2, GMat out)
Defines a binary (two inputs – one output) computation.
cv::datasets::TRACK_alov::getDatasetsNum
virtual int getDatasetsNum()=0
cv::line_descriptor::BinaryDescriptorMatcher::radiusMatch
void radiusMatch(const Mat &queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, const std::vector< Mat > &masks=std::vector< Mat >(), bool compactResult=false)
NPPST_MEM_INTERNAL_ERROR
@ NPPST_MEM_INTERNAL_ERROR
Internal memory management error.
Definition: NCV.hpp:370
cv::CLAHE
Base class for Contrast Limited Adaptive Histogram Equalization.
Definition: imgproc.hpp:957
cv::videostab::MM_SIMILARITY
@ MM_SIMILARITY
Definition: motion_core.hpp:65
cv::videostab::StabilizerBase::inpainter_
Ptr< InpainterBase > inpainter_
Definition: stabilizer.hpp:119
cv::datasets::OR_sun
Definition: or_sun.hpp:67
cv::gapi::streaming::detail::GMeta::id
static const char * id()
Definition: meta.hpp:28
ppf_match_3d.hpp
cv::kinfu::Intr::Intr
Intr(cv::Matx33f m)
Definition: intrinsics.hpp:63
cv::optflow::GPCPatchDescriptor
Definition: sparse_matching_gpc.hpp:66
cv::cuda::OpticalFlowDual_TVL1::setUseInitialFlow
virtual void setUseInitialFlow(bool useInitialFlow)=0
CPU_AVX512_SKX
@ CPU_AVX512_SKX
Skylake-X with AVX-512F/CD/BW/DQ/VL.
Definition: cvdef.h:331
cv::GCPUStKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:478
cv::SimpleBlobDetector::Params::write
void write(FileStorage &fs) const
cv::FileNode::operator[]
FileNode operator[](int i) const
cv::LUT
void LUT(InputArray src, InputArray lut, OutputArray dst)
Performs a look-up table transform of an array.
cv::detail::tracking::contrib_feature::CvFeatureParams::HOG
@ HOG
Definition: feature.hpp:147
cv::cuda::DescriptorMatcher::train
virtual void train()=0
Trains a descriptor matcher.
cv::BackgroundSubtractor::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1)=0
Computes a foreground mask.
cv::videostab::StabilizerBase::motionEstimator_
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: stabilizer.hpp:117
cv::superres::DualTVL1OpticalFlow::setEpsilon
virtual void setEpsilon(double val)=0
cv::IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
@ IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA
Definition: imgcodecs.hpp:134
CPU_VSX
@ CPU_VSX
Definition: cvdef.h:326
cv::rgbd::RgbdFrame::ID
int ID
Definition: depth.hpp:472
cv::optflow::DualTVL1OpticalFlow::setMedianFiltering
virtual void setMedianFiltering(int val)=0
Median filter kernel size (1 = no filter) (3 or 5)
NCV_INVALID_ROI
@ NCV_INVALID_ROI
Definition: NCV.hpp:328
cv::erode
void erode(InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Erodes an image by using a specific structuring element.
cv::cuda::labelComponents
void labelComponents(const GpuMat &mask, GpuMat &components, int flags=0, Stream &stream=Stream::Null())
performs connected componnents labeling.
cv::viz::Mesh::cloud
Mat cloud
point coordinates of type CV_32FC3 or CV_64FC3 with only 1 row
Definition: types.hpp:129
cv::reg::MapperGradAffine::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
cv::videostab::IOutlierRejector::~IOutlierRejector
virtual ~IOutlierRejector()
Definition: outlier_rejection.hpp:61
cv::datasets::OR_pascal
Definition: or_pascal.hpp:90
cv::FileNode::size
size_t size() const
returns the number of elements in the node, if it is a sequence or mapping, or 1 otherwise.
cv::Mat::datalimit
const uchar * datalimit
Definition: mat.hpp:2099
cv::cudev::SobelYPtr
Definition: deriv.hpp:189
cvstd.hpp
cv::gapi::own::Point2f
Definition: types.hpp:32
cv::line_descriptor::BinaryDescriptor::Params
List of BinaryDescriptor parameters:
Definition: descriptor.hpp:187
cv::idft
void idft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
cv::mcc::DetectorParameters::maxError
float maxError
Definition: checker_detector.hpp:117
cv::IMWRITE_PXM_BINARY
@ IMWRITE_PXM_BINARY
For PPM, PGM, or PBM, it can be a binary format flag, 0 or 1. Default value is 1.
Definition: imgcodecs.hpp:96
cv::StereoMatcher::setDisp12MaxDiff
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
cv::face::FacemarkLBF::Params::bagging_overlap
double bagging_overlap
overlap ratio for training the LBF feature
Definition: facemarkLBF.hpp:76
cv::VideoWriter::VideoWriter
VideoWriter(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
cv::TermCriteria::TermCriteria
TermCriteria()
default constructor
cv::mcc::DetectorParameters::create
static Ptr< DetectorParameters > create()
util.hpp
cv::ml::TrainData::getTrainNormCatResponses
virtual Mat getTrainNormCatResponses() const =0
Returns the vector of normalized categorical responses.
cv::createCLAHE
Ptr< CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates a smart pointer to a cv::CLAHE class and initializes it.
cv::cuda::BufferPool
BufferPool for use with CUDA streams.
Definition: cuda.hpp:485
cv::Error::BadOrder
@ BadOrder
number of dimensions is out of range
Definition: base.hpp:88
cv::large_kinfu::Params::volumeParams
kinfu::VolumeParams volumeParams
Volume parameters.
Definition: large_kinfu.hpp:84
cv::bgsegm::BackgroundSubtractorGMG::setUpdateBackgroundModel
virtual void setUpdateBackgroundModel(bool update)=0
Sets the status of background model update.
OPENCV_HAL_IMPL_RVV_UNSIGNED_CMP
#define OPENCV_HAL_IMPL_RVV_UNSIGNED_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1372
cv::CAP_PROP_XI_CC_MATRIX_02
@ CAP_PROP_XI_CC_MATRIX_02
Color Correction Matrix element [0][2].
Definition: videoio.hpp:416
cv::CirclesGridFinderParameters::minDistanceToAddKeypoint
int minDistanceToAddKeypoint
Definition: calib3d.hpp:1636
G_TYPED_KERNEL
#define G_TYPED_KERNEL(Class,...)
Definition: gkernel.hpp:343
cv::detail::GCompoundKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gcompoundkernel.hpp:119
cv::detail::CameraParams::aspect
double aspect
Definition: camera.hpp:66
cv::RECURS_FILTER
@ RECURS_FILTER
Recursive Filtering.
Definition: photo.hpp:799
cv::ocl::Device::nativeVectorWidthDouble
int nativeVectorWidthDouble() const
cv::mcc::DetectorParameters::confidenceThreshold
double confidenceThreshold
Definition: checker_detector.hpp:112
cv::cudacodec::FormatInfo::chromaFormat
ChromaFormat chromaFormat
Definition: cudacodec.hpp:284
cv::dnn::readNet
Net readNet(const String &model, const String &config="", const String &framework="")
Read deep learning network represented in one of the supported formats.
cv::sfm::triangulatePoints
void triangulatePoints(InputArrayOfArrays points2d, InputArrayOfArrays projection_matrices, OutputArray points3d)
Reconstructs bunch of points by triangulation.
cv::detail::RotationWarperBase::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
warpers.hpp
cv::util::bad_variant_access
Definition: variant.hpp:48
cv::AsyncPromise::~AsyncPromise
~AsyncPromise() CV_NOEXCEPT
cv::RMat::View::dims
const std::vector< int > & dims() const
Definition: rmat.hpp:70
cv::ppf_match_3d::Pose3D
Class, allowing the storage of a pose. The data structure stores both the quaternions and the matrix ...
Definition: pose_3d.hpp:71
scalar.hpp
cv::morphologyEx
void morphologyEx(InputArray src, OutputArray dst, int op, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Performs advanced morphological transformations.
cv::videostab::WobbleSuppressorBase::WobbleSuppressorBase
WobbleSuppressorBase()
cv::ccm::DISTANCE_TYPE
DISTANCE_TYPE
Enum of possible functions to calculate the distance between colors.
Definition: ccm.hpp:345
cv::CAP_PROP_MODE
@ CAP_PROP_MODE
Backend-specific value indicating the current capture mode.
Definition: videoio.hpp:144
cv::AVIReadContainer::m_is_indx_present
bool m_is_indx_present
Definition: container_avi.private.hpp:132
cv::detail::tracking::online_boosting::Detector::getPatchIdxOfDetection
int getPatchIdxOfDetection(int detectionIdx)
cv::AffineTransformer::setFullAffine
virtual void setFullAffine(bool fullAffine)=0
cv::cuda::compare
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop, Stream &stream=Stream::Null())
Compares elements of two matrices (or of a matrix and scalar).
cv::gapi::plaidml::config::dev_id
std::string dev_id
Device ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:30
cv::UMat::UMat
UMat(int rows, int cols, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs 2D matrix and fills it with the specified value _s.
cv::detail::tracking::TrackerSamplerCS::Params::searchFactor
float searchFactor
search region parameter
Definition: tracking_internals.hpp:714
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::value_type
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type, typename PtrTraits< Ptr3 >::value_type > value_type
Definition: zip.hpp:96
cv::GRunArgP
util::variant< cv::UMat *, cv::Mat *, cv::RMat *, cv::Scalar *, cv::MediaFrame *, cv::detail::VectorRef, cv::detail::OpaqueRef > GRunArgP
Definition: garg.hpp:216
cv::ogl::Texture2D::size
Size size() const
cv::checkHardwareSupport
bool checkHardwareSupport(int feature)
Returns true if the specified feature is supported by the host hardware.
cv::detail::tracking::online_boosting::BaseClassifier::weakClassifier
WeakClassifierHaarFeature ** weakClassifier
Definition: onlineBoosting.hpp:143
cv::SparseMat::Hdr::nodeSize
size_t nodeSize
Definition: mat.hpp:2678
cv::detail::MultiBandBlender
Blender which uses multi-band blending algorithm (see ).
Definition: blenders.hpp:128
OPENCV_HAL_IMPL_RVV_EXTRACT
#define OPENCV_HAL_IMPL_RVV_EXTRACT(_Tpvec, _Tp, suffix, width, vmv)
Definition: intrin_rvv.hpp:670
nppStBorderClamp
@ nppStBorderClamp
Clamp out of range position to borders.
Definition: NPP_staging.hpp:91
cv::PCA::PCA
PCA(InputArray data, InputArray mean, int flags, double retainedVariance)
cv::ogl::ocl::initializeContextFromGL
Context & initializeContextFromGL()
Creates OpenCL context from GL.
cv::WND_PROP_OPENGL
@ WND_PROP_OPENGL
opengl support.
Definition: highgui.hpp:203
cv::RMat::Adapter
Definition: rmat.hpp:102
cv::viz::AMBIENT
@ AMBIENT
Definition: widgets.hpp:70
cv::datasets::OR_mnist::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::ocl::Device::endianLittle
bool endianLittle() const
cv::xphoto::TonemapDurand::getContrast
virtual float getContrast() const =0
cv::utils::logging::getLogTagLevel
cv::utils::logging::LogLevel getLogTagLevel(const char *tag)
cv::cudev::TypeTraits::is_pointer
@ is_pointer
Definition: type_traits.hpp:140
cv::sfm::SFM_IO_BUNDLER
@ SFM_IO_BUNDLER
Definition: io.hpp:58
cv::bioinspired::Retina::getParameters
virtual RetinaParameters getParameters()=0
cv::GFluidOutputRois
This structure allows to control the output image region which Fluid backend will produce in the grap...
Definition: gfluidkernel.hpp:110
cv::detail::RotationWarper::warpPointBackward
virtual Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R)=0
Projects the image point backward.
cv::Quat::crossProduct
Quat< _Tp > crossProduct(const Quat< _Tp > &q) const
return the crossProduct between and .
cv::img_hash::BlockMeanHashMode
BlockMeanHashMode
Definition: block_mean_hash.hpp:17
cv::BackgroundSubtractorKNN
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:230
cv::linemod::Match::class_id
String class_id
Definition: linemod.hpp:285
cv::detail::tracking::feature::CvFeatureEvaluator::~CvFeatureEvaluator
virtual ~CvFeatureEvaluator()
Definition: tracking_feature.private.hpp:54
hierarchical_clustering_index.h
cv::FileStorage::open
virtual bool open(const String &filename, int flags, const String &encoding=String())
Opens a file.
cv::directx::convertFromD3D11Texture2D
void convertFromD3D11Texture2D(ID3D11Texture2D *pD3D11Texture2D, OutputArray dst)
Converts ID3D11Texture2D to OutputArray. If input texture format is DXGI_FORMAT_NV12 then data will b...
cv::detail::tracking::online_boosting::BaseClassifier::BaseClassifier
BaseClassifier(int numWeakClassifier, int iterationInit)
cv::quality::QualitySSIM::_mat_data::I_2
mat_type I_2
Definition: qualityssim.hpp:61
cv::aruco::Dictionary::create
static Ptr< Dictionary > create(int nMarkers, int markerSize, int randomSeed=0)
cv::ccm::COLORCHECKER_Macbeth
@ COLORCHECKER_Macbeth
Macbeth ColorChecker.
Definition: ccm.hpp:89
cv::CAP_PROP_XI_AE_MAX_LIMIT
@ CAP_PROP_XI_AE_MAX_LIMIT
Maximum limit of exposure in AEAG procedure.
Definition: videoio.hpp:360
cv::GeneralizedHoughGuil::getPosThresh
virtual int getPosThresh() const =0
cv::dnn::Net::LayerId
DictValue LayerId
Container for strings and integers.
Definition: dnn.hpp:461
cv::CAP_PROP_XI_SENSOR_FEATURE_VALUE
@ CAP_PROP_XI_SENSOR_FEATURE_VALUE
Allows access to sensor feature value currently selected by XI_PRM_SENSOR_FEATURE_SELECTOR.
Definition: videoio.hpp:492
cv::gapi::s11n::detail::has_S11N_spec::value
static constexpr bool value
Definition: base.hpp:37
cv::ximgproc::SuperpixelLSC::iterate
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
cv::face::FacemarkKazemi::setFaceDetector
virtual bool setFaceDetector(bool(*f)(InputArray, OutputArray, void *), void *userData)=0
set the custom face detector
cv::ximgproc::AdaptiveManifoldFilter::setPCAIterations
virtual void setPCAIterations(int val)=0
cv::bgsegm::BackgroundSubtractorLSBPDesc::compute
static void compute(OutputArray desc, const Mat &frame, const Point2i *LSBPSamplePoints)
cv::BaseCascadeClassifier::setMaskGenerator
virtual void setMaskGenerator(const Ptr< MaskGenerator > &maskGenerator)=0
cv::WARP_POLAR_LINEAR
@ WARP_POLAR_LINEAR
Remaps an image to/from polar space.
Definition: imgproc.hpp:281
cv::utils::lock_guard::Mutex
_Mutex Mutex
Definition: lock.private.hpp:18
cv::cudev::SobelYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:190
cv::cudev::PtrTraits< Expr< Body > >::ptr_sz_type
Expr< Body > ptr_sz_type
Definition: expr.hpp:72
cv::cuda::warpPerspective
void warpPerspective(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies a perspective transformation to an image.
cv::rgbd::RgbdICPOdometry::setMinDepth
void setMinDepth(double val)
Definition: depth.hpp:929
cv::cuda::BackgroundSubtractorGMG::setUpdateBackgroundModel
virtual void setUpdateBackgroundModel(bool update)=0
cv::detail::CylindricalPortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:650
cv::EVENT_RBUTTONUP
@ EVENT_RBUTTONUP
indicates that right mouse button is released.
Definition: highgui.hpp:215
cv::detail::has_custom_wrap::check
Definition: gtype_traits.hpp:107
cv::cudev::vec_math_detail::SatCastHelper< 3, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:83
cv::saliency::Saliency::~Saliency
virtual ~Saliency()
Destructor.
cv::VIDEOWRITER_PROP_FRAMEBYTES
@ VIDEOWRITER_PROP_FRAMEBYTES
(Read-only): Size of just encoded video frame. Note that the encoding order may be different from rep...
Definition: videoio.hpp:195
cv::DenseOpticalFlow::calc
virtual void calc(InputArray I0, InputArray I1, InputOutputArray flow)=0
Calculates an optical flow.
cv::HOGDescriptor::~HOGDescriptor
virtual ~HOGDescriptor()
Default destructor.
Definition: objdetect.hpp:434
cv::cuda::FEATURE_SET_COMPUTE_50
@ FEATURE_SET_COMPUTE_50
Definition: cuda.hpp:784
cv::depthToString
const char * depthToString(int depth)
cv::ppf_match_3d::Pose3D::q
Vec4d q
Definition: pose_3d.hpp:130
cv::cudev::LaplacianPtr< 3, SrcPtr >::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:351
cv::rgbd::DepthCleaner::operator()
void operator()(InputArray points, OutputArray depth) const
cv::videostab::WobbleSuppressorBase::~WobbleSuppressorBase
virtual ~WobbleSuppressorBase()
Definition: wobble_suppression.hpp:65
cv::detail::BundleAdjusterBase::setConfThresh
void setConfThresh(double conf_thresh)
Definition: motion_estimators.hpp:144
cv::viz::Viz3d::setRenderingProperty
void setRenderingProperty(const String &id, int property, double value)
Sets rendering property of a widget.
hal_ni_sepFilter
int hal_ni_sepFilter(cvhalFilter2D *context, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y)
hal_sepFilter
Definition: hal_replacement.hpp:168
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, const String &dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
cv::GCPUContext::m_args
std::vector< GArg > m_args
Definition: gcpukernel.hpp:123
cv::face::MACE::create
static cv::Ptr< MACE > create(int IMGSIZE=64)
constructor
cv::COLOR_RGB2RGBA
@ COLOR_RGB2RGBA
Definition: imgproc.hpp:529
cv::ft::FT12D_polynomial
void FT12D_polynomial(InputArray matrix, InputArray kernel, OutputArray c00, OutputArray c10, OutputArray c01, OutputArray components, InputArray mask=noArray())
Computes elements of -transform components.
cv::detail::PaniniPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::GeneralizedHoughGuil::setAngleStep
virtual void setAngleStep(double angleStep)=0
Angle step in degrees.
cv::gapi::s11n::detail::getInStream
std::unique_ptr< IIStream > getInStream(const std::vector< char > &p)
cv::detail::get_out< cv::GFrame >::get
static cv::MediaFrame & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:264
cv::CommandLineParser::get
T get(const String &name, bool space_delete=true) const
Access arguments by name.
Definition: utility.hpp:855
cv::detail::OCVStCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:446
cv::UMatData::hostCopyObsolete
bool hostCopyObsolete() const
cv::utils::dumpSizeT
static String dumpSizeT(size_t argument)
Definition: bindings_utils.hpp:36
cv::stereo::StereoBinarySGBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::linemod::ColorGradient::create
static Ptr< ColorGradient > create(float weak_threshold, size_t num_features, float strong_threshold)
HaarStage64::getStartClassifierRootNodeOffset
__host__ __device__ Ncv32u getStartClassifierRootNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:307
cv::dnn::LSTMLayer::outputNameToIndex
int outputNameToIndex(const String &outputName) CV_OVERRIDE
Returns index of output blob in output array.
NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CASCADE
Definition: NCV.hpp:345
cv::CAP_INTELPERC_IMAGE
@ CAP_INTELPERC_IMAGE
Definition: videoio.hpp:558
cv::COLOR_BGR2HSV
@ COLOR_BGR2HSV
convert RGB/BGR to HSV (hue saturation value), color conversions
Definition: imgproc.hpp:589
cv::InferAPI
Definition: infer.hpp:112
cv::videostab::StabilizerBase::trimRatio_
float trimRatio_
Definition: stabilizer.hpp:121
cv::img_hash::RadialVarianceHash::getProjection
Mat getProjection()
cv::img_hash::ImgHashBase::compute
void compute(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes hash of the input image.
nppiStTranspose_64f_C1R
NCVStatus nppiStTranspose_64f_C1R(Ncv64f *d_src, Ncv32u srcStride, Ncv64f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::ogl::Arrays::bind
void bind() const
Binds all vertex arrays.
cv::BORDER_REPLICATE
@ BORDER_REPLICATE
aaaaaa|abcdefgh|hhhhhhh
Definition: base.hpp:270
cv::detail::tracking::TrackerModel::setLastTargetState
void setLastTargetState(const Ptr< TrackerTargetState > &lastTargetState)
Set the current TrackerTargetState in the Trajectory.
cv::MatExpr::max
MatExpr max(const Mat &a, const Mat &b)
cv::MORPH_GRADIENT
@ MORPH_GRADIENT
Definition: imgproc.hpp:219
cv::cudev::bind2nd
__host__ __device__ Binder2nd< Op > bind2nd(const Op &op, const typename Op::second_argument_type &arg2)
Definition: functional.hpp:864
cv::GTransform::GTransform
GTransform(const std::string &d, const F &p, const F &s)
Definition: gtransform.hpp:34
cv::MatOp::abs
virtual void abs(const MatExpr &expr, MatExpr &res) const
cv::plot::Plot2d
Definition: plot.hpp:66
hal_ni_addWeighted32s
int hal_ni_addWeighted32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:322
cv::SparseMat::Node::next
size_t next
index of the next node in the same hash table entry
Definition: mat.hpp:2692
cv::ppf_match_3d::Pose3D::updatePoseQuat
void updatePoseQuat(Vec4d &Q, Vec3d &NewT)
Updates the pose with the new one, but this time using quaternions to represent rotation.
cv::viz::Viz3d::getWidgetPose
Affine3d getWidgetPose(const String &id) const
Returns the current pose of a widget in the window.
cv::createTonemapMantiuk
Ptr< TonemapMantiuk > createTonemapMantiuk(float gamma=1.0f, float scale=0.7f, float saturation=1.0f)
Creates TonemapMantiuk object.
cv::COLOR_GRAY2BGRA
@ COLOR_GRAY2BGRA
Definition: imgproc.hpp:550
cv::line_descriptor::BinaryDescriptor::setReductionRatio
void setReductionRatio(int rRatio)
Set reduction ratio (used in Gaussian pyramids)
cv::ppf_match_3d::queryPCFlann
void queryPCFlann(void *flannIndex, Mat &pc, Mat &indices, Mat &distances)
cv::flann::GenericIndex::GenericIndex
GenericIndex(const Mat &features, const ::cvflann::IndexParams &params, Distance distance=Distance())
Constructs a nearest neighbor search index for a given dataset.
cv::gapi::own::Mat::Mat
Mat(Mat const &)=default
cv::detail::FluidCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... >, UseScratch >::reset_scratch
static void reset_scratch(gapi::fluid::Buffer &scratch_buf)
Definition: gfluidkernel.hpp:390
cv::dnn::RNNLayer::setProduceHiddenOutput
virtual void setProduceHiddenOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
cv::detail::tracking::contrib_feature::CvFeatureParams::write
virtual void write(FileStorage &fs) const CV_OVERRIDE
cv::omnidir::internal::encodeParametersStereo
void encodeParametersStereo(InputArray K1, InputArray K2, InputArray om, InputArray T, InputArrayOfArrays omL, InputArrayOfArrays tL, InputArray D1, InputArray D2, double xi1, double xi2, OutputArray parameters)
cv::gapi::use_only
cv::use_only() is a special combinator which hints G-API to use only kernels specified in cv::GComput...
Definition: gkernel.hpp:705
cv::linemod::QuantizedPyramid::~QuantizedPyramid
virtual ~QuantizedPyramid()
Definition: linemod.hpp:59
cv::ccm::COLOR_SPACE_Lab_A_2
@ COLOR_SPACE_Lab_A_2
non-RGB color space
Definition: ccm.hpp:126
cv::DetectionBasedTracker::DETECTED_NOT_SHOWN_YET
@ DETECTED_NOT_SHOWN_YET
Definition: detection_based_tracker.hpp:140
CvVideoCamera::videoDataOutput
AVCaptureVideoDataOutput * videoDataOutput
Definition: cap_ios.h:102
cv::detail::ExposureCompensator::updateGain
bool updateGain
Definition: exposure_compensate.hpp:91
cv::ml::DTrees::getMinSampleCount
virtual int getMinSampleCount() const =0
cv::cudev::PerspectiveMapPtr
Definition: warping.hpp:108
Ncv32u_a
Ncv32u Ncv32u_a
Definition: NCVHaarObjectDetection.hpp:215
cv::DetectionBasedTracker::updateTrackedObjects
void updateTrackedObjects(const std::vector< cv::Rect > &detectedObjects)
cv::ximgproc::SLICO
@ SLICO
Definition: slic.hpp:64
cv::ximgproc::segmentation::GraphSegmentation::getSigma
virtual double getSigma()=0
cv::optflow::GPCForest::read
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
Definition: sparse_matching_gpc.hpp:281
cv::cuda::TargetArchs::hasEqualOrGreater
static bool hasEqualOrGreater(int major, int minor)
swt_text_detection.hpp
cv::detail::ChannelsCompensator::setNrFeeds
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:155
cv::quality::QualityBRISQUE::_range
cv::Mat _range
Definition: qualitybrisque.hpp:68
tuple.hpp
cv::CAP_PROP_XI_KNEEPOINT2
@ CAP_PROP_XI_KNEEPOINT2
Value of second kneepoint (% of sensor saturation).
Definition: videoio.hpp:481
cv::ml::TrainData::getTrainSampleWeights
virtual Mat getTrainSampleWeights() const =0
cv::dnn::TextDetectionModel_DB
This class represents high-level API for text detection DL networks compatible with DB model.
Definition: dnn.hpp:1544
cv::samples::findFile
cv::String findFile(const cv::String &relative_path, bool required=true, bool silentMode=false)
Try to find requested data file.
cv::flann::GenericIndex::getIndexParameters
const ::cvflann::IndexParams * getIndexParameters()
Definition: flann.hpp:328
cv::cuda::NvidiaHWOpticalFlow
Base Interface for optical flow algorithms using NVIDIA Optical Flow SDK.
Definition: cudaoptflow.hpp:108
cv::hal::div64f
void div64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
cv::ppf_match_3d::PPF3DDetector
Class, allowing the load and matching 3D models. Typical Use:
Definition: ppf_match_3d.hpp:98
cv::detail::OptRef::Holder
Definition: gstreaming.hpp:40
cv::GCPUStKernelImpl::State
S State
Definition: gcpukernel.hpp:476
cv::empty_gopaque_desc
static GOpaqueDesc empty_gopaque_desc()
Definition: gopaque.hpp:43
cv::ccalib::CustomPattern::CustomPattern
CustomPattern()
cv::QT_CHECKBOX
@ QT_CHECKBOX
Checkbox button.
Definition: highgui.hpp:258
cv::structured_light::GrayCodePattern::Params::height
int height
Definition: graycodepattern.hpp:80
cv::kinfu::Volume
Definition: volume.hpp:19
cv::large_kinfu::Params::tsdf_min_camera_movement
float tsdf_min_camera_movement
Minimal camera movement in meters Integrate new depth frame only if camera movement exceeds this valu...
Definition: large_kinfu.hpp:65
cv::GOpaque
Definition: gopaque.hpp:309
cv::rgbd::ICPOdometry::setMinDepth
void setMinDepth(double val)
Definition: depth.hpp:795
qualitybrisque.hpp
gtransform.hpp
cv::cuda::OpticalFlowDual_TVL1::getGamma
virtual double getGamma() const =0
cv::aruco::Board::create
static Ptr< Board > create(InputArrayOfArrays objPoints, const Ptr< Dictionary > &dictionary, InputArray ids)
Provide way to create Board by passing necessary data. Specially needed in Python.
cv::utils::fs::remove_all
void remove_all(const cv::String &path)
cv::superres::DualTVL1OpticalFlow
Definition: optical_flow.hpp:104
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::init
virtual void init(const CvFeatureParams &fp) CV_OVERRIDE
cv::superres::DualTVL1OpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
cv::v_int64x2::v_int64x2
v_int64x2(int64 v0, int64 v1)
Definition: intrin_rvv.hpp:494
cv::ximgproc::EdgeBoxes::setAlpha
virtual void setAlpha(float value)=0
Sets the step size of sliding window search.
cv::MatOp::roi
virtual void roi(const MatExpr &expr, const Range &rowRange, const Range &colRange, MatExpr &res) const
INCVMemAllocator::alignment
virtual Ncv32u alignment(void) const =0
cv::Point3_::dot
_Tp dot(const Point3_ &pt) const
dot product
cv::SparseMat::const_iterator
SparseMatConstIterator const_iterator
Definition: mat.hpp:2666
cv::dnn::imagesFromBlob
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:...
cv::cuda::merge
void merge(const GpuMat *src, size_t n, OutputArray dst, Stream &stream=Stream::Null())
Makes a multi-channel matrix out of several single-channel matrices.
cv::omnidir::CALIB_FIX_GAMMA
@ CALIB_FIX_GAMMA
Definition: omnidir.hpp:64
VADisplay
void * VADisplay
Definition: va_intel.hpp:22
cv::v_int8x16::nlanes
@ nlanes
Definition: intrin_rvv.hpp:263
cv::datasets::IR_affine::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::MatExpr::max
static MatExpr max(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3699
cv::HOGDescriptor::signedGradient
bool signedGradient
Indicates signed gradient will be used or not.
Definition: objdetect.hpp:629
cv::COLORMAP_PARULA
@ COLORMAP_PARULA
Definition: imgproc.hpp:4279
cv::NORM_RELATIVE
@ NORM_RELATIVE
flag
Definition: base.hpp:206
cv::GFluidKernelImpl::kernel
static GFluidKernel kernel()
Definition: gfluidkernel.hpp:423
cv::cuda::HOG::setSVMDetector
virtual void setSVMDetector(InputArray detector)=0
Sets coefficients for the linear SVM classifier.
NCVMatrix::_height
Ncv32u _height
Definition: NCV.hpp:834
cv::hal::DFT2D::create
static Ptr< DFT2D > create(int width, int height, int depth, int src_channels, int dst_channels, int flags, int nonzero_rows=0)
cv::getDefaultNewCameraMatrix
Mat getDefaultNewCameraMatrix(InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false)
Returns the default new camera matrix.
cv::detail::OpaqueRef::storeKind
void storeKind()
Definition: gopaque.hpp:265
cv::v_int8x16::get0
schar get0() const
Definition: intrin_rvv.hpp:285
cv::text::BaseOCR::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)=0
cv::detail::tracking::online_boosting::Detector::getNumDetections
int getNumDetections()
cv::ovis::WindowScene::getEntityAnimations
virtual void getEntityAnimations(const String &name, std::vector< String > &out)=0
cv::ccm::COLOR_SPACE_AdobeRGB
@ COLOR_SPACE_AdobeRGB
https://en.wikipedia.org/wiki/Adobe_RGB_color_space , RGB color space
Definition: ccm.hpp:96
cv::AVIWriteContainer::startWriteAVI
void startWriteAVI(int stream_count)
cv::Accumulator< short >::Type
float Type
Definition: features2d.hpp:889
cv::viz::Viz3d::close
void close()
cv::text::OCR_LEVEL_TEXTLINE
@ OCR_LEVEL_TEXTLINE
Definition: ocr.hpp:63
cv::ml::TrainData::getTrainResponses
virtual Mat getTrainResponses() const =0
Returns the vector of responses.
cv::dnn::PoolingLayer::ceilMode
bool ceilMode
Definition: all_layers.hpp:255
cv::detail::Graph::numVertices
int numVertices() const
Definition: util.hpp:90
cv::utils::shared_lock_guard::~shared_lock_guard
~shared_lock_guard()
Definition: lock.private.hpp:51
cv::V_TypeTraits< float >::reinterpret_from_int
static float reinterpret_from_int(int_type x)
Definition: intrin.hpp:166
cv::vuint16mf2_t::val
ushort val[4]
Definition: intrin_rvv.hpp:49
cv::detail::tracking::tbm::ITrackerByMatching::count
virtual size_t count() const =0
Returns number of counted people.
cv::initCameraMatrix2D
Mat initCameraMatrix2D(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0)
Finds an initial camera intrinsic matrix from 3D-2D point correspondences.
cv::cuda::ALPHA_PLUS
@ ALPHA_PLUS
Definition: cudaimgproc.hpp:159
logger.h
cv::videostab::InpainterBase::stabilizedFrames
virtual const std::vector< Mat > & stabilizedFrames() const
Definition: inpainting.hpp:88
cv::ovis::MATERIAL_POINT_SIZE
@ MATERIAL_POINT_SIZE
Definition: ovis.hpp:60
cv::GCall::yieldP
GMatP yieldP(int output=0)
cv::ocl::finish
void finish()
cv::FastFeatureDetector::DetectorType
DetectorType
Definition: features2d.hpp:544
cv::Matx31f
Matx< float, 3, 1 > Matx31f
Definition: matx.hpp:232
cv::UMatData::allocatorContext
std::shared_ptr< void > allocatorContext
Definition: mat.hpp:568
cv::linemod::Detector::match
void match(const std::vector< Mat > &sources, float threshold, std::vector< Match > &matches, const std::vector< String > &class_ids=std::vector< String >(), OutputArrayOfArrays quantized_images=noArray(), const std::vector< Mat > &masks=std::vector< Mat >()) const
Detect objects by template matching.
NCV_FILE_ERROR
@ NCV_FILE_ERROR
Definition: NCV.hpp:321
cv::_InputArray::size
Size size(int i=-1) const
radial_variance_hash.hpp
cv::cnn_3dobj::icoSphere::createHeader
static void createHeader(int num_item, int rows, int cols, const char *headerPath)
Create header in binary files collecting the image data and label.
cv::gapi::ie::detail::ParamDesc::output_names
std::vector< std::string > output_names
Definition: ie.hpp:56
cv::dnn::DNN_TARGET_CUDA
@ DNN_TARGET_CUDA
Definition: dnn.hpp:95
cv::gapi::core::G_TYPED_KERNEL_M
G_TYPED_KERNEL_M(GPolarToCart,< GMat2(GMat, GMat, bool)>, "org.opencv.core.math.polarToCart")
Definition: core.hpp:139
cv::getOptimalNewCameraMatrix
Mat getOptimalNewCameraMatrix(InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0, bool centerPrincipalPoint=false)
Returns the new camera intrinsic matrix based on the free scaling parameter.
cv::rapid::extractControlPoints
void extractControlPoints(int num, int len, InputArray pts3d, InputArray rvec, InputArray tvec, InputArray K, const Size &imsize, InputArray tris, OutputArray ctl2d, OutputArray ctl3d)
cv::PyRotationWarper::setScale
void setScale(float)
Definition: warpers.hpp:130
cv::superres::PyrLKOpticalFlow::setIterations
virtual void setIterations(int val)=0
cv::cudev::GpuMat_::create
__host__ void create(int arows, int acols)
allocates new GpuMat data unless the GpuMat already has specified size and type
cv::COLORMAP_TWILIGHT
@ COLORMAP_TWILIGHT
Definition: imgproc.hpp:4285
cv::cuda::Filter::apply
virtual void apply(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Applies the specified filter to the image.
cv::legacy::TrackerBoosting::Params::samplerSearchFactor
float samplerSearchFactor
search region parameters to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:156
cv::ml::DTrees::Node::value
double value
Definition: ml.hpp:1161
cv::cuda::setDevice
void setDevice(int device)
Sets a device and initializes it for the current thread.
hashtable_int
Definition: t_hash_int.hpp:68
NcvPoint2D32u
Definition: NCV.hpp:201
cv::videostab::StabilizerBase::stabilizationMotions_
std::vector< Mat > stabilizationMotions_
Definition: stabilizer.hpp:139
cv::viz::KeyboardEvent::code
unsigned char code
Definition: types.hpp:299
cv::viz::Color::purple
static Color purple()
cv::cudev::multiplies::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:97
cv::optflow::PCAPrior::PCAPrior
PCAPrior(const char *pathToPrior)
cv::ccm::COLOR_SPACE_XYZ_D55_2
@ COLOR_SPACE_XYZ_D55_2
non-RGB color space
Definition: ccm.hpp:116
cv::setWindowTitle
void setWindowTitle(const String &winname, const String &title)
Updates window title.
cv::Quat::atanh
friend Quat< T > atanh(const Quat< T > &q)
return arctanh value of quaternion q, arctanh could be calculated as:
cv::gapi::own::detail::MatHeader::operator=
MatHeader & operator=(MatHeader &&src)
Definition: mat.hpp:65
cv::TLSDataAccumulator::_cleanupDetachedData
void _cleanupDetachedData()
Definition: tls.hpp:189
cv::videostab::LpMotionStabilizer::LpMotionStabilizer
LpMotionStabilizer(MotionModel model=MM_SIMILARITY)
cv::cudev::NormL1::value_type
int value_type
Definition: vec_distance.hpp:63
cv::quality::quality_utils::get_column_range
cv::Mat get_column_range(const cv::Mat &data)
Definition: quality_utils.hpp:62
cv::detail::OptRef::OptHolder::Ptr
std::shared_ptr< OptHolder > Ptr
Definition: gstreaming.hpp:38
cv::dnn::BNLLLayer
Definition: all_layers.hpp:483
cv::Mat::deallocate
void deallocate()
internal use function, consider to use 'release' method instead; deallocates the matrix data
cv::Stitcher::seamFinder
const Ptr< detail::SeamFinder > seamFinder() const
Definition: stitching.hpp:244
cv::rgbd::RgbdNormals::getCols
int getCols() const
Definition: depth.hpp:132
cv::Quat::tan
Quat< _Tp > tan() const
return tan value of this quaternion, tan could be calculated as:
cv::datasets::TRACK_alov::getFrame
virtual bool getFrame(Mat &frame, int datasetID, int frameID)=0
cv::detail::StereographicWarper
Definition: warpers.hpp:382
cv::MORPH_RECT
@ MORPH_RECT
a rectangular structuring element:
Definition: imgproc.hpp:231
cv::SOLVEPNP_IPPE
@ SOLVEPNP_IPPE
Definition: calib3d.hpp:465
cv::aruco::DetectorParameters::aprilTagMinClusterPixels
int aprilTagMinClusterPixels
Definition: aruco.hpp:182
cv::scaleAdd
void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst)
Calculates the sum of a scaled array and another array.
cv::Mat::zeros
static MatExpr zeros(int rows, int cols, int type)
Returns a zero array of the specified size and type.
cv::gapi::GNetPackage::GNetPackage
GAPI_WRAP GNetPackage()=default
cv::aruco::DetectorParameters::perspectiveRemoveIgnoredMarginPerCell
double perspectiveRemoveIgnoredMarginPerCell
Definition: aruco.hpp:172
cv::COLOR_YUV2RGBA_UYNV
@ COLOR_YUV2RGBA_UYNV
Definition: imgproc.hpp:693
cv::createMergeRobertson
Ptr< MergeRobertson > createMergeRobertson()
Creates MergeRobertson object.
cv::cuda::mulAndScaleSpectrums
void mulAndScaleSpectrums(InputArray src1, InputArray src2, OutputArray dst, int flags, float scale, bool conjB=false, Stream &stream=Stream::Null())
Performs a per-element multiplication of two Fourier spectrums and scales the result.
cv::legacy::MultiTracker_Alt::MultiTracker_Alt
MultiTracker_Alt()
Constructor for Multitracker.
Definition: tracking_legacy.hpp:425
cv::hal::warpAffine
void warpAffine(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[6], int interpolation, int borderType, const double borderValue[4])
cv::videostab::TwoPassStabilizer::reset
virtual void reset() CV_OVERRIDE
cv::large_kinfu::Params::frameSize
Size frameSize
frame size in pixels
Definition: large_kinfu.hpp:39
nppsStCompact_32s
NCVStatus nppsStCompact_32s(Ncv32s *d_src, Ncv32u srcLen, Ncv32s *d_dst, Ncv32u *p_dstLen, Ncv32s elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::ImwriteEXRTypeFlags
ImwriteEXRTypeFlags
Definition: imgcodecs.hpp:107
cv::detail::in_variant
Definition: garg.hpp:113
cv::StereoSGBM::setP1
virtual void setP1(int P1)=0
GAPI_WRAP
#define GAPI_WRAP
Definition: exports.hpp:19
cv::videostab::ToFileMotionWriter::ToFileMotionWriter
ToFileMotionWriter(const String &path, Ptr< ImageMotionEstimatorBase > estimator)
cv::GC_INIT_WITH_RECT
@ GC_INIT_WITH_RECT
Definition: imgproc.hpp:355
cv::ocl::Platform::getDefault
static Platform & getDefault()
cv::cudev::TexturePtr::texObj
cudaTextureObject_t texObj
Definition: texture.hpp:190
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(int _flags, void *_obj)
cv::DetectionBasedTracker::IDetector::setScaleFactor
void setScaleFactor(float value)
Definition: detection_based_tracker.hpp:100
cv::datasets::AR_sportsObj
Definition: ar_sports.hpp:61
cv::detail::tracking::contrib_feature::CvHOGEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
cv::dnn_superres::DnnSuperResImpl::setPreferableBackend
void setPreferableBackend(int backendId)
Set computation backend.
cv::detail::VectorRefT::wref
std::vector< T > & wref()
Definition: garray.hpp:186
cv::dnn::DetectionModel::DetectionModel
DetectionModel(const Net &network)
Create model from deep learning network.
cv::cudev::SobelYPtrSz::rows
int rows
Definition: deriv.hpp:209
cv::detail::get_border_helper
Definition: gfluidkernel.hpp:262
hal_ni_gemm64fc
int hal_ni_gemm64fc(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:703
cv::cuda::sqrSum
Scalar sqrSum(InputArray src, InputArray mask=noArray())
Returns the squared sum of matrix elements.
cv::GComputation::GComputation
GAPI_WRAP GComputation(GMat in, GMat out)
Defines an unary (one input – one output) computation.
cv::ximgproc::WMF_IV2
@ WMF_IV2
Definition: weighted_median_filter.hpp:68
cv::TrackerKCF::Params
Definition: tracking.hpp:118
cv::cudev::gridMinMaxLoc
__host__ void gridMinMaxLoc(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:353
cv::quality::QualityGMSD::_mat_data::empty
bool empty() const
Definition: qualitygmsd.hpp:74
cv::MatConstIterator_::pointer
const _Tp * pointer
Definition: mat.hpp:3081
OpenCV_API_Header::opencv_version_minor
unsigned opencv_version_minor
compiled OpenCV version
Definition: llapi.h:45
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::setTargetResponses
void setTargetResponses(const Mat &responses)
Set the features extracted from TrackerContribFeatureSet.
cv::optflow::DenseRLOFOpticalFlow::setGridStep
virtual void setGridStep(Size val)=0
Size of the grid to spawn the motion vectors.
NCVMemoryTypeDevice
@ NCVMemoryTypeDevice
Definition: NCV.hpp:432
cv::optflow::RLOFOpticalFlowParameter::getSolverType
SolverType getSolverType() const
graycodepattern.hpp
cv::kinfu::makeVolume
Ptr< Volume > makeVolume(const VolumeParams &_volumeParams)
cv::DetectionBasedTracker::Parameters
Definition: detection_based_tracker.hpp:61
cv::CirclesGridFinderParameters::minDensity
float minDensity
Definition: calib3d.hpp:1634
cv::rgbd::DepthCleaner::depth_cleaner_impl_
void * depth_cleaner_impl_
Definition: depth.hpp:263
cv::optflow::GPCSamplesVector
std::vector< GPCPatchSample > GPCSamplesVector
Definition: sparse_matching_gpc.hpp:86
cv::Node::m_payload
OBJECT m_payload
Definition: utility.hpp:1114
schar
signed char schar
Definition: interface.h:48
cv::cuda::GpuMat::rowRange
GpuMat rowRange(int startrow, int endrow) const
... for the specified row span
cv::saliency::MotionSaliencyBinWangApr2014::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
cv::viz::WPaintedCloud::WPaintedCloud
WPaintedCloud(InputArray cloud, const Point3d &p1, const Point3d &p2, const Color &c1, const Color c2)
Paint cloud with gradient specified by given colors between given points.
cv::text::ERStat::min_probability_ancestor
ERStat * min_probability_ancestor
Definition: erfilter.hpp:111
cv::datasets::GR_chalearnObj
Definition: gr_chalearn.hpp:76
cv::SparseMatConstIterator::hashidx
size_t hashidx
Definition: mat.hpp:3218
cv::MatIterator_::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3135
dataset.hpp
cv::Formatted::~Formatted
virtual ~Formatted()
cv::dnn::InterpLayer
Bilinear resize layer from https://github.com/cdmh/deeplab-public-ver2.
Definition: all_layers.hpp:666
cv::UMatData::MemoryFlag
MemoryFlag
Definition: mat.hpp:532
cv::phase_unwrapping::HistogramPhaseUnwrapping::create
static Ptr< HistogramPhaseUnwrapping > create(const HistogramPhaseUnwrapping::Params &parameters=HistogramPhaseUnwrapping::Params())
Constructor.
cv::cuda::DensePyrLKOpticalFlow::setNumIters
virtual void setNumIters(int iters)=0
cv::GRunArgs
std::vector< GRunArg > GRunArgs
Definition: garg.hpp:165
cv::dnn::Net::forward
void forward(OutputArrayOfArrays outputBlobs, const String &outputName=String())
Runs forward pass to compute output of layer with name outputName.
cv::ximgproc::colorMatchTemplate
void colorMatchTemplate(InputArray img, InputArray templ, OutputArray result)
Compares a color template against overlapped color image regions.
cv::detail::tracking::tbm::Track
The Track class describes tracks.
Definition: tracking_by_matching.hpp:318
cv::rgbd::Odometry::DEFAULT_MAX_DEPTH
static float DEFAULT_MAX_DEPTH()
Definition: depth.hpp:540
cv::SIFT::create
static Ptr< SIFT > create(int nfeatures, int nOctaveLayers, double contrastThreshold, double edgeThreshold, double sigma, int descriptorType)
Create SIFT with specified descriptorType.
NCV_INVALID_SCALE
@ NCV_INVALID_SCALE
Definition: NCV.hpp:330
cv::FileNode::read
static void read(const FileNode &node, std::vector< KeyPoint > &vec, const std::vector< KeyPoint > &default_value)
Definition: persistence.hpp:1194
cv::cudev::ScharrXPtr
Definition: deriv.hpp:235
cv::detail::BundleAdjusterBase::BundleAdjusterBase
BundleAdjusterBase(int num_params_per_cam, int num_errs_per_measurement)
Construct a bundle adjuster base instance.
Definition: motion_estimators.hpp:155
CGImageToMat
void CGImageToMat(const CGImageRef image, cv::Mat &m, bool alphaExist=false)
cv::detail::VectorRefT::VectorRefT
VectorRefT()
Definition: garray.hpp:154
cv::IMWRITE_PAM_FORMAT_RGB
@ IMWRITE_PAM_FORMAT_RGB
Definition: imgcodecs.hpp:135
ncvDrawRects_32u_device
NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv32u color, cudaStream_t cuStream)
cv::util::variant::~variant
~variant()
Definition: variant.hpp:273
cv::cudev::IsUnaryFunction::No::a
Yes a[2]
Definition: functional.hpp:877
cv::GCall::m_priv
std::shared_ptr< Priv > m_priv
Definition: gcall.hpp:69
cv::ppf_match_3d::indexPCFlann
void * indexPCFlann(Mat pc)
cv::util::optional::value
T & value()
Definition: optional.hpp:139
cv::GFTTDetector::setQualityLevel
virtual void setQualityLevel(double qlevel)=0
cv::Affine3::rotation
void rotation(const Vec3 &rvec)
cv::line_descriptor::BinaryDescriptor::~BinaryDescriptor
~BinaryDescriptor()
NCVMemNativeAllocator::isInitialized
virtual NcvBool isInitialized() const
OPENCV_HAL_IMPL_RVV_REDUCE
#define OPENCV_HAL_IMPL_RVV_REDUCE(_Tpvec, func, scalartype, suffix, width, red)
Definition: intrin_rvv.hpp:1491
cv::RANSAC
@ RANSAC
RANSAC algorithm.
Definition: calib3d.hpp:445
cv::Quat::operator/
Quat< _Tp > operator/(const _Tp s) const
Division operator of a quaternions and a scalar. It divides left operand with the right operand and a...
cv::datasets::GR_chalearn::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::dnn::ScaleLayer::axis
int axis
Definition: all_layers.hpp:546
cv::viz::Viz3d::showImage
void showImage(InputArray image, const Size &window_size=Size(-1, -1))
Removed all widgets and displays image scaled to whole window area.
cv::face::FacemarkAAM::Model::Texture::A0
Mat A0
average of gray values from all face region in the dataset
Definition: facemarkAAM.hpp:121
CPU_NEON
@ CPU_NEON
Definition: cvdef.h:322
cv::CAP_REALSENSE
@ CAP_REALSENSE
Synonym for CAP_INTELPERC.
Definition: videoio.hpp:112
hal_ni_cvtBGRtoLab
int hal_ni_cvtBGRtoLab(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isLab, bool srgb)
hal_cvtBGRtoLab
Definition: hal_replacement.hpp:472
cv::KeyPoint::response
float response
the response by which the most strong keypoints have been selected. Can be used for the further sorti...
Definition: types.hpp:776
cv::v_rotate_left
v_reg< _Tp, n > v_rotate_left(const v_reg< _Tp, n > &a)
Element shift left among vector.
Definition: intrin_cpp.hpp:1209
cv::ximgproc::segmentation::GraphSegmentation::setMinSize
virtual void setMinSize(int min_size)=0
cv::detail::tracking::feature::CvFeatureEvaluator::cls
Mat cls
Definition: tracking_feature.private.hpp:89
cv::PaniniPortraitWarper
Definition: warpers.hpp:227
cv::cudacodec::EncoderParams::EncoderParams
EncoderParams(const String &configFile)
Constructors.
cv::gapi::wip::draw::Circle::thick
int thick
The thickness of the circle outline, if positive. Negative values, like FILLED, mean that a filled ci...
Definition: render_types.hpp:189
cv::ogl::Arrays::size
int size() const
Returns the vertex count.
cv::MatExpr::row
MatExpr row(int y) const
cv::stereo::StereoMatcher::setSpeckleWindowSize
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
cv::Mat_::channels
int channels() const
cv::cuda::ImagePyramid
Definition: cudalegacy.hpp:71
mapper.hpp
type_traits.hpp
cv::CAP_PROP_XI_HW_REVISION
@ CAP_PROP_XI_HW_REVISION
Returns hardware revision number.
Definition: videoio.hpp:483
cv::detail::ExposureCompensator::setMatGains
virtual void setMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:89
cv::gapi::fluid::View::operator=
View & operator=(View &&v)
cv::AutoBuffer::data
const _Tp * data() const
returns read-only pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:130
cv::detail::TransverseMercatorWarper
Definition: warpers.hpp:495
cv::dnn::SwishLayer::create
static Ptr< SwishLayer > create(const LayerParams &params)
cv::Mat_::Mat_
Mat_(int _rows, int _cols, const _Tp &value)
constructor that sets each matrix element to specified value
cv::text::PSM_AUTO_OSD
@ PSM_AUTO_OSD
Definition: ocr.hpp:70
cv::BackgroundSubtractorMOG2::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
cv::text::OCRHMMDecoder::ClassifierCallback::~ClassifierCallback
virtual ~ClassifierCallback()
Definition: ocr.hpp:207
NCVMatrix::~NCVMatrix
virtual ~NCVMatrix()
Definition: NCV.hpp:749
cv::detail::OpaqueRef::OpaqueRef
OpaqueRef()=default
cv::dnn::Dict::get
const DictValue & get(const String &key) const
If the key in the dictionary then returns its value, else an error will be generated.
cv::FileNode::FileNode
FileNode(const FileStorage *fs, size_t blockIdx, size_t ofs)
cv::detail::AffineBestOf2NearestMatcher::AffineBestOf2NearestMatcher
AffineBestOf2NearestMatcher(bool full_affine=false, bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6)
Constructs a "best of 2 nearest" matcher that expects affine transformation between images.
Definition: matchers.hpp:237
cv::cuda::createGeneralizedHoughBallard
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates implementation for generalized hough transform from .
cv::detail::PlaneWarper
Warper that maps an image onto the z = 1 plane.
Definition: warpers.hpp:200
cv::rgbd::RgbdFrame::normals
Mat normals
Definition: depth.hpp:476
cv::Vec4i
Vec< int, 4 > Vec4i
Definition: matx.hpp:423
cv::cuda::CascadeClassifier::setFindLargestObject
virtual void setFindLargestObject(bool findLargestObject)=0
cv::detail::tracking::feature::CvHaarEvaluator::FeatureHaar::getNumAreas
int getNumAreas() const
Definition: tracking_feature.private.hpp:108
cv::UMat::UMat
UMat(int rows, int cols, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs 2D matrix of the specified size and type
cv::cuda::StereoBM::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
cv::motempl::calcMotionGradient
void calcMotionGradient(InputArray mhi, OutputArray mask, OutputArray orientation, double delta1, double delta2, int apertureSize=3)
Calculates a gradient orientation of a motion history image.
cv::_OutputArray::needed
bool needed() const
cv::Mat_::cross
Mat_ cross(const Mat_ &m) const
cross-product
cv::rgbd::RgbdOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:652
cv::detail::PlaneProjector
Definition: warpers.hpp:192
cv::ocl::Kernel::runTask
bool runTask(bool sync, const Queue &q=Queue())
cv::cuda::DeviceInfo::deviceID
int deviceID() const
Returns system index of the CUDA device starting with 0.
cv::rgbd::FastICPOdometry::getSigmaSpatial
float getSigmaSpatial() const
Definition: depth.hpp:1104
cv::cudev::smem_tuple
__device__ __forceinline__ tuple< volatile T0 * > smem_tuple(T0 *t0)
Definition: reduce.hpp:130
cv::ximgproc::RICInterpolator::setRefineModels
virtual void setRefineModels(bool refineModles=true)=0
Parameter to choose wether additional refinement of the piece-wise affine models is employed.
cv::cudev::NearestInterPtrSz::cols
int cols
Definition: interpolation.hpp:78
cv::graph_dump_path
Ask G-API to dump compiled graph in Graphviz format under the given file name.
Definition: gcommon.hpp:249
cv::dynafu::DynaFu::getPose
virtual const Affine3f getPose() const =0
Get current pose in voxel space.
cv::datasets::AR_sports
Definition: ar_sports.hpp:67
cv::cudev::countNonZero_
__host__ Expr< CountNonZeroExprBody< SrcPtr > > countNonZero_(const SrcPtr &src)
Definition: reduction.hpp:165
cv::videostab::MotionEstimatorRansacL2::MotionEstimatorRansacL2
MotionEstimatorRansacL2(MotionModel model=MM_AFFINE)
cv::text::ERGROUPING_ORIENTATION_HORIZ
@ ERGROUPING_ORIENTATION_HORIZ
Definition: erfilter.hpp:279
cv::dnn::Net::getLayersShapes
void getLayersShapes(const MatShape &netInputShape, std::vector< int > &layersIds, std::vector< std::vector< MatShape > > &inLayersShapes, std::vector< std::vector< MatShape > > &outLayersShapes) const
cv::MatExpr::size
Size size() const
cv::Mat::Mat
Mat(const std::vector< _Tp > &vec, bool copyData=false)
cv::videostab::TwoPassStabilizer::TwoPassStabilizer
TwoPassStabilizer()
cv::ParamType< unsigned >::member_type
unsigned member_type
Definition: core.hpp:3260
cv::In_Tag
Definition: gproto.hpp:89
cv::datasets::light
@ light
Definition: gr_skig.hpp:83
cv::cudev::warpPerspectivePtr
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, PerspectiveMapPtr > warpPerspectivePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:148
cv::warpAffine
void warpAffine(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies an affine transformation to an image.
cv::ximgproc::RICInterpolator::getUseVariationalRefinement
virtual bool getUseVariationalRefinement() const =0
Parameter to choose wether the VariationalRefinement post-processing is employed.
cv::omnidir::RECTIFY_CYLINDRICAL
@ RECTIFY_CYLINDRICAL
Definition: omnidir.hpp:70
cv::detail::tracking::TrackerSamplerCSC::Params::trackMaxPosNum
int trackMaxPosNum
Definition: tracking.private.hpp:370
cv::text::ocr_engine_mode
ocr_engine_mode
Tesseract.OcrEngineMode Enumeration.
Definition: ocr.hpp:84
cv::ml::KNearest::getAlgorithmType
virtual int getAlgorithmType() const =0
cv::legacy::TrackerBoosting::Params::Params
Params()
cv::cuda::SparsePyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int maxLevel)=0
cv::detail::tracking::TrackerTargetState::setTargetHeight
void setTargetHeight(int height)
Set the height of the target.
cv::DetectionBasedTracker::DETECTED_TEMPORARY_LOST
@ DETECTED_TEMPORARY_LOST
Definition: detection_based_tracker.hpp:142
cv::CAP_PROP_OPENNI_FOCAL_LENGTH
@ CAP_PROP_OPENNI_FOCAL_LENGTH
In pixels.
Definition: videoio.hpp:239
cv::detail::tracking::feature::CvHaarEvaluator::setWinSize
void setWinSize(Size patchSize)
Definition: tracking_feature.private.hpp:136
cv::BackgroundSubtractorKNN::getShadowThreshold
virtual double getShadowThreshold() const =0
Returns the shadow threshold.
cv::linemod::DepthNormal::create
static Ptr< DepthNormal > create(int distance_threshold, int difference_threshold, size_t num_features, int extract_threshold)
cv::cudev::GpuMat_::assign
__host__ GpuMat_ & assign(const Expr< Body > &expr, Stream &stream)
NcvSize32s::NcvSize32s
__host__ __device__ NcvSize32s(Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:177
cv::writeOpticalFlow
bool writeOpticalFlow(const String &path, InputArray flow)
Write a .flo to disk.
cv::hal::sub8u
void sub8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::InterpolationFlags
InterpolationFlags
interpolation algorithm
Definition: imgproc.hpp:244
CV_AVX_512VBMI
#define CV_AVX_512VBMI
Definition: cv_cpu_dispatch.h:292
cv::detail::tracking::online_boosting::Detector::classifySmooth
void classifySmooth(const std::vector< Mat > &image, float minMargin=0)
cv::Mat_::begin
iterator begin()
iterators; they are smart enough to skip gaps in the end of rows
cv::v_reduce_sum
V_TypeTraits< _Tp >::sum_type v_reduce_sum(const v_reg< _Tp, n > &a)
Sum packed values.
Definition: intrin_cpp.hpp:1223
cv::detail::tracking::TrackerContribSampler::getSamples
const std::vector< Mat > & getSamples() const
Return the samples from all TrackerContribSamplerAlgorithm, Fig. 1 variable Sk.
cv::detail::plaidml_get_out< cv::GMat >::get
static plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:95
cv::CommandLineParser::~CommandLineParser
~CommandLineParser()
Destructor.
cv::detail::tracking::TrackerContribFeatureSet::addTrackerFeature
bool addTrackerFeature(String trackerFeatureType)
Add TrackerContribFeature in the collection. Return true if TrackerContribFeature is added,...
cv::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT(const T &obj)
Definition: gopaque.hpp:148
cv::dnn::PoolingLayer
Definition: all_layers.hpp:246
cv::_InputArray::_InputArray
_InputArray()
cv::hal::invSqrt64f
void invSqrt64f(const double *src, double *dst, int len)
cv::UsacParams::UsacParams
UsacParams()
cv::CALIB_TILTED_MODEL
@ CALIB_TILTED_MODEL
Definition: calib3d.hpp:510
cv::CAP_DC1394
@ CAP_DC1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:97
cv::GeneralizedHough::setTemplate
virtual void setTemplate(InputArray edges, InputArray dx, InputArray dy, Point templCenter=Point(-1, -1))=0
CvVideoCamera::customPreviewLayer
CALayer * customPreviewLayer
Definition: cap_ios.h:105
cv::util::optional::optional
optional(const optional &)=default
reduction.hpp
cv::ovis::createPlaneMesh
void createPlaneMesh(const String &name, const Size2f &size, InputArray image=noArray())
cv::detail::BasicVectorRef::m_elemSize
std::size_t m_elemSize
Definition: garray.hpp:125
cv::dnn::getInferenceEngineVPUType
cv::String getInferenceEngineVPUType()
Returns Inference Engine VPU type.
NcvSize32u::width
Ncv32u width
Rectangle width.
Definition: NCV.hpp:183
cv::CAP_PROP_OPENNI2_MIRROR
@ CAP_PROP_OPENNI2_MIRROR
Definition: videoio.hpp:250
cv::Moments::Moments
Moments(double m00, double m10, double m01, double m20, double m11, double m02, double m30, double m21, double m12, double m03)
the full constructor
cv::DFT_COMPLEX_INPUT
@ DFT_COMPLEX_INPUT
Definition: base.hpp:256
cv::Formatter::setMultiline
virtual void setMultiline(bool ml=true)=0
cv::cuda::createDisparityBilateralFilter
Ptr< cuda::DisparityBilateralFilter > createDisparityBilateralFilter(int ndisp=64, int radius=3, int iters=1)
Creates DisparityBilateralFilter object.
cv::SimpleBlobDetector::Params::maxThreshold
float maxThreshold
Definition: features2d.hpp:721
cv::Affine3::rotate
Affine3 rotate(const Mat3 &R) const
a.rotate(R) is equivalent to Affine(R, 0) * a;
cv::FileNode::read
static void read(const FileNode &node, short &value, short default_value)
Definition: persistence.hpp:1159
cv::gapi::integral
std::tuple< GMat, GMat > integral(const GMat &src, int sdepth=-1, int sqdepth=-1)
Calculates the integral of an image.
cv::datasets::OR_imagenet::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::cuda::HoughSegmentDetector::setMinLineLength
virtual void setMinLineLength(int minLineLength)=0
cv::COLOR_YUV2BGR_I420
@ COLOR_YUV2BGR_I420
Definition: imgproc.hpp:655
cv::ocl::vecopTypeToStr
const char * vecopTypeToStr(int t)
cv::ximgproc::EdgeBoxes::setMaxAspectRatio
virtual void setMaxAspectRatio(float value)=0
Sets the max aspect ratio of boxes.
cv::ml::SVM::load
static Ptr< SVM > load(const String &filepath)
Loads and creates a serialized svm from a file.
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_AddOp)
HaarFeature64
Definition: NCVHaarObjectDetection.hpp:79
cv::kinfu::Volume::fetchNormals
virtual void fetchNormals(InputArray points, OutputArray _normals) const =0
cv::cuda::createColumnSumFilter
Ptr< Filter > createColumnSumFilter(int srcType, int dstType, int ksize, int anchor=-1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a vertical 1D box filter.
cv::ocl::Queue::empty
bool empty() const
Definition: ocl.hpp:376
cv::ocl::Device::version
String version() const
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, const String &dslabel, const int *dims_offset, const int *dims_counts) const =0
Write or overwrite a Mat object into specified dataset of hdf5 file.
cv::datasets::word::value
std::string value
Definition: tr_icdar.hpp:62
cv::viz::SHADING
@ SHADING
Definition: widgets.hpp:69
cv::cuda::Event::Event
Event(Event::CreateFlags flags=Event::CreateFlags::DEFAULT)
cv::dnn::NormalizeBBoxLayer::create
static Ptr< NormalizeBBoxLayer > create(const LayerParams &params)
cv::cudev::BrdBase
Definition: extrapolation.hpp:95
MatToCGImage
CGImageRef MatToCGImage(const cv::Mat &image) CF_RETURNS_RETAINED
cv::xphoto::SimpleWB::getP
virtual float getP() const =0
Percent of top/bottom values to ignore.
cv::TrackerKCF::Params::split_coeff
bool split_coeff
split the training coefficients into two matrices
Definition: tracking.hpp:128
cv::Point_::Point_
Point_(const Size_< _Tp > &sz)
cv::Quat::operator[]
_Tp & operator[](std::size_t n)
cv::detail::tracking::feature::CvHaarEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
cv::GComputation::compileStreaming
auto compileStreaming(const Ts &... meta_and_compile_args) -> typename std::enable_if< detail::are_meta_descrs_but_last< Ts... >::value &&std::is_same< GCompileArgs, detail::last_type_t< Ts... > >::value, GStreamingCompiled >::type
Definition: gcomputation.hpp:494
nppiStTranspose_32u_C1R_host
NCVStatus nppiStTranspose_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStride, Ncv32u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::ShapeMatchModes
ShapeMatchModes
Shape matching methods.
Definition: imgproc.hpp:452
cv::linemod::Match::similarity
float similarity
Definition: linemod.hpp:284
cv::EMD
float EMD(InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), float *lowerBound=0, OutputArray flow=noArray())
Computes the "minimal work" distance between two weighted point configurations.
cv::COLOR_YUV2RGB
@ COLOR_YUV2RGB
Definition: imgproc.hpp:633
cv::rgbd::RgbdFrame::RgbdFrame
RgbdFrame()
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(InputArray arr, Allocator *allocator=defaultAllocator())
builds GpuMat from host memory (Blocking call)
cv::COLOR_GRAY2RGB
@ COLOR_GRAY2RGB
Definition: imgproc.hpp:549
cv::waitKeyEx
int waitKeyEx(int delay=0)
Similar to waitKey, but returns full key code.
cv::hal::recip16u
void recip16u(const ushort *, size_t, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
cv::datasets::TR_icdar
Definition: tr_icdar.hpp:75
cv::cudev::TupleTraits::size
@ size
Definition: tuple.hpp:67
cv::CascadeClassifier::load
bool load(const String &filename)
Loads a classifier from a file.
cv::hfs::HfsSegment::getMinRegionSizeII
virtual int getMinRegionSizeII()=0
NCVMatrix
Definition: NCV.hpp:739
cv::ml::ANN_MLP::getWeights
virtual Mat getWeights(int layerIdx) const =0
sampling.h
cv::Matx::mul
Matx< _Tp, m, n > mul(const Matx< _Tp, m, n > &a) const
multiply two matrices element-wise
cv::gapi::streaming::G_TYPED_KERNEL
G_TYPED_KERNEL(GSize,< GOpaque< Size >(GMat)>, "org.opencv.streaming.size")
Definition: core.hpp:583
cv::CASCADE_DO_ROUGH_SEARCH
@ CASCADE_DO_ROUGH_SEARCH
Definition: objdetect.hpp:171
cv::datasets::SLAM_tumindoorObj::transformMat
Matx44d transformMat
Definition: slam_tumindoor.hpp:70
cv::CAP_PROP_ORIENTATION_META
@ CAP_PROP_ORIENTATION_META
(read-only) Frame rotation defined by stream meta (applicable for FFmpeg back-end only)
Definition: videoio.hpp:183
cv::viz::Camera::setFov
void setFov(const Vec2d &fov)
Definition: types.hpp:217
cv::detail::tracking
Definition: tracking.private.hpp:22
cv::FileStorage::endWriteStruct
void endWriteStruct()
Finishes writing nested structure (should pair startWriteStruct())
cv::ximgproc::rl::getStructuringElement
cv::Mat getStructuringElement(int shape, Size ksize)
Returns a run length encoded structuring element of the specified size and shape.
cv::videostab::GaussianMotionFilter::radius
int radius() const
Definition: motion_stabilizing.hpp:103
cv::v_float32x4
Definition: intrin_rvv.hpp:421
cv::text::ERFilter::setNonMaxSuppression
virtual void setNonMaxSuppression(bool nonMaxSuppression)=0
render.hpp
cv::kinfu::KinFu::getCloud
virtual void getCloud(OutputArray points, OutputArray normals) const =0
Gets points and normals of current 3d mesh.
cv::CAP_PVAPI_DECIMATION_2OUTOF16
@ CAP_PVAPI_DECIMATION_2OUTOF16
2 out of 16 decimation
Definition: videoio.hpp:322
cv::CAP_OPENNI_DEPTH_GENERATOR_BASELINE
@ CAP_OPENNI_DEPTH_GENERATOR_BASELINE
Definition: videoio.hpp:257
cv::CAP_PROP_EXPOSURE
@ CAP_PROP_EXPOSURE
Exposure (only for those cameras that support).
Definition: videoio.hpp:150
cv::gapi::own::Scalar::all
static Scalar all(double v0)
Definition: scalar.hpp:33
cv::datasets::cameraParam::mat4
double mat4[3]
Definition: msm_epfl.hpp:65
cv::detail::OpaqueKind::CV_UNKNOWN
@ CV_UNKNOWN
cv::datasets::AR_hmdb
Definition: ar_hmdb.hpp:68
cv::Size2i
Size_< int > Size2i
Definition: types.hpp:343
cv::cuda::StereoBeliefPropagation::getDataWeight
virtual double getDataWeight() const =0
data weight
cv::cuda::polarToCart
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false, Stream &stream=Stream::Null())
Converts polar coordinates into Cartesian.
cv::CAP_OPENNI_SXGA_30HZ
@ CAP_OPENNI_SXGA_30HZ
Definition: videoio.hpp:280
cv::WindowFlags
WindowFlags
Flags for cv::namedWindow.
Definition: highgui.hpp:186
hal_ni_gemm32fc
int hal_ni_gemm32fc(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:700
cv::utils::AllocatorStatisticsInterface::~AllocatorStatisticsInterface
virtual ~AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:16
cv::Error::StsDivByZero
@ StsDivByZero
division by zero
Definition: base.hpp:102
hal_ni_min16u
int hal_ni_min16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:113
cv::MatConstIterator_::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3084
cv::split
void split(const Mat &src, Mat *mvbegin)
Divides a multi-channel array into several single-channel arrays.
cv::ximgproc::AdaptiveManifoldFilter::setUseRNG
virtual void setUseRNG(bool val)=0
cv::cuda::createHarrisCorner
Ptr< CornernessCriteria > createHarrisCorner(int srcType, int blockSize, int ksize, double k, int borderType=BORDER_REFLECT101)
Creates implementation for Harris cornerness criteria.
cv::bioinspired::RetinaFastToneMapping
a wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV.
Definition: retinafasttonemapping.hpp:100
cv::ocl::convertFromImage
void convertFromImage(void *cl_mem_image, UMat &dst)
Convert OpenCL image2d_t to UMat.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2)
3-element vector constructor
cv::saliency::ObjectnessBING::ObjectnessBING
ObjectnessBING()
cv::ccm::COLOR_SPACE_Lab_D65_2
@ COLOR_SPACE_Lab_D65_2
https://en.wikipedia.org/wiki/CIELAB_color_space , non-RGB color space
Definition: ccm.hpp:122
cv::ml::TrainData::loadFromCSV
static Ptr< TrainData > loadFromCSV(const String &filename, int headerLineCount, int responseStartIdx=-1, int responseEndIdx=-1, const String &varTypeSpec=String(), char delimiter=',', char missch='?')
Reads the dataset from a .csv file and returns the ready-to-use training data.
cv::Mat_::step1
size_t step1(int i=0) const
cv::datasets::word::y
int y
Definition: tr_icdar.hpp:63
_mm_deinterleave_epi8
void _mm_deinterleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:56
cv::kinfu::Intr::getMat
cv::Matx33f getMat() const
Definition: intrinsics.hpp:73
cv::cuda::SparseOpticalFlow::calc
virtual void calc(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err=cv::noArray(), Stream &stream=Stream::Null())=0
Calculates a sparse optical flow.
cv::QtFont::dx
float dx
horizontal interval between letters
Definition: highgui.hpp:710
cv::ogl::LINE_LOOP
@ LINE_LOOP
Definition: opengl.hpp:481
cv::gapi::merge3
GMat merge3(const GMat &src1, const GMat &src2, const GMat &src3)
Creates one 3-channel matrix out of 3 single-channel ones.
cv::CAP_PROP_XI_DEVICE_RESET
@ CAP_PROP_XI_DEVICE_RESET
Resets the camera to default state.
Definition: videoio.hpp:472
cv::ogl::Arrays
Wrapper for OpenGL Client-Side Vertex arrays.
Definition: opengl.hpp:407
cv::KalmanFilter::measurementMatrix
Mat measurementMatrix
measurement matrix (H)
Definition: tracking.hpp:397
cv::text::OEM_TESSERACT_ONLY
@ OEM_TESSERACT_ONLY
Definition: ocr.hpp:85
cv::v_int64x2::val
int64 val[2]
Definition: intrin_rvv.hpp:512
cv::cuda::DescriptorMatcher::clear
virtual void clear()=0
Clears the train descriptor collection.
cv::cuda::Stream::Stream
Stream()
creates a new asynchronous stream
cv::CAP_PROP_SAR_DEN
@ CAP_PROP_SAR_DEN
Sample aspect ratio: num/den (den)
Definition: videoio.hpp:176
cv::ImwritePNGFlags
ImwritePNGFlags
Imwrite PNG specific flags used to tune the compression algorithm.
Definition: imgcodecs.hpp:121
cv::SimpleBlobDetector::Params::minDistBetweenBlobs
float minDistBetweenBlobs
Definition: features2d.hpp:723
cv::ml::ANN_MLP::create
static Ptr< ANN_MLP > create()
Creates empty model.
cv::gapi::normalize
GMat normalize(const GMat &src, double alpha, double beta, int norm_type, int ddepth=-1)
Normalizes the norm or value range of an array.
cv::PCA::eigenvalues
Mat eigenvalues
eigenvalues of the covariation matrix
Definition: core.hpp:2543
cv::cudev::IntegerAreaInterPtrSz::cols
int cols
Definition: interpolation.hpp:273
cv::Formatter::FormatType
FormatType
Definition: core.hpp:3032
cv::legacy::TrackerBoosting::~TrackerBoosting
virtual ~TrackerBoosting() CV_OVERRIDE
Definition: tracking_legacy.hpp:177
cv::FileNode::string
std::string string() const
Simplified reading API to use with bindings.
cv::VideoWriter::open
bool open(const String &filename, int apiPreference, int fourcc, double fps, Size frameSize, bool isColor=true)
cv::InterpolationMasks
InterpolationMasks
Definition: imgproc.hpp:285
cv::PCA::Flags
Flags
Definition: core.hpp:2406
cv::LineIterator::ptr
uchar * ptr
Definition: imgproc.hpp:4812
cv::cuda::DescriptorMatcher::empty
virtual bool empty() const =0
Returns true if there are no train descriptors in the collection.
cv::hal::DFT1D::~DFT1D
virtual ~DFT1D()
Definition: hal.hpp:208
cv::cudev::NearestInterPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:70
cv::GCPUKernelImpl
Definition: gcpukernel.hpp:458
cv::dnn::Model::setInputMean
Model & setInputMean(const Scalar &mean)
Set mean value for frame.
cv::MinProblemSolver::Function::getDims
virtual int getDims() const =0
cv::videostab::LpMotionStabilizer::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions) CV_OVERRIDE
assumes that [0, size-1) is in or equals to [range.first, range.second)
nppiStTranspose_32f_C1R_host
NCVStatus nppiStTranspose_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStride, Ncv32f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::datasets::OR_pascalObj::filename
std::string filename
Definition: or_pascal.hpp:80
cv::KAZE::setNOctaveLayers
virtual void setNOctaveLayers(int octaveLayers)=0
cv::dnn_objdetect::InferBbox::non_maximal_suppression
std::vector< bool > non_maximal_suppression(std::vector< std::vector< double > > *boxes, std::vector< double > *probs)
Applies Non-Maximal Supression.
cv::detail::PlaneWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:522
cv::VecCommaInitializer::VecCommaInitializer
VecCommaInitializer(Vec< _Tp, m > *_vec)
cv::datasets::FR_adienceObj::gender
genderType gender
Definition: fr_adience.hpp:73
cv::ml::SVMSGD::getInitialStepSize
virtual float getInitialStepSize() const =0
Parameter initialStepSize of a SVMSGD optimization problem.
cv::DrawMatchesFlags::DEFAULT
@ DEFAULT
cv::face::FacemarkKazemi::Params::lambda
float lambda
lambda stores a value to calculate probability of closeness of two coordinates.
Definition: face_alignment.hpp:33
cv::softfloat::zero
static softfloat zero()
Zero constant.
Definition: softfloat.hpp:204
cv::AlignMTB::process
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst, InputArray times, InputArray response) CV_OVERRIDE=0
Aligns images.
cv::softdouble::getExp
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:316
cv::ppf_match_3d::hashtableRead
hashtable_int * hashtableRead(FILE *f)
NppStInterpolationState::pNewFrame
Ncv32f * pNewFrame
new frame
Definition: NPP_staging.hpp:125
cv::gapi::ie::Params::constInput
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: ie.hpp:123
cv::cuda::GpuMat::elemSize
size_t elemSize() const
returns element size in bytes
cv::Algorithm::writeFormat
void writeFormat(FileStorage &fs) const
cv::Subdiv2D::recentEdge
int recentEdge
Definition: imgproc.hpp:1245
cv::CascadeClassifier::getOriginalWindowSize
Size getOriginalWindowSize() const
cv::DownhillSolver::getInitStep
virtual void getInitStep(OutputArray step) const =0
Returns the initial step that will be used in downhill simplex algorithm.
cv::gapi::max
GMat max(const GMat &src1, const GMat &src2)
Calculates per-element maximum of two matrices.
cv::detail::DpSeamFinder::costFunction
CostFunction costFunction() const
Definition: seam_finders.hpp:128
cv::AsyncPromise::getArrayResult
AsyncArray getArrayResult()
cv::ximgproc::THINNING_GUOHALL
@ THINNING_GUOHALL
Definition: ximgproc.hpp:112
cv::sfm::importReconstruction
void importReconstruction(const cv::String &file, OutputArrayOfArrays Rs, OutputArrayOfArrays Ts, OutputArrayOfArrays Ks, OutputArrayOfArrays points3d, int file_format=SFM_IO_BUNDLER)
Import a reconstruction file.
cv::face::FacemarkAAM::Model::Texture::resolution
Rect resolution
resolution of the current scale
Definition: facemarkAAM.hpp:117
cv::Exception::Exception
Exception(int _code, const String &_err, const String &_func, const String &_file, int _line)
cv::ml::DTrees::getMaxCategories
virtual int getMaxCategories() const =0
cv::gapi::wip::draw::Text::bottom_left_origin
bool bottom_left_origin
When true, the image data origin is at the bottom-left corner. Otherwise, it is at the top-left corne...
Definition: render_types.hpp:81
cv::gapi::own::detail::MatHeader::cols
int cols
Definition: mat.hpp:79
cv::datasets::join::Px
double Px
Definition: gr_chalearn.hpp:67
cv::ximgproc::Box::score
float score
Definition: edgeboxes.hpp:60
cv::CAP_OPENNI_BGR_IMAGE
@ CAP_OPENNI_BGR_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:271
hal_ni_addWeighted16u
int hal_ni_addWeighted16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:320
cv::optflow::GPCPatchSample
Definition: sparse_matching_gpc.hpp:78
cv::AutoBuffer::~AutoBuffer
~AutoBuffer()
destructor. calls deallocate()
cv::bioinspired::Retina::setup
virtual void setup(String retinaParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
Try to open an XML retina parameters file to adjust current retina instance setup.
cv::AVIReadContainer::printError
void printError(RiffList &list, unsigned int expected_fourcc)
cv::gapi::plaidml::config::trg_id
std::string trg_id
Target ID. Refer to PlaidML documentation for details.
Definition: plaidml.hpp:31
cv::GInferROIBase
Definition: infer.hpp:214
cv::detail::TransHelper< K, std::tuple< Ins... >, Out >::get_substitute
static GComputation get_substitute()
Definition: gtransform.hpp:60
cv::gapi::fluid::Buffer::Cache
Definition: gfluidbuffer.hpp:96
cv::optflow::DualTVL1OpticalFlow::setInnerIterations
virtual void setInnerIterations(int val)=0
Inner iterations (between outlier filtering) used in the numerical scheme.
cv::face::MACE::load
static cv::Ptr< MACE > load(const String &filename, const String &objname=String())
constructor
cv::SIFT
Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform ...
Definition: features2d.hpp:277
cv::cudev::SingleMaskChannels::index_type
PtrTraits< MaskPtr >::index_type index_type
Definition: mask.hpp:71
cv::AsyncPromise::_getImpl
void * _getImpl() const CV_NOEXCEPT
Definition: async_promise.hpp:63
cv::datasets::AR_sportsObj::labels
std::vector< int > labels
Definition: ar_sports.hpp:63
OPENCV_HAL_IMPL_RVV_REDUCE_SUM
#define OPENCV_HAL_IMPL_RVV_REDUCE_SUM(_Tpvec, _wTpvec, _nwTpvec, scalartype, suffix, wsuffix, wwidth, red)
Definition: intrin_rvv.hpp:1467
cv::CALIB_ZERO_TANGENT_DIST
@ CALIB_ZERO_TANGENT_DIST
Definition: calib3d.hpp:499
cv::ml::randMVNormal
void randMVNormal(InputArray mean, InputArray cov, int nsamples, OutputArray samples)
Generates sample from multivariate normal distribution.
cv::viz::Widget3D::updatePose
void updatePose(const Affine3d &pose)
Updates pose of the widget by pre-multiplying its current pose.
cv::GCPUKernel
Definition: gcpukernel.hpp:136
cv::ocl::Device::maxConstantBufferSize
size_t maxConstantBufferSize() const
cv::Stitcher::exposureCompensator
Ptr< detail::ExposureCompensator > exposureCompensator()
Definition: stitching.hpp:238
cv::detail::fluid_get_in< cv::GArray< U > >::get
static const std::vector< U > & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:189
cv::cudev::UnaryTransformPtr::src
SrcPtr src
Definition: transform.hpp:66
cv::ximgproc::ContourFitting::estimateTransformation
void estimateTransformation(InputArray src, InputArray dst, OutputArray alphaPhiST, double &dist, bool fdContour=false)
Fit two closed curves using fourier descriptors. More details in and .
cv::datasets::FR_adience
Definition: fr_adience.hpp:84
cv::ximgproc::segmentation::GraphSegmentation::setSigma
virtual void setSigma(double sigma)=0
cv::cudev::CommonAreaInterPtr
Definition: interpolation.hpp:295
CPU_AVX_512VL
@ CPU_AVX_512VL
Definition: cvdef.h:314
cv::CAP_OPENNI_QVGA_60HZ
@ CAP_OPENNI_QVGA_60HZ
Definition: videoio.hpp:282
cv::ogl::Buffer::setAutoRelease
void setAutoRelease(bool flag)
Sets auto release mode.
shape.hpp
cv::gapi::dilate
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.
cv::setTrackbarMin
void setTrackbarMin(const String &trackbarname, const String &winname, int minval)
Sets the trackbar minimum position.
cv::MediaFrame::desc
cv::GFrameDesc desc() const
cv::ximgproc::GuidedFilter::filter
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Apply Guided Filter to the filtering image.
NCV_MEM_INSUFFICIENT_CAPACITY
@ NCV_MEM_INSUFFICIENT_CAPACITY
Definition: NCV.hpp:341
cv::GMat::GMat
GAPI_WRAP GMat()
cv::linemod::Feature::read
void read(const FileNode &fn)
cv::hal::addWeighted16s
void addWeighted16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scalars)
cv::cudev::ZipPtrSz::ZipPtrSz
__host__ __device__ __forceinline__ ZipPtrSz(const PtrTuple &t)
Definition: zip.hpp:113
cv::xphoto::TonemapDurand::getSigmaSpace
virtual float getSigmaSpace() const =0
cv::ppf_match_3d::transformPCPose
Mat transformPCPose(Mat pc, const Matx44d &Pose)
cv::line_descriptor::BinaryDescriptor::Params::Params
Params()
cv::FileNode::empty
bool empty() const
returns true if the node is empty
cv::gapi::resize
GMat resize(const GMat &src, const Size &dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
Resizes an image.
cv::CAP_PVAPI_FSTRIGMODE_SOFTWARE
@ CAP_PVAPI_FSTRIGMODE_SOFTWARE
Software.
Definition: videoio.hpp:315
cv::v_float32x4
v_reg< float, 4 > v_float32x4
Four 32-bit floating point values (single precision)
Definition: intrin_cpp.hpp:405
cv::FileStorage::State
State
Definition: persistence.hpp:324
cv::detail::tracking::contrib_feature::CvFeatureParams::maxCatCount
int maxCatCount
Definition: feature.hpp:155
cv::detail::BundleAdjusterAffine
Bundle adjuster that expects affine transformation represented in homogeneous coordinates in R for ea...
Definition: motion_estimators.hpp:290
cv::detail::tracking::TrackerSampler::~TrackerSampler
~TrackerSampler()
cv::hal::merge16u
void merge16u(const ushort **src, ushort *dst, int len, int cn)
cv::aruco::Dictionary
Dictionary/Set of markers. It contains the inner codification.
Definition: dictionary.hpp:61
cv::cudev::VecTraits< char1 >::elem_type
schar elem_type
Definition: vec_traits.hpp:152
cv::CAP_PROP_SPEED
@ CAP_PROP_SPEED
Exposure speed. Can be readonly, depends on camera program.
Definition: videoio.hpp:579
cv::FarnebackOpticalFlow::setNumLevels
virtual void setNumLevels(int numLevels)=0
cv::gapi::onnx::Params::cfgOutputLayers
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: onnx.hpp:99
cv::rgbd::FastICPOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:1128
cv::optflow::DenseRLOFOpticalFlow::setUseVariationalRefinement
virtual void setUseVariationalRefinement(bool val)=0
enables VariationalRefinement
cv::COLOR_BayerRG2GRAY
@ COLOR_BayerRG2GRAY
Definition: imgproc.hpp:755
cv::float16_t
Definition: cvdef.h:813
cv::ColorConversionCodes
ColorConversionCodes
Definition: imgproc.hpp:527
cv::GCtors
std::vector< detail::HostCtor > GCtors
Definition: gkernel.hpp:37
cv::AKAZE::getNOctaveLayers
virtual int getNOctaveLayers() const =0
hal_ni_max32s
int hal_ni_max32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:107
cv::cudev::DefaultGlobReducePolicy::patch_size_x
@ patch_size_x
Definition: reduce.hpp:299
cv::cudev::CommonAreaInterPtr::src
SrcPtr src
Definition: interpolation.hpp:299
cv::gapi::wip::draw::Text::Text
Text()=default
cv::SparseMat::Node::hashval
size_t hashval
hash value
Definition: mat.hpp:2690
cv::ccm::COLOR_SPACE_Lab_D50_10
@ COLOR_SPACE_Lab_D50_10
non-RGB color space
Definition: ccm.hpp:125
cv::hal::max64f
void max64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::ogl::Texture2D::Texture2D
Texture2D(Size asize, Format aformat, bool autoRelease=false)
cv::legacy::TrackerMedianFlow::Params
Definition: tracking_legacy.hpp:194
cv::GRunArgsP
std::vector< GRunArgP > GRunArgsP
Definition: garg.hpp:217
cv::cudev::ResizePtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: resize.hpp:82
cv::cudev::GpuMat_::row
__host__ GpuMat_ row(int y) const
cv::SOLVEPNP_AP3P
@ SOLVEPNP_AP3P
An Efficient Algebraic Solution to the Perspective-Three-Point Problem .
Definition: calib3d.hpp:464
cv::createEMDHistogramCostExtractor
Ptr< HistogramCostExtractor > createEMDHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getNumBaseClassifier
int getNumBaseClassifier()
cv::optflow::createOptFlow_PCAFlow
Ptr< DenseOpticalFlow > createOptFlow_PCAFlow()
Creates an instance of PCAFlow.
cv::cuda::projectPoints
void projectPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, const Mat &camera_mat, const Mat &dist_coef, GpuMat &dst, Stream &stream=Stream::Null())
cv::gapi::wip::draw::Mosaic::Mosaic
Mosaic(const cv::Rect &mos_, int cellSz_, int decim_)
Mosaic constructor.
Definition: render_types.hpp:248
cv::bgsegm::SyntheticSequenceGenerator::getNextFrame
void getNextFrame(OutputArray frame, OutputArray gtMask)
Obtain the next frame in the sequence.
cv::CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE
Acquisition transport buffer size in bytes.
Definition: videoio.hpp:468
cv::optflow::GPCDetails::getCoordinatesFromIndex
static void getCoordinatesFromIndex(size_t index, Size sz, int &x, int &y)
cv::CAP_PROP_WB_TEMPERATURE
@ CAP_PROP_WB_TEMPERATURE
white-balance color temperature
Definition: videoio.hpp:180
cv::ppf_match_3d::destroyFlann
void destroyFlann(void *flannIndex)
cv::DescriptorMatcher
Abstract base class for matching keypoint descriptors.
Definition: features2d.hpp:952
hal_ni_cmp16s
int hal_ni_cmp16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:212
cv::ppf_match_3d::addNoisePC
Mat addNoisePC(Mat pc, double scale)
cv::cudacodec::EncoderParams::DIMode
int DIMode
NVVE_SET_DEINTERLACE,.
Definition: cudacodec.hpp:101
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getCls
const Mat & getCls() const
Definition: feature.hpp:184
cv::cudev::ThreshBinaryInvFunc::thresh
T thresh
Definition: functional.hpp:716
cv::cudev::identity
Definition: functional.hpp:281
cv::sfm::libmv_ReconstructionOptions::verbosity_level
int verbosity_level
Definition: simple_pipeline.hpp:155
cv::cudacodec::FormatInfo::height
int height
Definition: cudacodec.hpp:287
cv::MediaFrame::Create
static cv::MediaFrame Create(Args &&...)
cv::Matx41f
Matx< float, 4, 1 > Matx41f
Definition: matx.hpp:234
cv::WND_PROP_TOPMOST
@ WND_PROP_TOPMOST
property to toggle normal window being topmost or not
Definition: highgui.hpp:205
cv::multicalib::MultiCameraCalibration::writeParameters
void writeParameters(const std::string &filename)
cvRound64
int64_t cvRound64(const cv::softdouble &a)
Rounds a number to nearest even long long integer.
cv::util::bad_optional_access
Definition: optional.hpp:19
bufferpool.hpp
cv::cudev::NormL1::NormL1
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:68
cv::videostab::StabilizerBase::doInpainting_
bool doInpainting_
Definition: stabilizer.hpp:131
cv::ximgproc::rl::dilate
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.
cv::text::loadClassifierNM2
Ptr< ERFilter::Callback > loadClassifierNM2(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
cv::solvePoly
double solvePoly(InputArray coeffs, OutputArray roots, int maxIters=300)
Finds the real or complex roots of a polynomial equation.
cv::hal::absdiff64f
void absdiff64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::DIST_FAIR
@ DIST_FAIR
distance = c^2(|x|/c-log(1+|x|/c)), c = 1.3998
Definition: imgproc.hpp:305
cv::SparseMat_::clone
SparseMat_ clone() const CV_NODISCARD
makes full copy of the matrix. All the elements are duplicated
cv::xphoto::HAAR
@ HAAR
Definition: bm3d_image_denoising.hpp:64
cv::videostab::NullWobbleSuppressor::suppress
virtual void suppress(int idx, const Mat &frame, Mat &result) CV_OVERRIDE
cv::detail::CompileArgTag< cv::gapi::GKernelPackage >::tag
static const char * tag()
Definition: gkernel.hpp:716
exports.hpp
cv::FLOODFILL_FIXED_RANGE
@ FLOODFILL_FIXED_RANGE
Definition: imgproc.hpp:379
cv::SOLVELP_SINGLE
@ SOLVELP_SINGLE
there is only one maximum for target function
Definition: optim.hpp:261
traits.hpp
cv::gapi::ie::detail::ParamDesc::Kind::Import
@ Import
cv::ocl::Context::fromDevice
static Context fromDevice(const ocl::Device &device)
cv::detail::DpSeamFinder::setCostFunction
void setCostFunction(String val)
cv::GeneralizedHoughGuil::getScaleThresh
virtual int getScaleThresh() const =0
cv::NormHistogramCostExtractor::setNormFlag
virtual void setNormFlag(int flag)=0
cv::gapi::fluid::View::meta
const GMatDesc & meta() const
Definition: gfluidbuffer.hpp:75
cv::face::FacemarkLBF
Definition: facemarkLBF.hpp:49
cv::COLOR_YUV2RGB_YUNV
@ COLOR_YUV2RGB_YUNV
Definition: imgproc.hpp:702
cv::hal::absdiff16s
void absdiff16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::detail::tracking::TrackerContribFeatureHAAR
TrackerContribFeature based on HAAR features, used by TrackerMIL and many others algorithms.
Definition: tracking_internals.hpp:851
cv::superres::BroxOpticalFlow::setOuterIterations
virtual void setOuterIterations(int val)=0
Number of warping iterations (number of pyramid levels)
cv::gapi::ie::detail::ParamDesc::num_out
std::size_t num_out
Definition: ie.hpp:64
cv::viz::Color::mlab
static Color mlab()
cv::saturate_cast< uint64_t >
uint64_t saturate_cast< uint64_t >(softfloat a)
Definition: softfloat.hpp:433
cv::saliency::ObjectnessBING::getW
int getW() const
Definition: saliencySpecializedClasses.hpp:353
cv::mcc::DetectorParameters::B0factor
float B0factor
Definition: checker_detector.hpp:116
cv::hdf::HDF5::dscreate
virtual void dscreate(const int n_dims, const int *sizes, const int type, const String &dslabel, const int compresslevel) const =0
cv::_InputArray::_InputArray
_InputArray(const cuda::GpuMat &d_mat)
cv::ccm::ColorCorrectionModel::ColorCorrectionModel
ColorCorrectionModel(const Mat &src, Mat colors, COLOR_SPACE ref_cs)
Color Correction Model.
cv::CAP_ARAVIS
@ CAP_ARAVIS
Aravis SDK.
Definition: videoio.hpp:120
cv::SphericalWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:178
cv::RMat::Adapter::deserialize
virtual void deserialize(cv::gapi::s11n::IIStream &)
Definition: rmat.hpp:113
cv::detail::tracking::TrackerContribSamplerCSC::~TrackerContribSamplerCSC
~TrackerContribSamplerCSC()
cv::utils::getConfigurationParameterBool
bool getConfigurationParameterBool(const char *name, bool defaultValue)
cv::gapi::own::Mat::type
int type() const
Returns the type of a matrix element.
Definition: mat.hpp:195
cv::videostab::InpaintingPipeline::empty
bool empty() const
Definition: inpainting.hpp:112
cv::kinfu::Volume::raycastStepFactor
const float raycastStepFactor
Definition: volume.hpp:43
cv::gapi::KalmanParams::state
Mat state
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: video.hpp:27
cv::dnn::PowerLayer
Definition: all_layers.hpp:495
cv::videostab::IMotionStabilizer
Definition: motion_stabilizing.hpp:60
cv::KAZE::setDiffusivity
virtual void setDiffusivity(KAZE::DiffusivityType diff)=0
cv::cudev::RemapPtr2Sz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:108
cvhalKeyPoint::x
float x
Definition: interface.h:21
cv::imencode
CV_EXPORTS_W bool imencode(const String &ext, InputArray img, CV_OUT std::vector< uchar > &buf, const std::vector< int > &params=std::vector< int >())
Encodes an image into a memory buffer.
cv::viz::Mesh::colors
Mat colors
point color of type CV_8UC3 or CV_8UC4 with only 1 row
Definition: types.hpp:130
cv::datasets::triangle
@ triangle
Definition: gr_skig.hpp:63
cv::cuda::COLOR_BayerBG2BGR_MHT
@ COLOR_BayerBG2BGR_MHT
Bayer Demosaicing (Malvar, He, and Cutler)
Definition: cudaimgproc.hpp:95
cv::aruco::drawCharucoDiamond
void drawCharucoDiamond(const Ptr< Dictionary > &dictionary, Vec4i ids, int squareLength, int markerLength, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco Diamond marker.
cv::gapi::RGB2YUV
GMat RGB2YUV(const GMat &src)
Converts an image from RGB color space to YUV color space.
cv::TickMeter::getCounter
int64 getCounter() const
returns internal counter value.
Definition: utility.hpp:345
cv::ccm::DISTANCE_CIE94_TEXTILES
@ DISTANCE_CIE94_TEXTILES
Definition: ccm.hpp:348
cv::img_hash::ImgHashBase
The base class for image hash algorithms.
Definition: img_hash_base.hpp:19
cv::MARKER_DIAMOND
@ MARKER_DIAMOND
A diamond marker shape.
Definition: imgproc.hpp:837
cv::UsacParams::randomGeneratorState
int randomGeneratorState
Definition: calib3d.hpp:562
cv::ximgproc::readGT
int readGT(String src_path, OutputArray dst)
Function for reading ground truth disparity maps. Supports basic Middlebury and MPI-Sintel formats....
cv::optflow::DualTVL1OpticalFlow::setTau
virtual void setTau(double val)=0
Time step of the numerical scheme.
cv::softfloat::softfloat
softfloat(const int32_t)
cv::face::FacemarkKazemi::Params::cascade_depth
unsigned long cascade_depth
cascade_depth This stores the deapth of cascade used for training.
Definition: face_alignment.hpp:21
cv::GComputation::apply
void apply(cv::Mat in, cv::Scalar &out, GCompileArgs &&args={})
Execute an unary computation (with compilation on the fly)
cv::xphoto::INPAINT_FSR_BEST
@ INPAINT_FSR_BEST
Definition: inpainting.hpp:94
cv::linemod::colormap
void colormap(const Mat &quantized, Mat &dst)
Debug function to colormap a quantized image for viewing.
cv::softdouble::isNaN
bool isNaN() const
NaN state indicator.
Definition: softfloat.hpp:305
cv::hal::recip32s
void recip32s(const int *, size_t, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
cv::DISOpticalFlow::setVariationalRefinementIterations
virtual void setVariationalRefinementIterations(int val)=0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
cv::ocl::Queue::Queue
Queue(const Queue &q)
cv::stereo::CV_CS_CENSUS
@ CV_CS_CENSUS
Definition: descriptor.hpp:14
cv::cuda::createGeneralizedHoughGuil
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates implementation for generalized hough transform from .
cv::detail::ChannelsCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities ...
Definition: exposure_compensate.hpp:146
cv::TrackerKCF
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking.hpp:99
cv::asinh
Quat< T > asinh(const Quat< T > &q)
cv::datasets::IR_affine::create
static Ptr< IR_affine > create()
cv::DataDepth
A helper class for cv::DataType.
Definition: traits.hpp:285
cv::rgbd::RgbdICPOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: depth.hpp:981
cv::rgbd::RgbdPlane::getSensorErrorA
double getSensorErrorA() const
Definition: depth.hpp:421
cv::ccm::ColorCorrectionModel::getLoss
double getLoss() const
nppiStFilterRowBorder_32f_C1R
NCVStatus nppiStFilterRowBorder_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u oROI, NppStBorderType borderType, const Ncv32f *pKernel, Ncv32s nKernelSize, Ncv32s nAnchor, Ncv32f multiplier)
cv::gapi::own::descr_of
GMatDesc descr_of(const Mat &mat)
NCV_INCONSISTENT_INPUT
@ NCV_INCONSISTENT_INPUT
Definition: NCV.hpp:324
OPENCV_HAL_IMPL_RVV_ROTATE_OP
#define OPENCV_HAL_IMPL_RVV_ROTATE_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1755
cv::DetectionBasedTracker::detectInRegion
void detectInRegion(const cv::Mat &img, const cv::Rect &r, std::vector< cv::Rect > &detectedObjectsInRegions)
cv::HOGDescriptor::detectMultiScale
virtual void detectMultiScale(InputArray img, std::vector< Rect > &foundLocations, std::vector< double > &foundWeights, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), double scale=1.05, double finalThreshold=2.0, bool useMeanshiftGrouping=false) const
Detects objects of different sizes in the input image. The detected objects are returned as a list of...
cv::ximgproc::RICInterpolator::setUseGlobalSmootherFilter
virtual void setUseGlobalSmootherFilter(bool use_FGS=true)=0
Sets whether the fastGlobalSmootherFilter() post-processing is employed.
cv::rgbd::ICPOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:831
cv::aruco::DetectorParameters::aprilTagQuadSigma
float aprilTagQuadSigma
Definition: aruco.hpp:179
cv::DIST_LABEL_CCOMP
@ DIST_LABEL_CCOMP
Definition: imgproc.hpp:370
cv::v_pack_b
v_uint8x16 v_pack_b(const v_uint16x8 &a, const v_uint16x8 &b)
! For 16-bit boolean values
Definition: intrin_cpp.hpp:2625
NPP_staging.hpp
cv::Subdiv2D::getVertex
Point2f getVertex(int vertex, int *firstEdge=0) const
Returns vertex location from vertex ID.
cv::COLOR_YUV420sp2BGR
@ COLOR_YUV420sp2BGR
Definition: imgproc.hpp:641
cv::GTypeInfo::shape
GShape shape
Definition: gkernel.hpp:31
cv::optflow::RLOFOpticalFlowParameter::setCrossSegmentationThreshold
void setCrossSegmentationThreshold(int val)
cv::EVENT_FLAG_CTRLKEY
@ EVENT_FLAG_CTRLKEY
indicates that CTRL Key is pressed.
Definition: highgui.hpp:229
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, double alpha, double beta, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::beta
double beta
Default is 2.0.
Definition: kalman_filters.hpp:145
cv::rgbd::DepthCleaner::DepthCleaner
DepthCleaner(int depth, int window_size=5, int method=DepthCleaner::DEPTH_CLEANER_NIL)
cv::cudev::thresh_trunc_func
__host__ __device__ ThreshTruncFunc< T > thresh_trunc_func(T thresh)
Definition: functional.hpp:746
cv::cuda::createLookUpTable
Ptr< LookUpTable > createLookUpTable(InputArray lut)
Creates implementation for cuda::LookUpTable .
cv::cudev::vseteq4
__device__ __forceinline__ uint vseteq4(uint a, uint b)
Definition: simd_functions.hpp:609
cv::videostab::WobbleSuppressorBase::motionEstimator
Ptr< ImageMotionEstimatorBase > motionEstimator() const
Definition: wobble_suppression.hpp:68
cv::quality::QualitySSIM::_mat_data::empty
bool empty() const
Definition: qualityssim.hpp:76
cv::detail::BasicVectorRef::mov
virtual void mov(BasicVectorRef &ref)=0
cv::cudev::blockFill
__device__ static __forceinline__ void blockFill(It beg, It end, const T &value)
Definition: block.hpp:75
cv::viz::Viz3d::getViewerPose
Affine3d getViewerPose() const
Returns the current pose of the viewer.
cv::gapi::GBackend::priv
Priv & priv()
cv::CAP_PROP_IOS_DEVICE_FOCUS
@ CAP_PROP_IOS_DEVICE_FOCUS
Definition: videoio.hpp:513
cv::TonemapMantiuk
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,...
Definition: photo.hpp:429
cv::hal::gemm32f
void gemm32f(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::TrackerMIL::Params
Definition: tracking.hpp:758
cv::gapi::ie::detail::ParamDesc::config
IEConfig config
Definition: ie.hpp:69
cv::Formatter::set32fPrecision
virtual void set32fPrecision(int p=8)=0
cv::ximgproc::EdgeAwareInterpolator::getLambda
virtual float getLambda()=0
cv::cudev::NearestInterPtr::src
SrcPtr src
Definition: interpolation.hpp:68
cv::util::copy_through_move_t::copy_through_move_t
copy_through_move_t(copy_through_move_t const &lhs)
Definition: copy_through_move.hpp:24
cv::gapi::wip::draw::Text::org
cv::Point org
The bottom-left corner of the text string in the image.
Definition: render_types.hpp:75
cv::_OutputArray::clear
void clear() const
cv::saliency::StaticSaliency::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE=0
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_(const SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::cuda::CannyEdgeDetector::getHighThreshold
virtual double getHighThreshold() const =0
cv::detail::tracking::feature::CvParams::CvParams
CvParams()
cv::detail::BundleAdjusterBase
Base class for all camera parameters refinement methods.
Definition: motion_estimators.hpp:134
cv::NAryMatIterator::ptrs
uchar ** ptrs
data pointers
Definition: mat.hpp:3410
cv::saliency::ObjectnessBING::setNSS
void setNSS(int val)
Definition: saliencySpecializedClasses.hpp:349
cv::quality::QualitySSIM
Full reference structural similarity algorithm https://en.wikipedia.org/wiki/Structural_similarity.
Definition: qualityssim.hpp:19
cv::gapi::wip::make_src
IStreamSource::Ptr make_src(Args &&... args)
Definition: source.hpp:50
cv::ximgproc::AngleRangeOption
AngleRangeOption
Specifies the part of Hough space to calculate.
Definition: fast_hough_transform.hpp:65
cv::viz::WText::setText
void setText(const String &text)
Sets the text content of the widget.
cv::detail::GCompoundKernel::F
std::function< void(GCompoundContext &ctx)> F
Definition: gcompoundkernel.hpp:44
cv::dnn::ShuffleChannelLayer::group
int group
Definition: all_layers.hpp:393
cv::aruco::DICT_6X6_250
@ DICT_6X6_250
Definition: dictionary.hpp:152
cv::hal::DFT1D::apply
virtual void apply(const uchar *src, uchar *dst)=0
cv::superres::BroxOpticalFlow::setGamma
virtual void setGamma(double val)=0
Gradient constancy importance.
cv::cudev::BrdConstant::index_type
int index_type
Definition: extrapolation.hpp:63
cv::cuda::createRowSumFilter
Ptr< Filter > createRowSumFilter(int srcType, int dstType, int ksize, int anchor=-1, int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a horizontal 1D box filter.
cv::GComputation::compileStreaming
GAPI_WRAP GStreamingCompiled compileStreaming(GCompileArgs &&args={})
Compile the computation for streaming mode.
fast_hough_transform.hpp
cv::datasets::LEFT
@ LEFT
Definition: slam_tumindoor.hpp:62
cv::ocl::isOpenCLActivated
static bool isOpenCLActivated()
Definition: ocl_defs.hpp:19
cv::videostab::MotionInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
cv::cudacodec::EncoderParams::AvgBitrate
int AvgBitrate
NVVE_AVG_BITRATE,.
Definition: cudacodec.hpp:91
cv::Stitcher::setBundleAdjuster
void setBundleAdjuster(Ptr< detail::BundleAdjusterBase > bundle_adjuster)
Definition: stitching.hpp:226
cv::ml::ANN_MLP::setAnnealItePerStep
virtual void setAnnealItePerStep(int val)=0
cv::minEnclosingCircle
void minEnclosingCircle(InputArray points, Point2f &center, float &radius)
Finds a circle of the minimum area enclosing a 2D point set.
cv::videostab::OnePassStabilizer::motionFilter
Ptr< MotionFilterBase > motionFilter() const
Definition: stabilizer.hpp:149
cv::Subdiv2D::rotateEdge
int rotateEdge(int edge, int rotate) const
Returns another edge of the same quad-edge.
cv::RMat::View::View
View()=default
cv::ximgproc::computeMSE
double computeMSE(InputArray GT, InputArray src, Rect ROI)
Function for computing mean square error for disparity maps.
cv::cudev::DerivYPtrSz::rows
int rows
Definition: deriv.hpp:116
cv::structured_light::GrayCodePattern::setBlackThreshold
virtual void setBlackThreshold(size_t value)=0
Sets the value for black threshold, needed for decoding (shadowsmasks computation).
NCVMatrix::stride
Ncv32u stride() const
Definition: NCV.hpp:760
cv::GKernelType< K, std::function< R(Args...)> >::on
static R on(Args... args)
Definition: gkernel.hpp:246
mat.hpp
cv::FileNode::isSeq
bool isSeq() const
returns true if the node is a sequence
cv::stereo::StereoBinaryBM::getBinaryKernelType
virtual int getBinaryKernelType() const =0
cv::cudev::atan2
__device__ __forceinline__ double4 atan2(double s, const double4 &b)
Definition: vec_math.hpp:933
cv::cudev::BrdBase::cols
int cols
Definition: extrapolation.hpp:100
cv::v_uint32x4::lane_type
unsigned lane_type
Definition: intrin_rvv.hpp:359
cv::kinfu::Params::volumeDims
Vec3i volumeDims
Resolution of voxel space.
Definition: kinfu.hpp:108
cv::optflow::RLOFOpticalFlowParameter::normSigma0
float normSigma0
Definition: rlofflow.hpp:92
cv::cudev::Sum::result
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:79
nppStBorderWrap
@ nppStBorderWrap
Wrap out of range position. Image becomes periodic.
Definition: NPP_staging.hpp:92
cv::xphoto::createGrayworldWB
Ptr< GrayworldWB > createGrayworldWB()
Creates an instance of GrayworldWB.
cv::face::FacemarkLBF::BBox::BBox
BBox()
cv::CAP_PROP_XI_TIMEOUT
@ CAP_PROP_XI_TIMEOUT
Image capture timeout in milliseconds.
Definition: videoio.hpp:363
cv::viz::Color::green
static Color green()
cv::TrackerCSRT
the CSRT tracker
Definition: tracking.hpp:35
cv::ximgproc::ContourFitting::estimateTransformation
void estimateTransformation(InputArray src, InputArray dst, OutputArray alphaPhiST, double *dist=0, bool fdContour=false)
Fit two closed curves using fourier descriptors. More details in and .
cv::ml::SVM::setKernel
virtual void setKernel(int kernelType)=0
cv::rgbd::RgbdOdometry::setMinDepth
void setMinDepth(double val)
Definition: depth.hpp:664
cv::optflow::DenseRLOFOpticalFlow::getFgsLambda
virtual float getFgsLambda() const =0
see ximgproc::EdgeAwareInterpolator().
cv::optflow::DualTVL1OpticalFlow::getEpsilon
virtual double getEpsilon() const =0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
cv::datasets::TRACK_alov::getGT
virtual vector< Point2f > getGT(int datasetID, int frameID)=0
cv::distanceTransform
void distanceTransform(InputArray src, OutputArray dst, OutputArray labels, int distanceType, int maskSize, int labelType=DIST_LABEL_CCOMP)
Calculates the distance to the closest zero pixel for each pixel of the source image.
cv::viz::WTrajectorySpheres::WTrajectorySpheres
WTrajectorySpheres(InputArray path, double line_length=0.05, double radius=0.007, const Color &from=Color::red(), const Color &to=Color::white())
Constructs a WTrajectorySpheres.
cv::cudev::equal_to::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:135
cv::datasets::TRACK_alov
Definition: track_alov.hpp:74
cv::kinfu::Params::volumeType
kinfu::VolumeType volumeType
Definition: kinfu.hpp:80
cv::Subdiv2D::Vertex::pt
Point2f pt
Definition: imgproc.hpp:1224
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_(const SparseMat *_m)
nppiStDecimate_64s_C1R
NCVStatus nppiStDecimate_64s_C1R(Ncv64s *d_src, Ncv32u srcStep, Ncv64s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::viz::Viz3d::registerKeyboardCallback
void registerKeyboardCallback(KeyboardCallback callback, void *cookie=0)
Sets keyboard handler.
cv::dnn::SegmentationModel
This class represents high-level API for segmentation models.
Definition: dnn.hpp:1252
cv::viz::WCoordinateSystem::WCoordinateSystem
WCoordinateSystem(double scale=1.0)
Constructs a WCoordinateSystem.
cv::linemod::Match::y
int y
Definition: linemod.hpp:283
cv::VariationalRefinement::calcUV
virtual void calcUV(InputArray I0, InputArray I1, InputOutputArray flow_u, InputOutputArray flow_v)=0
calc function overload to handle separate horizontal (u) and vertical (v) flow components (to avoid e...
cv::gapi::wip::draw::FText::FText
FText()=default
cv::ocl::KernelArg::Local
static KernelArg Local(size_t localMemSize)
Definition: ocl.hpp:389
cv::cudev::warpCopy
__device__ __forceinline__ OutIt warpCopy(InIt beg, InIt end, OutIt out)
Definition: warp.hpp:86
cv::datasets::IS_weizmannObj::srcColor
std::string srcColor
Definition: is_weizmann.hpp:64
cv::Matx::randn
static Matx randn(_Tp a, _Tp b)
Generates normally distributed random numbers.
cv::dnn::Net::forwardAsync
AsyncArray forwardAsync(const String &outputName=String())
Runs forward pass to compute output of layer with name outputName.
cv::getDerivKernels
void getDerivKernels(OutputArray kx, OutputArray ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F)
Returns filter coefficients for computing spatial image derivatives.
nppStSetActiveCUDAstream
cudaStream_t nppStSetActiveCUDAstream(cudaStream_t cudaStream)
hal_ni_cvtMultipliedRGBAtoRGBA
int hal_ni_cvtMultipliedRGBAtoRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
hal_cvtMultipliedRGBAtoRGBA
Definition: hal_replacement.hpp:560
cv::viz::Color::gray
static Color gray()
cv::Scalar_::Scalar_
Scalar_(const Vec< _Tp2, cn > &v)
cv::MinProblemSolver::minimize
virtual double minimize(InputOutputArray x)=0
actually runs the algorithm and performs the minimization.
cv::inRange
void inRange(InputArray src, InputArray lowerb, InputArray upperb, OutputArray dst)
Checks if array elements lie between the elements of two other arrays.
cv::COLOR_RGB2XYZ
@ COLOR_RGB2XYZ
Definition: imgproc.hpp:580
cv::multicalib::MultiCameraCalibration::loadImages
void loadImages()
cv::gapi::fluid::View::ready
bool ready() const
cv::PCA::PCA
PCA()
default constructor
cv::ogl::Texture2D::Texture2D
Texture2D(Size asize, Format aformat, unsigned int atexId, bool autoRelease=false)
cv::cuda::GpuMat::~GpuMat
~GpuMat()
destructor - calls release()
cv::Mat::Mat
Mat(const std::array< _Tp, _Nm > &arr, bool copyData=false)
cv::CmpTypes
CmpTypes
comparison types
Definition: base.hpp:211
cv::UMat::UMat
UMat(UMatUsageFlags usageFlags=USAGE_DEFAULT)
default constructor
cv::detail::tracking::kalman_filters::AugmentedUnscentedKalmanFilterParams::AugmentedUnscentedKalmanFilterParams
AugmentedUnscentedKalmanFilterParams()
Definition: kalman_filters.hpp:186
cv::goodFeaturesToTrack
void goodFeaturesToTrack(InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask=noArray(), int blockSize=3, bool useHarrisDetector=false, double k=0.04)
Determines strong corners on an image.
cv::hfs::HfsSegment::setSegEgbThresholdII
virtual void setSegEgbThresholdII(float c)=0
: set and get the parameter segEgbThresholdII. This parameter is used in the third stage mentioned ab...
cv::Complexf
Complex< float > Complexf
Definition: types.hpp:90
cv::cudev::BinaryTransformPtr::op
Op op
Definition: transform.hpp:111
cv::dnn::BackendNode::backendId
int backendId
Backend identifier.
Definition: dnn.hpp:128
cv::datasets::TR_svtObj
Definition: tr_svt.hpp:67
cv::hfs::HfsSegment::create
static Ptr< HfsSegment > create(int height, int width, float segEgbThresholdI=0.08f, int minRegionSizeI=100, float segEgbThresholdII=0.28f, int minRegionSizeII=200, float spatialWeight=0.6f, int slicSpixelSize=8, int numSlicIter=5)
: create a hfs object
cv::detail::tracking::TrackerSamplerPF::Params::particlesNum
int particlesNum
number of "perturbed" boxes on each round
Definition: tracking_internals.hpp:778
cv::datasets::IR_affineObj
Definition: ir_affine.hpp:62
cv::gapi::streaming::detail::desync
G desync(const G &g)
Definition: desync.hpp:41
cv::ocl::Kernel::set
int set(int i, const UMat &m)
cv::saturate_cast< uchar >
uchar saturate_cast< uchar >(schar v)
Definition: saturate.hpp:100
cv::stereo::CV_MODIFIED_CS_CENSUS
@ CV_MODIFIED_CS_CENSUS
Definition: descriptor.hpp:14
cv::face::FacemarkAAM::Model::Texture::base_shape
std::vector< Point2f > base_shape
basic shape, normalized to be fit in an image with current detection resolution
Definition: facemarkAAM.hpp:130
cv::CALIB_HAND_EYE_HORAUD
@ CALIB_HAND_EYE_HORAUD
Hand-eye Calibration .
Definition: calib3d.hpp:534
cv::text::ERStat::ERStat
ERStat(int level=256, int pixel=0, int x=0, int y=0)
Constructor.
NCVVectorReuse
Definition: NCV.hpp:690
cv::detail::TransformTag
Definition: gcommon.hpp:38
cv::ximgproc::EdgeBoxes::getEdgeMinMag
virtual float getEdgeMinMag() const =0
Returns the edge min magnitude.
cv::stereo::StereoBinaryBM::setPreFilterType
virtual void setPreFilterType(int preFilterType)=0
desync.hpp
cv::ppf_match_3d::PPF3DDetector::write
void write(FileStorage &fs) const
cv::GC_PR_BGD
@ GC_PR_BGD
a possible background pixel
Definition: imgproc.hpp:347
cv::ximgproc::HoughPoint2Line
Vec4i HoughPoint2Line(const Point &houghPoint, InputArray srcImgInfo, int angleRange=ARO_315_135, int makeSkew=HDO_DESKEW, int rules=RO_IGNORE_BORDERS)
Calculates coordinates of line segment corresponded by point in Hough space.
NCVVector::NCVVector
NCVVector()
Definition: NCV.hpp:572
cv::Subdiv2D::newEdge
int newEdge()
cv::calibrateCamera
double calibrateCamera(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
format.hpp
cv::cuda::NvidiaOpticalFlow_1_0::upSampler
virtual void upSampler(InputArray flow, int width, int height, int gridSize, InputOutputArray upsampledFlow)=0
The NVIDIA optical flow hardware generates flow vectors at granularity gridSize, which can be queried...
cv::ShapeContextDistanceExtractor::setRadialBins
virtual void setRadialBins(int nRadialBins)=0
Establish the number of radial bins for the Shape Context Descriptor used in the shape matching pipel...
cv::linemod::Detector::matchClass
void matchClass(const LinearMemoryPyramid &lm_pyramid, const std::vector< Size > &sizes, float threshold, std::vector< Match > &matches, const String &class_id, const std::vector< TemplatePyramid > &template_pyramids) const
cv::cuda::FarnebackOpticalFlow::getNumLevels
virtual int getNumLevels() const =0
cv::DetectionBasedTracker::getObjects
virtual void getObjects(std::vector< cv::Rect > &result) const
ncvDrawRects_8u_device
NCVStatus ncvDrawRects_8u_device(Ncv8u *d_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *d_rects, Ncv32u numRects, Ncv8u color, cudaStream_t cuStream)
cv::detail::AffineWarper::warp
Point warp(InputArray src, InputArray K, InputArray H, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
cv::ximgproc::AdaptiveManifoldFilter::filter
virtual void filter(InputArray src, OutputArray dst, InputArray joint=noArray())=0
Apply high-dimensional filtering using adaptive manifolds.
cv::ml::ANN_MLP::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::USAGE_ALLOCATE_SHARED_MEMORY
@ USAGE_ALLOCATE_SHARED_MEMORY
Definition: mat.hpp:456
cv::datasets::GR_skigObj::dep
std::string dep
Definition: gr_skig.hpp:97
cv::cudev::sobelX_
__host__ Expr< SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelX_(const SrcPtr &src)
Definition: deriv.hpp:81
cv::cuda::HOG::getDefaultPeopleDetector
virtual Mat getDefaultPeopleDetector() const =0
Returns coefficients of the classifier trained for people detection.
cv::CAP_V4L2
@ CAP_V4L2
Same as CAP_V4L.
Definition: videoio.hpp:93
intrin_msa.hpp
cv::Point3_::x
_Tp x
x coordinate of the 3D point
Definition: types.hpp:265
cv::Mat::at
_Tp & at(int i0=0)
Returns a reference to the specified array element.
cv::legacy::MultiTracker_Alt::trackers
std::vector< Ptr< Tracker > > trackers
Trackers list for Multi-Object-Tracker.
Definition: tracking_legacy.hpp:454
cv::face::CParams
Definition: facemark_train.hpp:35
cv::COLOR_BGR2RGB
@ COLOR_BGR2RGB
Definition: imgproc.hpp:540
cv::ximgproc::SuperpixelSLIC::getLabelContourMask
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelSLIC object.
cv::borderInterpolate
int borderInterpolate(int p, int len, int borderType)
Computes the source location of an extrapolated pixel.
cv::cudev::GlobPtrSz::rows
int rows
Definition: glob.hpp:87
cv::dnn::Dict::ptr
DictValue * ptr(const String &key)
If the key in the dictionary then returns pointer to its value, else returns NULL.
cv::detail::PaniniPortraitProjector
Definition: warpers.hpp:452
cv::cuda::HOG::detectMultiScale
void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:191
cv::GCompiled::GCompiled
GCompiled()
Constructs an empty object.
cv::ximgproc::createEdgeAwareInterpolator
Ptr< EdgeAwareInterpolator > createEdgeAwareInterpolator()
Factory method that creates an instance of the EdgeAwareInterpolator.
NPPST_TEXTURE_BIND_ERROR
@ NPPST_TEXTURE_BIND_ERROR
CUDA texture binding error or non-zero offset returned.
Definition: NCV.hpp:359
cv::utils::getConfigurationParameterSizeT
size_t getConfigurationParameterSizeT(const char *name, size_t defaultValue)
cv::quality::QualityPSNR::create
static Ptr< QualityPSNR > create(InputArray ref, double maxPixelValue=QualityPSNR::MAX_PIXEL_VALUE_DEFAULT)
Create an object which calculates quality.
Definition: qualitypsnr.hpp:38
cv::hal::QR64f
int QR64f(double *A, size_t astep, int m, int n, int k, double *b, size_t bstep, double *hFactors)
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature::WeakClassifierHaarFeature
WeakClassifierHaarFeature()
cv::MatIterator_::reference
_Tp & reference
Definition: mat.hpp:3133
cv::rgbd::RgbdPlane::getThreshold
double getThreshold() const
Definition: depth.hpp:413
cv::dnn::FlattenLayer::create
static Ptr< FlattenLayer > create(const LayerParams &params)
cv::SparsePyrLKOpticalFlow
Class used for calculating a sparse optical flow.
Definition: tracking.hpp:683
_mm_deinterleave_epi16
void _mm_deinterleave_epi16(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:294
cv::line_descriptor::BinaryDescriptor::write
virtual void write(cv::FileStorage &fs) const CV_OVERRIDE
Store parameters to a FileStorage object.
cv::ocl::Timer::durationNS
uint64 durationNS() const
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1)
Constructor.
Definition: intrin_cpp.hpp:289
cv::ximgproc::qunitary
void qunitary(InputArray qimg, OutputArray qnimg)
divides each element by its modulus.
cv::IMWRITE_JPEG_QUALITY
@ IMWRITE_JPEG_QUALITY
For JPEG, it can be a quality from 0 to 100 (the higher is the better). Default value is 95.
Definition: imgcodecs.hpp:87
cv::viz::KeyboardEvent::action
Action action
Definition: types.hpp:297
cv::ximgproc::Box::y
int y
Definition: edgeboxes.hpp:59
HaarClassifierCascadeDescriptor
Definition: NCVHaarObjectDetection.hpp:334
NCVVectorReuse::isMemReused
NcvBool isMemReused() const
Definition: NCV.hpp:723
cv::v_expand_high
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_expand_high(const v_reg< _Tp, n > &a)
Expand higher values to the wider pack type.
Definition: intrin_cpp.hpp:1400
cv::sfm::euclideanToHomogeneous
void euclideanToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space. E.g., ((x,y)->(x,y,1))
cv::datasets::actionType
actionType
Definition: gr_skig.hpp:61
cv::legacy::TrackerKCF::Params::write
void write(FileStorage &) const
cv::COLOR_YUV2GRAY_UYNV
@ COLOR_YUV2GRAY_UYNV
Definition: imgproc.hpp:718
cv::datasets::GR_skigObj::rgb
std::string rgb
Definition: gr_skig.hpp:96
cv::ocl::Program
Definition: ocl.hpp:499
cv::Point2f
Point_< float > Point2f
Definition: types.hpp:192
cv::legacy::TrackerTLD::~TrackerTLD
virtual ~TrackerTLD() CV_OVERRIDE
Definition: tracking_legacy.hpp:249
cv::cuda::ALPHA_PLUS_PREMUL
@ ALPHA_PLUS_PREMUL
Definition: cudaimgproc.hpp:160
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< UMat > &vec)
cv::viz::WGrid::WGrid
WGrid(const Vec2i &cells=Vec2i::all(10), const Vec2d &cells_spacing=Vec2d::all(1.0), const Color &color=Color::white())
Constructs a WGrid.
GAPI_EXPORTS
#define GAPI_EXPORTS
Definition: exports.hpp:20
cv::datasets::TRACK_vot::data
vector< vector< Ptr< TRACK_votObj > > > data
Definition: track_vot.hpp:86
cv::cudev::gridPyrUp
__host__ void gridPyrUp(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:79
cv::COLOR_BGR5652GRAY
@ COLOR_BGR5652GRAY
Definition: imgproc.hpp:565
cv::max
softdouble max(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:441
marr_hildreth_hash.hpp
cv::MJPEG
@ MJPEG
Definition: container_avi.private.hpp:73
cv::face::FacemarkLBF::BBox::project
Mat project(const Mat &shape) const
cv::detail::last_type
Definition: gcomputation.hpp:27
extrapolation.hpp
cv::cuda::HoughSegmentDetector
Base class for line segments detector algorithm. :
Definition: cudaimgproc.hpp:400
cv::CAP_PVAPI_PIXELFORMAT_BGRA32
@ CAP_PVAPI_PIXELFORMAT_BGRA32
Bgra32.
Definition: videoio.hpp:333
cv::Error::StsFilterOffsetErr
@ StsFilterOffsetErr
incorrect filter offset value
Definition: base.hpp:100
cv::GInferBase
Definition: infer.hpp:160
cv::ximgproc::bilateralTextureFilter
void bilateralTextureFilter(InputArray src, OutputArray dst, int fr=3, int numIter=1, double sigmaAlpha=-1., double sigmaAvg=-1.)
Applies the bilateral texture filter to an image. It performs structure-preserving texture filter....
cv::datasets::SR_div2k::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::cuda::GpuMat::GpuMat
GpuMat(Size size, int type, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
cv::detail::tracking::tbm::ITrackerByMatching::trackedDetections
virtual TrackedObjects trackedDetections() const =0
Get tracked detections.
cv::cudev::PtrTraits< Expr< Body > >::getRows
static __host__ int getRows(const Expr< Body > &expr)
Definition: expr.hpp:82
hal_ni_invSqrt64f
int hal_ni_invSqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:423
cvv::impl::CallMetaData::CallMetaData
CallMetaData(const char *file, size_t line, const char *function)
Creates the provided location.
Definition: call_meta_data.hpp:36
cv::cudev::gridMerge
__host__ void gridMerge(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:502
cv::StereoBM::setSmallerBlockSize
virtual void setSmallerBlockSize(int blockSize)=0
cv::findFundamentalMat
Mat findFundamentalMat(InputArray points1, InputArray points2, int method, double ransacReprojThreshold, double confidence, int maxIters, OutputArray mask=noArray())
Calculates a fundamental matrix from the corresponding points in two images.
cv::ShapeContextDistanceExtractor::getImageAppearanceWeight
virtual float getImageAppearanceWeight() const =0
cv::rgbd::Odometry::compute
bool compute(const Mat &srcImage, const Mat &srcDepth, const Mat &srcMask, const Mat &dstImage, const Mat &dstDepth, const Mat &dstMask, OutputArray Rt, const Mat &initRt=Mat()) const
cv::gapi::onnx::detail::ParamDesc::mean
std::vector< cv::Scalar > mean
Definition: onnx.hpp:54
cv::videostab::TranslationBasedLocalOutlierRejector
Definition: outlier_rejection.hpp:75
cv::cuda::HoughLinesDetector
Base class for lines detector algorithm. :
Definition: cudaimgproc.hpp:342
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams
Unscented Kalman filter parameters. The class for initialization parameters of Unscented Kalman filte...
Definition: kalman_filters.hpp:128
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< Mat > &vec)
cv::rgbd::RgbdPlane::RGBD_PLANE_METHOD
RGBD_PLANE_METHOD
Definition: depth.hpp:333
cv::detail::MultiBandBlender::feed
void feed(InputArray img, InputArray mask, Point tl) CV_OVERRIDE
Processes the image.
cv::cuda::flip
void flip(InputArray src, OutputArray dst, int flipCode, Stream &stream=Stream::Null())
Flips a 2D matrix around vertical, horizontal, or both axes.
cv::MatConstIterator::ptr
const uchar * ptr
Definition: mat.hpp:3064
cv::IMREAD_REDUCED_GRAYSCALE_8
@ IMREAD_REDUCED_GRAYSCALE_8
If set, always convert image to the single channel grayscale image and the image size reduced 1/8.
Definition: imgcodecs.hpp:80
reconstruct.hpp
cv::detail::tracking::TrackerModel::getConfidenceMaps
const std::vector< ConfidenceMap > & getConfidenceMaps() const
Get the list of the ConfidenceMap.
cv::dnn::DNN_BACKEND_CUDA
@ DNN_BACKEND_CUDA
Definition: dnn.hpp:76
cv::Rect_::Rect_
Rect_(Rect_ &&r) CV_NOEXCEPT
cv::superres::BroxOpticalFlow::getSolverIterations
virtual int getSolverIterations() const =0
Number of linear system solver iterations.
cv::detail::Blender::~Blender
virtual ~Blender()
Definition: blenders.hpp:66
cv::detail::ExposureCompensator::ExposureCompensator
ExposureCompensator()
Definition: exposure_compensate.hpp:63
cv::Affine3::translation
Vec3 translation() const
cv::kinfu::Intr::cx
float cx
Definition: intrinsics.hpp:75
cv::cudev::PyrUpBody
Definition: warping.hpp:131
cv::DescriptorMatcher::DescriptorCollection::~DescriptorCollection
virtual ~DescriptorCollection()
cv::cudev::ZipPtrSz::rows
int rows
Definition: zip.hpp:110
cv::ocl::Device::maxWorkItemSizes
void maxWorkItemSizes(size_t *) const
cv::_InputArray::rawIn
static _InputArray rawIn(const std::array< _Tp, _Nm > &arr)
cv::detail::tracking::tbm::TrackerParams::min_det_conf
float min_det_conf
Min confidence of detection.
Definition: tracking_by_matching.hpp:287
cv::SimilarRects::SimilarRects
SimilarRects(double _eps)
Definition: objdetect.hpp:124
cv::Matx::col
Matx< _Tp, m, 1 > col(int i) const
extract the matrix column
cv::datasets::female
@ female
Definition: fr_adience.hpp:63
reduce_key_val.hpp
cv::ximgproc::EdgeBoxes::setKappa
virtual void setKappa(float value)=0
Sets the scale sensitivity.
cv::ml::Boost
Boosted tree classifier derived from DTrees.
Definition: ml.hpp:1333
cv::gapi::wip::draw::Mosaic::Mosaic
Mosaic()
Definition: render_types.hpp:255
cv::instr::FLAGS_MAPPING
@ FLAGS_MAPPING
Definition: instrumentation.hpp:111
cv::ppf_match_3d::Pose3D::readPose
int readPose(const std::string &FileName)
cv::cuda::CannyEdgeDetector::getAppertureSize
virtual int getAppertureSize() const =0
cv::viz::Widget::cast
_W cast() const
Casts a widget to another.
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::Feature
Feature(int offset, int x, int y, int cellW, int cellH)
cv::detail::VoronoiSeamFinder::find
virtual void find(const std::vector< Size > &size, const std::vector< Point > &corners, std::vector< UMat > &masks)
cv::ml::ANN_MLP::getAnnealFinalT
virtual double getAnnealFinalT() const =0
cv::Mat::Mat
Mat(Size size, int type, const Scalar &s)
cv::cudev::warpFill
__device__ __forceinline__ void warpFill(It beg, It end, const T &value)
Definition: warp.hpp:79
cv::viz::WImage3D::setSize
void setSize(const Size &size)
Sets the image size of the widget.
cv::float16_t::float16_t
float16_t(float x)
Definition: cvdef.h:845
cv::ovis::WindowScene::setCameraLookAt
virtual void setCameraLookAt(const String &target, InputArray offset=noArray())=0
cv::hal::normL2Sqr_
float normL2Sqr_(const float *a, const float *b, int n)
cv::detail::tracking::contrib_feature::CvLBPFeatureParams::CvLBPFeatureParams
CvLBPFeatureParams()
cv::ccm::COLOR_SPACE_Lab_D55_2
@ COLOR_SPACE_Lab_D55_2
non-RGB color space
Definition: ccm.hpp:128
cv::FeatureDetector
Feature2D FeatureDetector
Definition: features2d.hpp:235
cv::hal::div16u
void div16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
cv::ovis::WindowScene::stopEntityAnimation
virtual void stopEntityAnimation(const String &name, const String &animname)=0
cv::gapi::own::detail::MatHeader::flags
int flags
Definition: mat.hpp:76
ocr.hpp
cv::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: calib3d.hpp:502
cv::gapi::video::BackgroundSubtractorParams::detectShadows
bool detectShadows
If true, the algorithm will detect shadows and mark them.
Definition: video.hpp:116
cv::ppf_match_3d::PoseCluster3DPtr
Ptr< PoseCluster3D > PoseCluster3DPtr
Definition: pose_3d.hpp:61
cv::DetectionBasedTracker::InnerParameters::numLastPositionsToTrack
int numLastPositionsToTrack
Definition: detection_based_tracker.hpp:167
cv::ocl::PlatformInfo::~PlatformInfo
~PlatformInfo()
cv::rgbd::RgbdOdometry::create
static Ptr< RgbdOdometry > create(const Mat &cameraMatrix=Mat(), float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), int transformType=Odometry::RIGID_BODY_MOTION)
cv::omnidir::CALIB_FIX_P2
@ CALIB_FIX_P2
Definition: omnidir.hpp:62
cv::Stitcher::blender
Ptr< detail::Blender > blender()
Definition: stitching.hpp:247
cv::ximgproc::segmentation::SelectiveSearchSegmentation::setBaseImage
virtual void setBaseImage(InputArray img)=0
Set a image used by switch* functions to initialize the class.
cv::viz::Color::magenta
static Color magenta()
cv::FileNode::isNone
bool isNone() const
returns true if the node is a "none" object
cv::solveLP
int solveLP(InputArray Func, InputArray Constr, OutputArray z)
Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).
cv::viz::WPlane::WPlane
WPlane(const Size2d &size=Size2d(1.0, 1.0), const Color &color=Color::white())
Constructs a default plane with center point at origin and normal oriented along z-axis.
cv::xphoto::INPAINT_SHIFTMAP
@ INPAINT_SHIFTMAP
Definition: inpainting.hpp:74
nppiStRectStdDev_32f_C1R_host
NCVStatus nppiStRectStdDev_32f_C1R_host(Ncv32u *h_sum, Ncv32u sumStep, Ncv64u *h_sqsum, Ncv32u sqsumStep, Ncv32f *h_norm, Ncv32u normStep, NcvSize32u roi, NcvRect32u rect, Ncv32f scaleArea)
cv::sfm::BaseSFM::setCameraIntrinsicOptions
virtual void setCameraIntrinsicOptions(const libmv_CameraIntrinsicsOptions &libmv_camera_intrinsics_options)=0
NCVBroxOpticalFlowDescriptor::scale_factor
Ncv32f scale_factor
pyramid scale factor
Definition: NCVBroxOpticalFlow.hpp:76
cv::ximgproc::RICInterpolator::getUseGlobalSmootherFilter
virtual bool getUseGlobalSmootherFilter() const =0
Sets whether the fastGlobalSmootherFilter() post-processing is employed.
cv::AsyncArray::~AsyncArray
~AsyncArray() CV_NOEXCEPT
cv::CAP_PROP_XI_GAMMAC
@ CAP_PROP_XI_GAMMAC
Chromaticity gamma.
Definition: videoio.hpp:412
cv::FONT_HERSHEY_SCRIPT_SIMPLEX
@ FONT_HERSHEY_SCRIPT_SIMPLEX
hand-writing style font
Definition: imgproc.hpp:824
cv::face::FacemarkAAM::Params::texture_max_m
int texture_max_m
Definition: facemarkAAM.hpp:73
cv::cuda::HostMem::reshape
HostMem reshape(int cn, int rows=0) const
cv::Subdiv2D::QuadEdge::QuadEdge
QuadEdge(int edgeidx)
cv::hal::cvtGraytoBGR
void cvtGraytoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn)
cv::cuda::DeviceInfo::maxTexture1DLayered
Vec2i maxTexture1DLayered() const
maximum 1D layered texture dimensions
cv::kinfu::VolumeParams::tsdfTruncDist
float tsdfTruncDist
TSDF truncation distance Distances greater than value from surface will be truncated to 1....
Definition: volume.hpp:81
facemark.hpp
cv::dnn::Net::getLayerId
int getLayerId(const String &layer)
Converts string name of the layer to the integer identifier.
cv::ocl::attachContext
void attachContext(const String &platformName, void *platformID, void *context, void *deviceID)
Attaches OpenCL context to OpenCV.
cv::convertPointsHomogeneous
void convertPointsHomogeneous(InputArray src, OutputArray dst)
Converts points to/from homogeneous coordinates.
cv::AsyncPromise::Impl
struct AsyncArray::Impl Impl
Definition: async_promise.hpp:62
cv::CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
@ CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR
Selects which test pattern generator is controlled by the TestPattern feature.
Definition: videoio.hpp:377
cv::cudev::minus
Definition: functional.hpp:87
cv::legacy::TrackerBoosting::create
static Ptr< legacy::TrackerBoosting > create(const TrackerBoosting::Params &parameters)
Constructor.
cv::HOGDescriptor::nbins
int nbins
Number of bins used in the calculation of histogram of gradients. Default value is 9.
Definition: objdetect.hpp:599
nppiStIntegral_32f32f_C1R
NCVStatus nppiStIntegral_32f32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
NCVMemStackAllocator::~NCVMemStackAllocator
virtual ~NCVMemStackAllocator()
cv::softfloat::setExp
softfloat setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:181
cv::ccm::COLOR_SPACE_ProPhotoRGB
@ COLOR_SPACE_ProPhotoRGB
https://en.wikipedia.org/wiki/ProPhoto_RGB_color_space , RGB color space
Definition: ccm.hpp:100
cv::ocl::Device::imageMaxArraySize
size_t imageMaxArraySize() const
cv::cudev::SobelXPtrSz::cols
int cols
Definition: deriv.hpp:163
cv::detail::tracking::TrackerSamplerCSC::~TrackerSamplerCSC
~TrackerSamplerCSC()
cv::FileNode::begin
FileNodeIterator begin() const
returns iterator pointing to the first node element
cv::structured_light::GrayCodePattern::setWhiteThreshold
virtual void setWhiteThreshold(size_t value)=0
Sets the value for white threshold, needed for decoding.
cv::face::FacemarkAAM::Model::Texture::ind2
std::vector< int > ind2
index of pixels for mapping process to obtains the grays values of eroded face region
Definition: facemarkAAM.hpp:134
cv::detail::PlanePortraitProjector
Definition: warpers.hpp:657
cv::videostab::KeypointBasedMotionEstimator::setFrameMask
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:246
cv::COLOR_YUV2RGB_UYVY
@ COLOR_YUV2RGB_UYVY
YUV 4:2:2 family to RGB.
Definition: imgproc.hpp:678
cv::MORPH_ERODE
@ MORPH_ERODE
see erode
Definition: imgproc.hpp:213
cv::aruco::DetectorParameters::DetectorParameters
DetectorParameters()
cv::datasets::IS_weizmann::create
static Ptr< IS_weizmann > create()
cv::VariationalRefinement::getGamma
virtual float getGamma() const =0
Weight of the gradient constancy term.
cv::cuda::HostMem::HostMem
HostMem(Size size, int type, HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
cv::dnn::BatchNormLayer::create
static Ptr< BatchNormLayer > create(const LayerParams &params)
cv::mixChannels
void mixChannels(const Mat *src, size_t nsrcs, Mat *dst, size_t ndsts, const int *fromTo, size_t npairs)
Copies specified channels from input arrays to the specified channels of output arrays.
cv::detail::AffineWarper::AffineWarper
AffineWarper(float scale=1.f)
Construct an instance of the affine warper class.
Definition: warpers.hpp:242
cv::gapi::detail::getMetaArgs
cv::GMetaArgs getMetaArgs(const std::vector< char > &p)
cv::cuda::DisparityBilateralFilter::getSigmaRange
virtual double getSigmaRange() const =0
filter range sigma
cv::ocl::Device::maxConstantArgs
int maxConstantArgs() const
cv::EVENT_MBUTTONUP
@ EVENT_MBUTTONUP
indicates that middle mouse button is released.
Definition: highgui.hpp:216
cv::SVD::solveZ
static void solveZ(InputArray src, OutputArray dst)
solves an under-determined singular linear system
hal_ni_FAST_NMS
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
cv::ximgproc::rl::paint
void paint(InputOutputArray image, InputArray rlSrc, const cv::Scalar &value)
Paint run length encoded binary image into an image.
cv::detail::tracking::tbm::IDescriptorDistance
The IDescriptorDistance class declares an interface for distance computation between reidentification...
Definition: tracking_by_matching.hpp:160
cv::viz::Color::Color
Color(const Scalar &color)
cv::hal::split64s
void split64s(const int64 *src, int64 **dst, int len, int cn)
cv::detail::MatchesInfo::num_inliers
int num_inliers
Number of geometrically consistent matches.
Definition: matchers.hpp:109
cv::rgbd::FastICPOdometry::FastICPOdometry
FastICPOdometry()
cv::optflow::DualTVL1OpticalFlow::setWarpingsNumber
virtual void setWarpingsNumber(int val)=0
Number of warpings per scale.
cv::NeighborSearchMethod
NeighborSearchMethod
Definition: calib3d.hpp:550
cv::ocl::Timer::~Timer
~Timer()
cv::datasets::TR_icdarObj::lex100
std::vector< std::string > lex100
Definition: tr_icdar.hpp:69
cv::ml::SVMSGD::getSvmsgdType
virtual int getSvmsgdType() const =0
Algorithm type, one of SVMSGD::SvmsgdType.
cv::MediaFrame::View::~View
~View()
cv::PCAProject
void PCAProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
cv::videostab::FastMarchingMethod::run
Inpaint run(const Mat &mask, Inpaint inpaint)
Template method that runs the Fast Marching Method.
Definition: fast_marching_inl.hpp:54
cv::cuda::HOG
The class implements Histogram of Oriented Gradients () object detector.
Definition: cudaobjdetect.hpp:80
cv::dnn::TanHLayer
Definition: all_layers.hpp:459
nppStSupersample
@ nppStSupersample
Supersampling. For downscaling only.
Definition: NPP_staging.hpp:102
cv::Accumulator< unsigned short >::Type
float Type
Definition: features2d.hpp:887
cv::detail::tracking::TrackerStateEstimator
Abstract base class for TrackerStateEstimator that estimates the most likely target state.
Definition: tracking.private.hpp:231
cv::cuda::FarnebackOpticalFlow::setWinSize
virtual void setWinSize(int winSize)=0
cv::aruco::drawDetectedCornersCharuco
void drawDetectedCornersCharuco(InputOutputArray image, InputArray charucoCorners, InputArray charucoIds=noArray(), Scalar cornerColor=Scalar(255, 0, 0))
Draws a set of Charuco corners.
cv::cuda::FarnebackOpticalFlow::setFastPyramids
virtual void setFastPyramids(bool fastPyramids)=0
cv::bioinspired::Retina::getMagnoRAW
virtual void getMagnoRAW(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
cv::GShape::GMAT
@ GMAT
cv::UndistortTypes
UndistortTypes
cv::undistort mode
Definition: calib3d.hpp:3555
cv::KAZE::getDiffusivity
virtual KAZE::DiffusivityType getDiffusivity() const =0
cv::detail::ChannelsCompensator::setSimilarityThreshold
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:157
cv::dnn::Model::getImpl
Impl * getImpl() const
Definition: dnn.hpp:1175
cv::StereoMatcher::getBlockSize
virtual int getBlockSize() const =0
cv::Node::Node
Node()
Definition: utility.hpp:1046
cv::stereo::QuasiDenseStereo::getSparseMatches
virtual void getSparseMatches(std::vector< stereo::Match > &sMatches)=0
Get The sparse corresponding points.
cv::multicalib::MultiCameraCalibration
Class for multiple camera calibration that supports pinhole camera and omnidirection camera....
Definition: multicalib.hpp:73
cv::detail::ImageFeatures::getKeypoints
std::vector< KeyPoint > getKeypoints()
Definition: matchers.hpp:64
cv::Quat::operator/=
Quat< _Tp > & operator/=(const _Tp s)
Division assignment operator of a quaternions and a scalar. It divides left operand with the right op...
cv::detail::selectRandomSubset
void selectRandomSubset(int count, int size, std::vector< int > &subset)
cv::cudev::DefaultCopyPolicy
Definition: copy.hpp:350
cv::Quat::sqrt
Quat< _Tp > sqrt(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return .
cv::optflow::DenseRLOFOpticalFlow::setUsePostProc
virtual void setUsePostProc(bool val)=0
enables ximgproc::fastGlobalSmootherFilter
cv::Tracker
Base abstract class for the long-term tracker.
Definition: tracking.hpp:714
cv::cuda::GpuMat::size
Size size() const
returns GpuMat size : width == number of columns, height == number of rows
cv::cudev::NormHamming::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:174
cv::CAP_PROP_OPENNI_GENERATOR_PRESENT
@ CAP_PROP_OPENNI_GENERATOR_PRESENT
Definition: videoio.hpp:248
cv::detail::Blender::prepare
virtual void prepare(const std::vector< Point > &corners, const std::vector< Size > &sizes)
Prepares the blender for blending.
cv::SparseMatConstIterator::node
const SparseMat::Node * node() const
returns the current node of the sparse matrix. it.node->idx is the current element index
cv::sfm::KRtFromProjection
void KRtFromProjection(InputArray P, OutputArray K, OutputArray R, OutputArray t)
Get K, R and t from projection matrix P, decompose using the RQ decomposition.
cv::Formatter::~Formatter
virtual ~Formatter()
cv::quality::QualityPSNR::getMaxPixelValue
double getMaxPixelValue() const
return the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:81
cv::readOpticalFlow
Mat readOpticalFlow(const String &path)
Read a .flo file.
cv::aruco::GridBoard::draw
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a GridBoard.
cv::gapi::GFunctor::~GFunctor
virtual ~GFunctor()=default
cv::Param::STRING
@ STRING
cv::ximgproc::AdaptiveManifoldFilter::setTreeHeight
virtual void setTreeHeight(int val)=0
cv::Mat::colRange
Mat colRange(const Range &r) const
cv::detail::BasicVectorRef::m_desc
cv::GArrayDesc m_desc
Definition: garray.hpp:126
cv::dpm::DPMDetector::getClassNames
virtual std::vector< std::string > const & getClassNames() const =0
Return the class (model) names that were passed in constructor or method load or extracted from model...
cv::cuda::CascadeClassifier::setMinObjectSize
virtual void setMinObjectSize(Size minSize)=0
Minimum possible object size. Objects smaller than that are ignored.
cv::CAP_PROP_OPENNI_BASELINE
@ CAP_PROP_OPENNI_BASELINE
In mm.
Definition: videoio.hpp:238
cv::FarnebackOpticalFlow::setWinSize
virtual void setWinSize(int winSize)=0
cv::xphoto::inpaint
void inpaint(const Mat &src, const Mat &mask, Mat &dst, const int algorithmType)
The function implements different single-image inpainting algorithms.
cv::sfm::SFM_REFINE_PRINCIPAL_POINT
@ SFM_REFINE_PRINCIPAL_POINT
Definition: simple_pipeline.hpp:125
cv::cudev::VecTraits< schar >::make
__host__ __device__ static __forceinline__ schar make(schar x)
Definition: vec_traits.hpp:147
cv::datasets::FR_adienceObj::face_id
int face_id
Definition: fr_adience.hpp:71
cv::FileNode::FileNode
FileNode(const FileNode &node)
cv::Stitcher::setSeamEstimationResol
void setSeamEstimationResol(double resol_mpx)
Definition: stitching.hpp:190
cv::estimateChessboardSharpness
Scalar estimateChessboardSharpness(InputArray image, Size patternSize, InputArray corners, float rise_distance=0.8F, bool vertical=false, OutputArray sharpness=noArray())
Estimates the sharpness of a detected chessboard.
cv::dnn::PaddingLayer::create
static Ptr< PaddingLayer > create(const LayerParams &params)
CV_SUBMAT_FLAG
#define CV_SUBMAT_FLAG
Definition: cvdef.h:471
cv::face::CParams::scaleFactor
double scaleFactor
Parameter specifying how much the image size is reduced at each image scale.
Definition: facemark_train.hpp:37
cv::dnn::getPlane
static Mat getPlane(const Mat &m, int n, int cn)
Definition: shape_utils.hpp:108
cv::reg::Map::~Map
virtual ~Map()
cv::LineIterator::init
void init(const Mat *img, Rect boundingAreaRect, Point pt1, Point pt2, int connectivity, bool leftToRight)
cv::Quat::toRotVec
Vec< _Tp, 3 > toRotVec(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform this quaternion to a Rotation vector.
cv::detail::ChannelsCompensator::apply
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
cv::FileStorage::READ
@ READ
value, open the file for reading
Definition: persistence.hpp:309
cv::CAP_PROP_IOS_DEVICE_TORCH
@ CAP_PROP_IOS_DEVICE_TORCH
Definition: videoio.hpp:517
cv::optflow::RLOFOpticalFlowParameter::getMaxIteration
int getMaxIteration() const
cv::cudev::CommonAreaInterPtr::area_width
float area_width
Definition: interpolation.hpp:300
CV_CUDEV_GRAY2RGB_INST
#define CV_CUDEV_GRAY2RGB_INST(name, dcn)
Definition: color_cvt.hpp:89
cv::cuda::DensePyrLKOpticalFlow::setWinSize
virtual void setWinSize(Size winSize)=0
cv::COLOR_YUV2BGRA_I420
@ COLOR_YUV2BGRA_I420
Definition: imgproc.hpp:664
cv::detail::GTypeTraits< cv::GArray< T > >::wrap_in
static cv::detail::VectorRef wrap_in(const std::vector< T > &t)
Definition: gtype_traits.hpp:88
cv::Rect_::Rect_
Rect_(const Rect_ &r)
intrin_neon.hpp
cv::CALIB_HAND_EYE_TSAI
@ CALIB_HAND_EYE_TSAI
A New Technique for Fully Autonomous and Efficient 3D Robotics Hand/Eye Calibration .
Definition: calib3d.hpp:532
cv::ocl::Device::localMemSize
size_t localMemSize() const
cv::cudev::numeric_limits< ushort >::max
__device__ static __forceinline__ ushort max()
Definition: limits.hpp:91
cv::videostab::PyrLkOptFlowEstimatorBase::winSize
virtual Size winSize() const
Definition: optical_flow.hpp:85
cv::Mat_::adjustROI
Mat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
some more overridden methods
cv::v_int64x2::v_int64x2
v_int64x2()
Definition: intrin_rvv.hpp:488
cv::detail::tracking::contrib_feature::CvLBPEvaluator::operator()
virtual float operator()(int featureIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:376
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
cv::stereo::StereoMatcher::getMinDisparity
virtual int getMinDisparity() const =0
cv::VideoCapture::cap
Ptr< CvCapture > cap
Definition: videoio.hpp:842
cv::CAP_PROP_XI_DECIMATION_HORIZONTAL
@ CAP_PROP_XI_DECIMATION_HORIZONTAL
Horizontal Decimation - horizontal sub-sampling of the image - reduces the horizontal resolution of t...
Definition: videoio.hpp:375
cv::GCompiled::metas
const GMetaArgs & metas() const
Vector of metadata this graph was compiled for.
cv::MergeMertens::getContrastWeight
virtual float getContrastWeight() const =0
cv::ml::ParamGrid::maxVal
double maxVal
Maximum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:116
cv::v_float64x2::lane_type
double lane_type
Definition: intrin_rvv.hpp:518
cv::COLOR_BGR5552RGB
@ COLOR_BGR5552RGB
Definition: imgproc.hpp:570
cv::Vec::channels
@ channels
Definition: matx.hpp:346
cv::_InputArray::_InputArray
_InputArray(const std::vector< Mat_< _Tp > > &vec)
CPU_AVX_512IFMA512
@ CPU_AVX_512IFMA512
Definition: cvdef.h:310
cv::cudev::brdReflect101
__host__ BrdBase< BrdReflect101, typename PtrTraits< SrcPtr >::ptr_type > brdReflect101(const SrcPtr &src)
Definition: extrapolation.hpp:160
cv::Subdiv2D::Vertex
Definition: imgproc.hpp:1216
cv::detail::TransHelper
Definition: gtransform.hpp:41
cv::cudacodec::JPEG
@ JPEG
Definition: cudacodec.hpp:252
cv::WINDOW_GUI_NORMAL
@ WINDOW_GUI_NORMAL
old fashious way
Definition: highgui.hpp:195
cv::ft::ITERATIVE
@ ITERATIVE
processing in several iterations
Definition: types.hpp:63
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_beta
float parasolCells_beta
Definition: retina.hpp:176
cv::Mat::Mat
Mat(int ndims, const int *sizes, int type)
cv::detail::tracking::tbm::createTrackerByMatching
cv::Ptr< ITrackerByMatching > createTrackerByMatching(const TrackerParams &params=TrackerParams())
The factory to create Tracker-by-Matching algorithm implementation.
cv::saliency::StaticSaliencySpectralResidual::create
static Ptr< StaticSaliencySpectralResidual > create()
Definition: saliencySpecializedClasses.hpp:76
cv::BFMatcher::clone
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const CV_OVERRIDE
Clones the matcher.
cv::power
Quat< T > power(const Quat< T > &q, const Quat< T > &p, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
G_API_OP
#define G_API_OP
Definition: gkernel.hpp:365
garg.hpp
cv::stereo::CV_MODIFIED_CENSUS_TRANSFORM
@ CV_MODIFIED_CENSUS_TRANSFORM
Definition: descriptor.hpp:14
cv::SOLVELP_UNFEASIBLE
@ SOLVELP_UNFEASIBLE
problem is unfeasible (there are no points that satisfy all the constraints imposed)
Definition: optim.hpp:260
cv::KeyPoint::class_id
int class_id
object class (if the keypoints need to be clustered by an object they belong to)
Definition: types.hpp:778
cv::detail::tracking::TrackerFeatureLBP::selection
void selection(Mat &response, int npoints) CV_OVERRIDE
Identify most effective features.
cv::kinfu::Intr::Reprojector::cx
float cx
Definition: intrinsics.hpp:35
cv::CAP_PROP_XI_CC_MATRIX_30
@ CAP_PROP_XI_CC_MATRIX_30
Color Correction Matrix element [3][0].
Definition: videoio.hpp:426
cv::ml::ANN_MLP::getRpropDW0
virtual double getRpropDW0() const =0
cv::dnn::ActivationLayer::forwardSlice
virtual void forwardSlice(const float *src, float *dst, int len, size_t outPlaneSize, int cn0, int cn1) const =0
cv::ccm::ColorCorrectionModel::get_dst_rgbl
Mat get_dst_rgbl() const
cv::rgbd::RgbdOdometry::getMaxDepth
double getMaxDepth() const
Definition: depth.hpp:668
NCV_MEM_COPY_ERROR
@ NCV_MEM_COPY_ERROR
Definition: NCV.hpp:339
hal_ni_recip64f
int hal_ni_recip64f(const double *src_data, size_t src_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:281
cv::GrabCutModes
GrabCutModes
GrabCut algorithm flags.
Definition: imgproc.hpp:352
cv::GFTTDetector::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
cv::Error::StsUnsupportedFormat
@ StsUnsupportedFormat
the data format/type is not supported by the function
Definition: base.hpp:110
cv::face::StandardCollector
Default predict collector.
Definition: predict_collector.hpp:83
cv::gapi::fluid::Buffer::OutLineB
uint8_t * OutLineB(int index=0)
Definition: gfluidbuffer.hpp:118
cv::v_cleanup
void v_cleanup()
Definition: intrin_cpp.hpp:2772
cv::text::ERGROUPING_ORIENTATION_ANY
@ ERGROUPING_ORIENTATION_ANY
Definition: erfilter.hpp:290
NcvRect32s::x
Ncv32s x
x-coordinate of upper left corner.
Definition: NCV.hpp:150
cv::Feature2D::detect
virtual void detect(InputArrayOfArrays images, std::vector< std::vector< KeyPoint > > &keypoints, InputArrayOfArrays masks=noArray())
cv::ximgproc::segmentation::SelectiveSearchSegmentation::switchToSelectiveSearchFast
virtual void switchToSelectiveSearchFast(int base_k=150, int inc_k=150, float sigma=0.8f)=0
Initialize the class with the 'Selective search fast' parameters describled in .
cv::rgbd::RgbdICPOdometry::getMaxRotation
double getMaxRotation() const
Definition: depth.hpp:989
cv::util::optional::reset
void reset() noexcept
Definition: optional.hpp:164
cv::cudev::IsBinaryFunction::check
static Yes check(binary_function< T1, T2, D >)
cv::SimpleBlobDetector::Params::minInertiaRatio
float minInertiaRatio
Definition: features2d.hpp:735
cv::ogl::Buffer::unmapDevice
void unmapDevice(cuda::Stream &stream)
Unmaps OpenGL buffer.
cv::MatExpr::abs
MatExpr abs(const Mat &m)
Calculates an absolute value of each matrix element.
cv::dnn::TextDetectionModel_EAST::setConfidenceThreshold
TextDetectionModel_EAST & setConfidenceThreshold(float confThreshold)
Set the detection confidence threshold.
cv::NORM_L1
@ NORM_L1
Definition: base.hpp:176
cv::COLOR_BGR5552RGBA
@ COLOR_BGR5552RGBA
Definition: imgproc.hpp:574
cv::dnn::Net::getFLOPS
int64 getFLOPS(const int layerId, const std::vector< MatShape > &netInputShapes) const
cv::CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
@ CAP_PROP_XI_IMAGE_PAYLOAD_SIZE
Buffer size in bytes sufficient for output image returned by xiGetImage.
Definition: videoio.hpp:448
cv::Error::BadDepth
@ BadDepth
input image depth is not supported by the function
Definition: base.hpp:86
cv::detail::CompressedRectilinearPortraitProjector::a
float a
Definition: warpers.hpp:411
cv::dnn::LSTMLayer::setWeights
virtual void setWeights(const Mat &Wh, const Mat &Wx, const Mat &b)=0
Set trained weights for LSTM layer.
cv::ocl::ProgramSource::source
const String & source() const
cv::Mat::ptr
uchar * ptr(int i0=0)
Returns a pointer to the specified matrix row.
cv::cuda::DeviceInfo::maxThreadsPerMultiProcessor
int maxThreadsPerMultiProcessor() const
maximum resident threads per multiprocessor
ncvDebugOutput
void ncvDebugOutput(const cv::String &msg)
hal_ni_Cholesky32f
int hal_ni_Cholesky32f(float *src1, size_t src1_step, int m, float *src2, size_t src2_step, int n, bool *info)
Definition: hal_replacement.hpp:613
cv::GStreamingCompiled::start
GAPI_WRAP void start()
Start the pipeline execution.
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::~EstimatedGaussDistribution
virtual ~EstimatedGaussDistribution()
cv::detail::tracking::contrib_feature::CvFeatureParams::LBP
@ LBP
Definition: feature.hpp:146
cv::LineIterator::plusStep
int plusStep
Definition: imgproc.hpp:4817
cv::gapi::bitwise_xor
GMat bitwise_xor(const GMat &src1, const GMat &src2)
computes bitwise logical "exclusive or" of the two matrixes (src1 ^ src2) Calculates the per-element ...
cv::ft::FT12D_createPolynomMatrixVertical
void FT12D_createPolynomMatrixVertical(int radius, OutputArray matrix, const int chn)
Creates vertical matrix for -transform computation.
cv::face::CParams::minSize
Size minSize
Minimum possible object size.
Definition: facemark_train.hpp:39
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::write
void write(FileStorage &fs, int varIdx) const
cv::cuda::meanStdDev
void meanStdDev(InputArray mtx, Scalar &mean, Scalar &stddev)
Computes a mean value and a standard deviation of matrix elements.
cv::TrackerKCF::Params::detect_thresh
float detect_thresh
detection confidence threshold
Definition: tracking.hpp:121
cv::correctMatches
void correctMatches(InputArray F, InputArray points1, InputArray points2, OutputArray newPoints1, OutputArray newPoints2)
Refines coordinates of corresponding points.
cv::GOCLKernel::GOCLKernel
GOCLKernel()
cv::ximgproc::EdgeAwareInterpolator::setFGSLambda
virtual void setFGSLambda(float _lambda)=0
Sets the respective fastGlobalSmootherFilter() parameter.
cv::viz::Color::red
static Color red()
cv::COLOR_YUV2GRAY_I420
@ COLOR_YUV2GRAY_I420
Definition: imgproc.hpp:673
cv::stereo::StereoMatcher::getBlockSize
virtual int getBlockSize() const =0
cv::flann::CvType< float >::type
static int type()
Definition: flann.hpp:81
cv::FileNode::read
void read(const FileNode &node, SparseMat &mat, const SparseMat &default_mat=SparseMat())
NCVVector::_memtype
NCVMemoryType _memtype
Definition: NCV.hpp:621
cv::cudacodec::RawVideoSource::~RawVideoSource
virtual ~RawVideoSource()
Definition: cudacodec.hpp:320
cv::gapi::s11n::detail::S11N::deserialize
static T deserialize(IIStream &)
Definition: base.hpp:31
cv::optflow::GPCTrainingParams::GPCTrainingParams
GPCTrainingParams(unsigned _maxTreeDepth=20, int _minNumberOfSamples=3, GPCDescType _descriptorType=GPC_DESCRIPTOR_DCT, bool _printProgress=true)
Definition: sparse_matching_gpc.hpp:130
cv::CAP_PROP_XI_COOLING
@ CAP_PROP_XI_COOLING
Start camera cooling.
Definition: videoio.hpp:401
cv::v_float32x4::val
float val[4]
Definition: intrin_rvv.hpp:448
cv::large_kinfu::LargeKinfu::getPoints
virtual void getPoints(OutputArray points) const =0
cv::MediaFormat
MediaFormat
Definition: gframe.hpp:46
cv::BOWTrainer::clear
virtual void clear()
cv::makeAgastOffsets
void makeAgastOffsets(int pixel[16], int rowStride, int type)
Definition: agast_score.txt:54
cv::cudev::numeric_limits< double >::min
__device__ static __forceinline__ double min()
Definition: limits.hpp:119
cv::ximgproc::WMFWeightType
WMFWeightType
Specifies weight types of weighted median filter.
Definition: weighted_median_filter.hpp:65
cv::line_descriptor::LSDParam::log_eps
double log_eps
Definition: descriptor.hpp:705
cv::detail::tracking::TrackerSampler::addTrackerSamplerAlgorithm
bool addTrackerSamplerAlgorithm(const Ptr< TrackerSamplerAlgorithm > &sampler)
Add TrackerSamplerAlgorithm in the collection. Return true if sampler is added, false otherwise.
cv::reg::MapTypeCaster
Definition: mapperpyramid.hpp:80
debug_mode.hpp
cv::saliency::StaticSaliencyFineGrained::StaticSaliencyFineGrained
StaticSaliencyFineGrained()
cv::Quat::Quat
Quat(const Vec< _Tp, 4 > &coeff)
From Vec4d or Vec4f.
cv::gapi::onnx::detail::ParamDesc::num_out
std::size_t num_out
Definition: onnx.hpp:45
cv::StereoMatcher::setSpeckleRange
virtual void setSpeckleRange(int speckleRange)=0
cv::ximgproc::RICInterpolator
Sparse match interpolation algorithm based on modified piecewise locally-weighted affine estimator ca...
Definition: sparse_match_interpolator.hpp:147
cv::cudev::abs
__device__ __forceinline__ uchar1 abs(const uchar1 &a)
Definition: vec_math.hpp:213
cv::detail::GTypeTraits< cv::GOpaque< T > >::host_type
T host_type
Definition: gtype_traits.hpp:96
cv::GFluidKernel::m_gw
const GW m_gw
Definition: gfluidkernel.hpp:93
cv::optflow::RLOFOpticalFlowParameter::getSmallWinSize
int getSmallWinSize() const
cv::gapi::fluid::Border::type
int type
Definition: gfluidbuffer.hpp:28
nppiStTranspose_64u_C1R_host
NCVStatus nppiStTranspose_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStride, Ncv64u *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::cudev::project1st::operator()
__device__ __forceinline__ T1 operator()(typename TypeTraits< T1 >::parameter_type lhs, typename TypeTraits< T2 >::parameter_type) const
Definition: functional.hpp:291
cv::CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
@ CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH
Definition: videoio.hpp:258
gcall.hpp
hal_ni_mul16s
int hal_ni_mul16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:241
cv::cudev::Binder2nd::arg2
Op::second_argument_type arg2
Definition: functional.hpp:854
cv::gapi::ie::Params::params
cv::util::any params() const
Definition: ie.hpp:143
cv::gapi::GNetParam::backend
GBackend backend
Definition: infer.hpp:447
cv::detail::CompileArgTag
Definition: gcommon.hpp:32
cv::ml::EM::getWeights
virtual Mat getWeights() const =0
Returns weights of the mixtures.
CV_MAT_CN
#define CV_MAT_CN(flags)
Definition: cvdef.h:463
nppiStSqrIntegralGetSize_8u64u
NCVStatus nppiStSqrIntegralGetSize_8u64u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::bioinspired::SegmentationParameters::SegmentationParameters
SegmentationParameters()
Definition: transientareassegmentationmodule.hpp:84
cv::softdouble::zero
static softdouble zero()
Zero constant.
Definition: softfloat.hpp:346
mapaffine.hpp
cv::ccm::CCM_4x3
@ CCM_4x3
The CCM with the shape performs affine transformation.
Definition: ccm.hpp:62
cv::uint16_t
::uint16_t uint16_t
Definition: cvdef.h:797
cv::cudev::atomicMin
__device__ __forceinline__ int atomicMin(int *address, int val)
Definition: atomic.hpp:104
cv::ocl::ProgramSource::ProgramSource
ProgramSource()
cv::ParamType< uint64 >::const_param_type
uint64 const_param_type
Definition: core.hpp:3267
cv::cudacodec::VideoWriter::write
virtual void write(InputArray frame, bool lastFrame=false)=0
Writes the next video frame.
cv::DescriptorMatcher::isPossibleMatch
static bool isPossibleMatch(InputArray mask, int queryIdx, int trainIdx)
cv::UMat::flags
int flags
Definition: mat.hpp:2553
cv::ccm::ColorCorrectionModel::get_src_rgbl
Mat get_src_rgbl() const
transpose.hpp
cv::dnn_objdetect::InferBbox::comparator
static bool comparator(std::pair< double, size_t > l1, std::pair< double, size_t > l2)
Definition: core_detect.hpp:115
cv::utils::shared_lock_guard::release
void release()
Definition: lock.private.hpp:53
cv::datasets::PD_inriaObj::sType
sampleType sType
Definition: pd_inria.hpp:72
cv::ocl::Platform::empty
bool empty() const
Definition: ocl.hpp:313
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const ProgramSource &prog)
cv::videostab::MotionInpainter::optFlowEstimator
Ptr< IDenseOptFlowEstimator > optFlowEstimator() const
Definition: inpainting.hpp:147
cv::viz::Camera::getPrincipalPoint
const Vec2d & getPrincipalPoint() const
Definition: types.hpp:219
cv::dnn_superres::DnnSuperResImpl::readModel
void readModel(const String &weights, const String &definition)
Read the model from the given path.
cv::FileStorage::write
static void write(FileStorage &fs, const std::vector< _Tp > &vec)
Definition: persistence.hpp:988
cv::dnn::shape
static MatShape shape(const int *dims, const int n)
Definition: shape_utils.hpp:119
cv::ocl::Device::~Device
~Device()
cv::cuda::createBackgroundSubtractorGMG
Ptr< cuda::BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates GMG Background Subtractor.
cv::detail::restoreImageFromLaplacePyrGpu
void restoreImageFromLaplacePyrGpu(std::vector< UMat > &pyr)
cv::BaseCascadeClassifier::MaskGenerator::initializeMask
virtual void initializeMask(const Mat &)
Definition: objdetect.hpp:212
cv::FileNode::read
static void read(FileNodeIterator &it, std::vector< _Tp > &vec, size_t maxCount=(size_t) INT_MAX)
Definition: persistence.hpp:1167
cv::cudev::Binder2nd
Definition: functional.hpp:852
cv::TermCriteria::type
int type
the type of termination criteria: COUNT, EPS or COUNT + EPS
Definition: types.hpp:881
cv::typeToString
const String typeToString(int type)
OPENCV_HAL_IMPL_RVV_PACK_TRIPLETS
#define OPENCV_HAL_IMPL_RVV_PACK_TRIPLETS(_Tpvec, _Tp)
Definition: intrin_rvv.hpp:2419
cv::pc
@ pc
Definition: container_avi.private.hpp:136
cv::detail::Timelapser::process
virtual void process(InputArray img, InputArray mask, Point tl)
cv::SCORE_METHOD_MSAC
@ SCORE_METHOD_MSAC
Definition: calib3d.hpp:549
NCVVector::clear
void clear()
Definition: NCV.hpp:579
garray.hpp
hal_ni_cvtBGRtoBGR
int hal_ni_cvtBGRtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, int dcn, bool swapBlue)
hal_cvtBGRtoBGR
Definition: hal_replacement.hpp:309
cv::gapi::own::operator<<
std::ostream & operator<<(std::ostream &o, const Rect &rect)
Definition: types.hpp:93
color.hpp
cv::detail::BundleAdjusterBase::conf_thresh_
double conf_thresh_
Definition: motion_estimators.hpp:206
cv::v_uint16x8::lane_type
ushort lane_type
Definition: intrin_rvv.hpp:295
cv::CAP_PROP_BRIGHTNESS
@ CAP_PROP_BRIGHTNESS
Brightness of the image (only for those cameras that support).
Definition: videoio.hpp:145
cv::CAP_OPENNI2
@ CAP_OPENNI2
OpenNI2 (for Kinect)
Definition: videoio.hpp:113
cv::detail::tracked_cv_mat::r
cv::Mat r
Definition: gcpukernel.hpp:210
cv::Matx13f
Matx< float, 1, 3 > Matx13f
Definition: matx.hpp:223
volume.hpp
cv::VideoWriter::create
static Ptr< IVideoWriter > create(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
cv::AVIWriteContainer::isEmptyFrameOffset
bool isEmptyFrameOffset() const
Definition: container_avi.private.hpp:164
cv::ocl::ProgramSource::hash_t
uint64 hash_t
Definition: ocl.hpp:545
cv::videostab::OnePassStabilizer::setMotionFilter
void setMotionFilter(Ptr< MotionFilterBase > val)
Definition: stabilizer.hpp:148
cv::face::FacemarkAAM::fitConfig
virtual bool fitConfig(InputArray image, InputArray roi, OutputArrayOfArrays _landmarks, const std::vector< Config > &runtime_params)=0
overload with additional Config structures
cv::util::variant::index_of
static constexpr std::size_t index_of()
Definition: variant.hpp:358
cv::text::ERStat::probability
double probability
probability that the ER belongs to the class we are looking for
Definition: erfilter.hpp:100
cv::CAP_PROP_XI_FFS_FILE_SIZE
@ CAP_PROP_XI_FFS_FILE_SIZE
Size of file.
Definition: videoio.hpp:487
cv::GOCLKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: goclkernel.hpp:238
cv::instr::NodeData::m_tls
TLSDataAccumulator< NodeDataTls > m_tls
Definition: instrumentation.hpp:88
cv::LDA::load
void load(const FileStorage &node)
cv::detail::get_in< cv::GFrame >::get
static cv::MediaFrame get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:168
cv::quality::QualityBase::_qualityMap
_mat_type _qualityMap
Output quality maps if generated by algorithm.
Definition: qualitybase.hpp:57
cv::WARP_INVERSE_MAP
@ WARP_INVERSE_MAP
Definition: imgproc.hpp:273
cv::videostab::ILog::print
virtual void print(const char *format,...)=0
cv::ppf_match_3d::computeNormalsPC3d
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...
cv::softdouble::min
static softdouble min()
Smallest normalized value.
Definition: softfloat.hpp:354
cv::ocl::PlatformInfo::p
Impl * p
Definition: ocl.hpp:641
cv::CirclesGridFinderParameters::CirclesGridFinderParameters
CirclesGridFinderParameters()
cv::superres::createOptFlow_DualTVL1_CUDA
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1_CUDA()
cv::BaseCascadeClassifier::~BaseCascadeClassifier
virtual ~BaseCascadeClassifier()
cv::Size_::empty
bool empty() const
true if empty
cv::videostab::InpainterBase::stabilizedFrames_
const std::vector< Mat > * stabilizedFrames_
Definition: inpainting.hpp:98
cv::GOCLContext::outValR
cv::Scalar & outValR(int output)
cv::UMat::getMat
Mat getMat(AccessFlag flags) const
NcvRect32u::NcvRect32u
__host__ __device__ NcvRect32u(Ncv32u x_, Ncv32u y_, Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:167
cv::randpattern::RandomPatternCornerFinder::loadPattern
void loadPattern(const cv::Mat &patternImage)
hal_ni_resize
int hal_ni_resize(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, double inv_scale_x, double inv_scale_y, int interpolation)
hal_resize
Definition: hal_replacement.hpp:254
cv::dnn::Net::addLayer
int addLayer(const String &name, const String &type, LayerParams &params)
Adds new layer to the net.
cv::cuda::Feature2DAsync::convert
virtual void convert(InputArray gpu_keypoints, std::vector< KeyPoint > &keypoints)=0
cv::CAP_PROP_IMAGES_BASE
@ CAP_PROP_IMAGES_BASE
Definition: videoio.hpp:595
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const char *prog)
cv::cuda::GpuMat::data
uchar * data
pointer to the data
Definition: cuda.hpp:329
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::array< _Tp, _Nm > &arr)
cv::linemod::DepthNormal::DepthNormal
DepthNormal()
Default constructor. Uses reasonable default parameter values.
MatToCGImage
CGImageRef MatToCGImage(const cv::Mat &image) CF_RETURNS_RETAINED
cv::cudev::TypeTraits::non_const_type
type_traits_detail::UnConst< T >::type non_const_type
Definition: type_traits.hpp:130
cv::WND_PROP_VISIBLE
@ WND_PROP_VISIBLE
checks whether the window exists and is visible
Definition: highgui.hpp:204
media.hpp
cv::detail::tracking::TrackerContribFeature::~TrackerContribFeature
virtual ~TrackerContribFeature()
call_meta_data.hpp
cv::AVIReadContainer::parseMovi
bool parseMovi(frame_list &in_frame_list)
Definition: container_avi.private.hpp:106
cv::PyRotationWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst)
Projects the image.
cv::detail::BundleAdjusterBase::num_images_
int num_images_
Definition: motion_estimators.hpp:196
cv::_InputArray::getMatVector
void getMatVector(std::vector< Mat > &mv) const
cv::face::FacemarkAAM::Params::m
int m
Definition: facemarkAAM.hpp:68
cv::WND_PROP_AUTOSIZE
@ WND_PROP_AUTOSIZE
autosize property (can be WINDOW_NORMAL or WINDOW_AUTOSIZE).
Definition: highgui.hpp:201
cv::rgbd::Odometry::compute
bool compute(Ptr< OdometryFrame > &srcFrame, Ptr< OdometryFrame > &dstFrame, OutputArray Rt, const Mat &initRt=Mat()) const
cv::detail::tracked_cv_umat::tracked_cv_umat
tracked_cv_umat(cv::UMat &m)
Definition: goclkernel.hpp:131
cv::Point3_::ddot
double ddot(const Point3_ &pt) const
dot product computed in double-precision arithmetics
cv::cuda::Feature2DAsync::detectAndComputeAsync
virtual void detectAndComputeAsync(InputArray image, InputArray mask, OutputArray keypoints, OutputArray descriptors, bool useProvidedKeypoints=false, Stream &stream=Stream::Null())
cv::dnn_objdetect::InferBbox::detections
std::vector< object > detections
Vector which holds the final detections of the model.
Definition: core_detect.hpp:53
CV_ERROR_FAIL
@ CV_ERROR_FAIL
Some error occurred (TODO Require to fill exception information)
Definition: llapi.h:32
cv::gapi::KalmanParams
Structure for the Kalman filter's initialization parameters.
Definition: video.hpp:23
cv::QRCodeDetector::~QRCodeDetector
~QRCodeDetector()
cv::AgastFeatureDetector::AGAST_5_8
@ AGAST_5_8
Definition: features2d.hpp:605
cv::dnn::TextRecognitionModel::TextRecognitionModel
TextRecognitionModel(const Net &network)
Create Text Recognition model from deep learning network Call setDecodeType() and setVocabulary() aft...
cv::dnn::RNNLayer::setWeights
virtual void setWeights(const Mat &Wxh, const Mat &bh, const Mat &Whh, const Mat &Who, const Mat &bo)=0
cv::softfloat::isNaN
bool isNaN() const
NaN state indicator.
Definition: softfloat.hpp:168
hal_ni_cvtBGRtoXYZ
int hal_ni_cvtBGRtoXYZ(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
hal_cvtBGRtoXYZ
Definition: hal_replacement.hpp:418
cv::cnn_3dobj::descriptorExtractor::setDeviceId
void setDeviceId(const int &device_id)
Set device ID information for feature extraction. Useful to change device without the need to reload ...
cv::GInferInputs::getBlobs
const Map & getBlobs() const
cv::REDUCE_AVG
@ REDUCE_AVG
the output is the mean vector of all rows/columns of the matrix.
Definition: core.hpp:228
cv::aruco::DetectorParameters::adaptiveThreshWinSizeStep
int adaptiveThreshWinSizeStep
Definition: aruco.hpp:158
cv::cudev::project2nd
Definition: functional.hpp:299
cv::superres::FarnebackOpticalFlow::getWindowSize
virtual int getWindowSize() const =0
cv::VideoWriter::VideoWriter
VideoWriter()
Default constructors.
cv::DIST_MASK_3
@ DIST_MASK_3
mask=3
Definition: imgproc.hpp:312
cv::CALIB_USE_QR
@ CALIB_USE_QR
use QR instead of SVD decomposition for solving. Faster but potentially less precise
Definition: calib3d.hpp:512
cv::TrackerGOTURN::~TrackerGOTURN
virtual ~TrackerGOTURN() CV_OVERRIDE
cv::NORMAL_CLONE
@ NORMAL_CLONE
Definition: photo.hpp:716
cv::videostab::IMotionStabilizer::~IMotionStabilizer
virtual ~IMotionStabilizer()
Definition: motion_stabilizing.hpp:62
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, const String &dslabel) const =0
cv::ml::RTrees::load
static Ptr< RTrees > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized RTree from a file.
cv::GMatDesc::GMatDesc
GMatDesc(int d, std::vector< int > &&dd)
Definition: gmat.hpp:91
cv::_OutputArray::assign
void assign(const std::vector< Mat > &v) const
cv::viz::Color::black
static Color black()
cv::cudev::scharrYPtr
__host__ ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrYPtr(const SrcPtr &src)
Definition: deriv.hpp:312
cv::reg::MapAffine::MapAffine
MapAffine()
cv::cudev::ScharrYPtr
Definition: deriv.hpp:282
cv::hdf::HDF5
Hierarchical Data Format version 5 interface.
Definition: hdf5.hpp:57
cv::GeneralizedHough::getMinDist
virtual double getMinDist() const =0
cv::viz::Camera::computeProjectionMatrix
void computeProjectionMatrix(Matx44d &proj) const
Computes projection matrix using intrinsic parameters of the camera.
cv::cudev::DefaultGlobReducePolicy::patch_size_y
@ patch_size_y
Definition: reduce.hpp:300
cv::TrackerGOTURN
the GOTURN (Generic Object Tracking Using Regression Networks) tracker
Definition: tracking.hpp:798
cv::detail::MercatorProjector
Definition: warpers.hpp:474
cv::datasets::AR_sportsObj::videoUrl
std::string videoUrl
Definition: ar_sports.hpp:62
cv::cuda::BroxOpticalFlow::setInnerIterations
virtual void setInnerIterations(int inner_iterations)=0
cv::PyRotationWarper::PyRotationWarper
PyRotationWarper()
Definition: warpers.hpp:56
cv::detail::tracking::tld::tld_InitDataset
cv::Rect2d tld_InitDataset(int videoInd, const char *rootPath="TLD_dataset", int datasetInd=0)
cv::loadWindowParameters
void loadWindowParameters(const String &windowName)
Loads parameters of the specified window.
cv::_InputArray::isMatVector
bool isMatVector() const
cv::datasets::AR_hmdbObj::name
std::string name
Definition: ar_hmdb.hpp:63
cv::CAP_PROP_XI_SENSOR_TAPS
@ CAP_PROP_XI_SENSOR_TAPS
Number of taps.
Definition: videoio.hpp:381
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, double value)
cv::CAP_PROP_XI_AUTO_WB
@ CAP_PROP_XI_AUTO_WB
Automatic white balance.
Definition: videoio.hpp:357
cv::structured_light::GrayCodePattern::getImagesForShadowMasks
virtual void getImagesForShadowMasks(InputOutputArray blackImage, InputOutputArray whiteImage) const =0
Generates the all-black and all-white images needed for shadowMasks computation.
cv::randpattern::RandomPatternCornerFinder::computeObjectImagePoints
void computeObjectImagePoints(std::vector< cv::Mat > inputImages)
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
cv::AVIReadContainer::m_frame_list
frame_list m_frame_list
Definition: container_avi.private.hpp:128
cv::cuda::add
void add(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar sum.
cv::dnn::DictValue::pd
AutoBuffer< double, 1 > * pd
Definition: dict.hpp:104
cv::v_absdiffs
v_reg< _Tp, n > v_absdiffs(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Saturating absolute difference.
Definition: intrin_cpp.hpp:882
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Scalar_< _Tp > &s)
Definition: persistence.hpp:1043
cv::gapi::GNetPackage
A container class for network configurations. Similar to GKernelPackage.Use cv::gapi::networks() to c...
Definition: infer.hpp:460
cv::FileNode::read
static void read(const FileNode &node, ushort &value, ushort default_value)
Definition: persistence.hpp:1151
cv::detail::OpaqueRefT::reset
void reset()
Definition: gopaque.hpp:158
cv::videostab::MM_UNKNOWN
@ MM_UNKNOWN
Definition: motion_core.hpp:68
cv::datasets::TRACK_vot::getDatasetsNum
virtual int getDatasetsNum()=0
cv::AVIReadContainer::getFramesCount
size_t getFramesCount()
Definition: container_avi.private.hpp:91
cv::rgbd::RgbdFrame::RgbdFrame
RgbdFrame(const Mat &image, const Mat &depth, const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
cv::AKAZE
Class implementing the AKAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:823
cv::MatExpr::min
MatExpr min(const Mat &a, const Mat &b)
cv::cudev::BrdReplicate
Definition: extrapolation.hpp:121
cv::videostab::ColorAverageInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
cv::CirclesGridFinderParameters::keypointScale
int keypointScale
Definition: calib3d.hpp:1637
cv::THRESH_BINARY_INV
@ THRESH_BINARY_INV
Definition: imgproc.hpp:321
cv::detail::get_window_helper< true, Impl, Ins... >::get_window_impl
static int get_window_impl(const GMetaArgs &metas, const cv::GArgs &in_args, cv::detail::Seq< IIs... >)
Definition: gfluidkernel.hpp:299
cv::Matx12f
Matx< float, 1, 2 > Matx12f
Definition: matx.hpp:221
cv::CAP_GPHOTO2
@ CAP_GPHOTO2
gPhoto2 connection
Definition: videoio.hpp:116
cv::BackgroundSubtractorMOG2::getVarMax
virtual double getVarMax() const =0
CPU_AVX_512PF
@ CPU_AVX_512PF
Definition: cvdef.h:312
ground_truth.h
cv::cudev::IsBinaryFunction::check
static No check(...)
cv::detail::GOpaqueU::m_hint
std::shared_ptr< TypeHintBase > m_hint
Definition: gopaque.hpp:90
cv::KeyPointsFilter::KeyPointsFilter
KeyPointsFilter()
Definition: features2d.hpp:109
cv::videostab::IMotionStabilizer::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions)=0
assumes that [0, size-1) is in or equals to [range.first, range.second)
cv::cuda::absdiff
void absdiff(InputArray src1, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
Computes per-element absolute difference of two matrices (or of a matrix and scalar).
cv::ml::SVM::Kernel::getType
virtual int getType() const =0
cv::findCirclesGrid
bool findCirclesGrid(InputArray image, Size patternSize, OutputArray centers, int flags, const Ptr< FeatureDetector > &blobDetector, const CirclesGridFinderParameters &parameters)
Finds centers in the grid of circles.
cv::detail::MercatorProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
hashtable_int::nodes
struct hashnode_i ** nodes
Definition: t_hash_int.hpp:70
cv::InferAPIList::type
typename std::enable_if< detail::valid_infer_types< Ts... >::value &&std::tuple_size< typename Net::InArgs >::value==sizeof...(Ts), std::function< typename Net::ResultL(cv::GArray< cv::Rect >, Ts...)> >::type type
Definition: infer.hpp:138
cv::legacy::TrackerBoosting
the Boosting tracker
Definition: tracking_legacy.hpp:149
cv::FarnebackOpticalFlow::getWinSize
virtual int getWinSize() const =0
cv::cuda::getCudaEnabledDeviceCount
int getCudaEnabledDeviceCount()
Returns the number of installed CUDA-enabled devices.
cv::invert
double invert(InputArray src, OutputArray dst, int flags=DECOMP_LU)
Finds the inverse or pseudo-inverse of a matrix.
cv::line_descriptor::KeyLine
A class to represent a line.
Definition: descriptor.hpp:103
cv::EVENT_MOUSEWHEEL
@ EVENT_MOUSEWHEEL
positive and negative values mean forward and backward scrolling, respectively.
Definition: highgui.hpp:220
cv::cudev::MakeVec< schar, 3 >::type
char3 type
Definition: vec_traits.hpp:78
cv::detail::tracking::online_boosting::Detector::Detector
Detector(StrongClassifierDirectSelection *classifier)
cv::FileStorage::write
void write(FileStorage &fs, const String &name, double value)
cv::ppf_match_3d::samplePCUniformInd
Mat samplePCUniformInd(Mat PC, int sampleStep, std::vector< int > &indices)
HaarStage64::setNumClassifierRootNodes
__host__ NCVStatus setNumClassifierRootNodes(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:292
cv::detail::tracking::tbm::MatchTemplateDistance::~MatchTemplateDistance
virtual ~MatchTemplateDistance()
Definition: tracking_by_matching.hpp:253
cv::detail::GCompoundKernelImpl
Definition: gcompoundkernel.hpp:113
cv::gapi::KalmanFilter
GMat KalmanFilter(const GMat &measurement, const GOpaque< bool > &haveMeasurement, const GMat &control, const cv::gapi::KalmanParams &kfParams)
Standard Kalman filter algorithm http://en.wikipedia.org/wiki/Kalman_filter.
hal_ni_div64f
int hal_ni_div64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:263
descriptor.hpp
cv::dnn::DictValue::arrayReal
static DictValue arrayReal(TypeIter begin, int size)
Constructs floating point array.
cv::cudev::Sum::rebind
Definition: reduce_to_vec.hpp:70
HaarStage64::_ui2
uint2 _ui2
Definition: NCVHaarObjectDetection.hpp:274
cv::randpattern::RandomPatternCornerFinder::loadPattern
void loadPattern(const cv::Mat &patternImage, const std::vector< cv::KeyPoint > &patternKeyPoints, const cv::Mat &patternDescriptors)
cv::dnn::Net::getParam
Mat getParam(LayerId layer, int numParam=0)
Returns parameter blob of the layer.
cv::cudev::thresh_binary_func
__host__ __device__ ThreshBinaryFunc< T > thresh_binary_func(T thresh, T maxVal)
Definition: functional.hpp:706
cv::_InputArray::total
size_t total(int i=-1) const
cv::dnn::DictValue::getRealValue
double getRealValue(int idx=-1) const
cv::ximgproc::StructuredEdgeDetection
Class implementing edge detection algorithm from :
Definition: structured_edge_detection.hpp:98
cv::Stitcher::composePanorama
Status composePanorama(OutputArray pano)
cv::DMatch::queryIdx
int queryIdx
query descriptor index
Definition: types.hpp:815
cv::sfm::homogeneousToEuclidean
void homogeneousToEuclidean(InputArray src, OutputArray dst)
Converts point coordinates from homogeneous to euclidean pixel coordinates. E.g., ((x,...
cv::cuda::BackgroundSubtractorGMG::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
cv::optflow::SolverType
SolverType
Definition: rlofflow.hpp:23
cv::dnn::BackendNode::~BackendNode
virtual ~BackendNode()
Virtual destructor to make polymorphism.
cv::hal::cmp64f
void cmp64f(const double *src1, size_t step1, const double *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::CommandLineParser::get
T get(int index, bool space_delete=true) const
Access positional arguments by index.
Definition: utility.hpp:887
cv::gapi::BGR2YUV
GMat BGR2YUV(const GMat &src)
Converts an image from BGR color space to YUV color space.
cv::fisheye::CALIB_RECOMPUTE_EXTRINSIC
@ CALIB_RECOMPUTE_EXTRINSIC
Definition: calib3d.hpp:3767
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::colorMode
bool colorMode
Definition: retina.hpp:161
cv::DetectionBasedTracker::TrackedObject::TrackedObject
TrackedObject(const cv::Rect &rect)
Definition: detection_based_tracker.hpp:191
cv::FastFeatureDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::CAP_OPENNI
@ CAP_OPENNI
OpenNI (for Kinect)
Definition: videoio.hpp:103
cv::dnn::ConstLayer
Definition: all_layers.hpp:84
cv::line_descriptor::BinaryDescriptor::Params::widthOfBand_
int widthOfBand_
Definition: descriptor.hpp:197
cv::useOpenVX
bool useOpenVX()
Check if use of OpenVX is enabled.
cv::detail::tracking::contrib_feature::CvHaarEvaluator::setWinSize
void setWinSize(Size patchSize)
cv::text::PSM_SINGLE_WORD
@ PSM_SINGLE_WORD
Definition: ocr.hpp:77
cv::bioinspired::Retina::setupIPLMagnoChannel
virtual void setupIPLMagnoChannel(const bool normaliseOutput=true, const float parasolCells_beta=0.f, const float parasolCells_tau=0.f, const float parasolCells_k=7.f, const float amacrinCellsTemporalCutFrequency=1.2f, const float V0CompressionParameter=0.95f, const float localAdaptintegration_tau=0.f, const float localAdaptintegration_k=7.f)=0
Set parameters values for the Inner Plexiform Layer (IPL) magnocellular channel.
cv::RETR_EXTERNAL
@ RETR_EXTERNAL
Definition: imgproc.hpp:416
cv::atan
Quat< T > atan(const Quat< T > &q)
cv::optflow::GPCForest::create
static Ptr< GPCForest > create()
Definition: sparse_matching_gpc.hpp:298
cv::CAP_PROP_XI_WB_KR
@ CAP_PROP_XI_WB_KR
White balance red coefficient.
Definition: videoio.hpp:387
cv::DetectionBasedTracker::IDetector::detect
virtual void detect(const cv::Mat &image, std::vector< cv::Rect > &objects)=0
cv::reg::Map::inverseWarp
virtual void inverseWarp(InputArray img1, OutputArray img2) const =0
cv::xphoto::SimpleWB::setOutputMax
virtual void setOutputMax(float val)=0
Output image range maximum value.
cv::text::PSM_CIRCLE_WORD
@ PSM_CIRCLE_WORD
Definition: ocr.hpp:78
cv::rgbd::RgbdNormals::method_
int method_
Definition: depth.hpp:180
cv::ml::ANN_MLP::setBackpropMomentumScale
virtual void setBackpropMomentumScale(double val)=0
cv::v_trunc
v_reg< int, 4 > v_trunc(const v_reg< float, 4 > &a)
Truncate elements.
Definition: intrin_cpp.hpp:619
cv::cuda::magnitudeSqr
void magnitudeSqr(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes squared magnitudes of complex matrix elements.
cv::ximgproc::l0Smooth
void l0Smooth(InputArray src, OutputArray dst, double lambda=0.02, double kappa=2.0)
Global image smoothing via L0 gradient minimization.
cv::DetectionBasedTracker::ExtObject
Definition: detection_based_tracker.hpp:146
cv::cornerSubPix
void cornerSubPix(InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria)
Refines the corner locations.
cv::MediaFrame::IAdapter::~IAdapter
virtual ~IAdapter()=0
cv::dpm::DPMDetector::ObjectDetection::ObjectDetection
ObjectDetection(const Rect &rect, float score, int classID=-1)
cv::cudev::LargerType::type
SelectIf< unsigned(VecTraits< A >::cn) !=unsigned(VecTraits< B >::cn), void, typename MakeVec< typename type_traits_detail::LargerDepth< typename VecTraits< A >::elem_type, typename VecTraits< B >::elem_type >::type, VecTraits< A >::cn >::type >::type type
Definition: type_traits.hpp:167
INCVMemAllocator::maxSize
virtual size_t maxSize(void) const =0
hal_ni_cvtThreePlaneYUVtoBGR
int hal_ni_cvtThreePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
hal_cvtThreePlaneYUVtoBGR
Definition: hal_replacement.hpp:512
cv::cudacodec::EncoderCallBack::onBeginFrame
virtual void onBeginFrame(int frameNumber, EncoderCallBack::PicType picType)=0
Callback function to signal that the encoding operation on the frame has started.
cv::gapi::serialize
std::vector< char > serialize(const cv::GComputation &c)
cv::viz::Viz3d::resetCameraViewpoint
void resetCameraViewpoint(const String &id)
Resets camera viewpoint to a 3D widget in the scene.
cv::stereo::StereoBinaryBM::getPreFilterType
virtual int getPreFilterType() const =0
cv::detail::ImageFeatures::img_size
Size img_size
Definition: matchers.hpp:61
cv::LineIterator::ptr0
const uchar * ptr0
Definition: imgproc.hpp:4813
cv::ccm::LINEARIZATION_COLORLOGPOLYFIT
@ LINEARIZATION_COLORLOGPOLYFIT
logarithmic polynomial fitting channels respectively; Need assign a value to deg simultaneously
Definition: ccm.hpp:335
cv::cudev::NormL1::mySum
result_type mySum
Definition: vec_distance.hpp:66
cv::kinfu::Params::truncateThreshold
float truncateThreshold
Threshold for depth truncation in meters.
Definition: kinfu.hpp:157
cv::cuda::SparsePyrLKOpticalFlow::getWinSize
virtual Size getWinSize() const =0
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:82
cv::optflow::DenseRLOFOpticalFlow::getForwardBackward
virtual float getForwardBackward() const =0
Threshold for the forward backward confidence check.
cv::DMatch::trainIdx
int trainIdx
train descriptor index
Definition: types.hpp:816
cv::ogl::Arrays::setVertexArray
void setVertexArray(InputArray vertex)
Sets an array of vertex coordinates.
cv::cuda::DeviceInfo::ComputeModeProhibited
@ ComputeModeProhibited
Definition: cuda.hpp:909
cv::img_hash::ColorMomentHash::ColorMomentHash
ColorMomentHash()
Definition: color_moment_hash.hpp:25
cv::omnidir::internal::findMedian
double findMedian(const Mat &row)
cv::CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
@ CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH
Sensor output data bit depth.
Definition: videoio.hpp:395
cv::Matx33f
Matx< float, 3, 3 > Matx33f
Definition: matx.hpp:246
cv::ccm::COLOR_SPACE_DCI_P3_RGB
@ COLOR_SPACE_DCI_P3_RGB
https://en.wikipedia.org/wiki/DCI-P3 , RGB color space
Definition: ccm.hpp:102
cv::BOWImgDescriptorExtractor
Class to compute an image descriptor using the bag of visual words.
Definition: features2d.hpp:1474
cv::instr::getTrace
InstrNode * getTrace()
cv::linemod::Match::operator==
bool operator==(const Match &rhs) const
Definition: linemod.hpp:277
cv::dnn::DetectionModel::detect
void detect(InputArray frame, std::vector< int > &classIds, std::vector< float > &confidences, std::vector< Rect > &boxes, float confThreshold=0.5f, float nmsThreshold=0.0f)
Given the input frame, create input blob, run net and return result detections.
cv::cudev::thresh_to_zero_func
__host__ __device__ ThreshToZeroFunc< T > thresh_to_zero_func(T thresh)
Definition: functional.hpp:764
cv::detail::RotationWarperBase::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point.
cv::ScoreMethod
ScoreMethod
Definition: calib3d.hpp:549
NCV_ALLOCATOR_BAD_ALLOC
@ NCV_ALLOCATOR_BAD_ALLOC
Definition: NCV.hpp:333
cv::v_sqr_magnitude
v_reg< _Tp, n > v_sqr_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Square of the magnitude.
Definition: intrin_cpp.hpp:921
cv::Allocator::const_pointer
const value_type * const_pointer
Definition: cvstd.hpp:115
cv::cudev::BinaryTransformPtr::src1
Src1Ptr src1
Definition: transform.hpp:109
cv::CAP_PROP_CHANNEL
@ CAP_PROP_CHANNEL
Video input or Channel Number (only for those cameras that support)
Definition: videoio.hpp:178
cv::BFMatcher::BFMatcher
BFMatcher(int normType=NORM_L2, bool crossCheck=false)
Brute-force matcher constructor (obsolete). Please use BFMatcher.create()
cv::instr::NodeData::m_counter
volatile int m_counter
Definition: instrumentation.hpp:86
cv::Rect_::value_type
_Tp value_type
Definition: types.hpp:423
cv::superres::PyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int val)=0
cv::ml::ANN_MLP::TrainingMethods
TrainingMethods
Definition: ml.hpp:1435
cv::gapi::onnx::detail::ParamDesc::custom_post_proc
PostProc custom_post_proc
Definition: onnx.hpp:58
cv::GFrame::priv
const GOrigin & priv() const
cv::dnn::CropLayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::StereoSGBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::CalibrateRobertson::getThreshold
virtual float getThreshold() const =0
cv::v_reinterpret_as_u8
v_uint8x16 v_reinterpret_as_u8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2395
cv::face::BasicFaceRecognizer::getThreshold
double getThreshold() const CV_OVERRIDE
cv::cudev::min_
__host__ Expr< BinaryTransformPtrSz< typename PtrTraits< SrcPtr1 >::ptr_type, typename PtrTraits< SrcPtr2 >::ptr_type, minimum< typename LargerType< typename PtrTraits< SrcPtr1 >::value_type, typename PtrTraits< SrcPtr2 >::value_type >::type > > > min_(const SrcPtr1 &src1, const SrcPtr2 &src2)
Definition: per_element_func.hpp:66
cv::datasets::TRACK_vot::getGT
virtual vector< Point2d > getGT()=0
cv::dnn::DNN_TARGET_CPU
@ DNN_TARGET_CPU
Definition: dnn.hpp:89
cv::hal::cvtBGRtoYUV
void cvtBGRtoYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isCbCr)
map.hpp
cv::detail::tracking::feature::CvHaarEvaluator::sum
Mat sum
Definition: tracking_feature.private.hpp:159
gcompiled.hpp
cv::Rect_::contains
bool contains(const Point_< _Tp > &pt) const
checks whether the rectangle contains the point
cv::CirclesGridFinderParameters
Definition: calib3d.hpp:1631
cv::SparseMatIterator
Read-write Sparse Matrix Iterator.
Definition: mat.hpp:3232
cv::VideoCapture::VideoCapture
VideoCapture()
Default constructor.
cv::videostab::MotionInpainter::borderMode
int borderMode() const
Definition: inpainting.hpp:156
cv::cuda::DeviceInfo::ECCEnabled
bool ECCEnabled() const
device has ECC support enabled
cv::FileNode::operator=
FileNode & operator=(const FileNode &node)
cv::detail::PairwiseSeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
cv::ORB::setMaxFeatures
virtual void setMaxFeatures(int maxFeatures)=0
cv::hdf::HDF5::H5_GETDIMS
@ H5_GETDIMS
Get the dimension information of a dataset.
Definition: hdf5.hpp:64
cv::bgsegm::BackgroundSubtractorGMG
Background Subtractor module based on the algorithm given in .
Definition: bgsegm.hpp:100
cv::cudacodec::SF_IYUV
@ SF_IYUV
Definition: cudacodec.hpp:78
cv::videostab::StabilizerBase::frameSource
Ptr< IFrameSource > frameSource() const
Definition: stabilizer.hpp:78
cv::KalmanFilter::correct
const Mat & correct(const Mat &measurement)
Updates the predicted state from the measurement.
cv::gapi::getCompileArg
cv::util::optional< T > getCompileArg(const cv::GCompileArgs &args)
Retrieves particular compilation argument by its type from cv::GCompileArgs.
Definition: gcommon.hpp:214
cv::cudev::vcmpgt2
__device__ __forceinline__ uint vcmpgt2(uint a, uint b)
Definition: simd_functions.hpp:339
cv::hdf::HDF5::H5_NONE
@ H5_NONE
No compression,.
Definition: hdf5.hpp:63
cv::hdf::HDF5::atwrite
virtual void atwrite(const int value, const String &atlabel)=0
cv::cudev::globPtr
__host__ __device__ GlobPtr< T > globPtr(T *data, size_t step)
Definition: glob.hpp:91
cv::utils::lock_guard
A simple scoped lock (RAII-style locking for exclusive/write access).
Definition: lock.private.hpp:16
cv::rgbd::RgbdICPOdometry::create
static Ptr< RgbdICPOdometry > create(const Mat &cameraMatrix=Mat(), float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), int transformType=Odometry::RIGID_BODY_MOTION)
cv::GComputationT< std::tuple< R... >(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:224
cv::utils::BufferArea::BufferArea
BufferArea(bool safe=false)
Class constructor.
cv::viz::WTrajectory
Trajectories.
Definition: widgets.hpp:605
cv::ccm::COLOR_SPACE_XYZ_E_10
@ COLOR_SPACE_XYZ_E_10
non-RGB color space
Definition: ccm.hpp:121
cv::datasets::PascalPart
Definition: or_pascal.hpp:60
cv::CONTOURS_MATCH_I1
@ CONTOURS_MATCH_I1
Definition: imgproc.hpp:453
cv::ButtonCallback
void(* ButtonCallback)(int state, void *userdata)
Callback function for a button created by cv::createButton.
Definition: highgui.hpp:289
nn_index.h
cv::dnn::PoolingLayer::type
int type
Definition: all_layers.hpp:248
cv::TonemapReinhard::setIntensity
virtual void setIntensity(float intensity)=0
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< UMat > &vec)
cv::cornerEigenValsAndVecs
void cornerEigenValsAndVecs(InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT)
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
cv::ximgproc::qdft
void qdft(InputArray img, OutputArray qimg, int flags, bool sideLeft)
Performs a forward or inverse Discrete quaternion Fourier transform of a 2D quaternion array.
cv::bgsegm::BackgroundSubtractorCNT::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
cv::gapi::ie::Params< cv::gapi::Generic >::pluginConfig
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:166
cv::detail::FeaturesMatcher::FeaturesMatcher
FeaturesMatcher(bool is_thread_safe=false)
Definition: matchers.hpp:152
cv::bioinspired::RetinaParameters::IplMagnoParameters::normaliseOutput
bool normaliseOutput
Definition: retina.hpp:175
CvAbstractCamera
Definition: cap_ios.h:43
cv::SparsePyrLKOpticalFlow::create
static Ptr< SparsePyrLKOpticalFlow > create(Size winSize=Size(21, 21), int maxLevel=3, TermCriteria crit=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
cv::ml::RTrees::getVotes
virtual void getVotes(InputArray samples, OutputArray results, int flags) const =0
cv::videostab::WobbleSuppressorBase::setMotionEstimator
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: wobble_suppression.hpp:67
cv::TrackerCSRT::Params::use_gray
bool use_gray
Definition: tracking.hpp:47
cv::BOWImgDescriptorExtractor::compute
void compute(InputArray keypointDescriptors, OutputArray imgDescriptor, std::vector< std::vector< int > > *pointIdxsOfClusters=0)
cv::ximgproc::thinning
void thinning(InputArray src, OutputArray dst, int thinningType=THINNING_ZHANGSUEN)
Applies a binary blob thinning operation, to achieve a skeletization of the input image.
cv::KeyPoint::hash
size_t hash() const
cv::estimateTranslation3D
int estimateTranslation3D(InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99)
Computes an optimal translation between two 3D point sets.
cv::videostab::ColorAverageInpainter
Definition: inpainting.hpp:175
cv::CAP_PROP_POS_MSEC
@ CAP_PROP_POS_MSEC
Current position of the video file in milliseconds.
Definition: videoio.hpp:134
CPU_SSE3
@ CPU_SSE3
Definition: cvdef.h:295
cv::softfloat::operator=
softfloat & operator=(const softfloat &c)
Assign constructor.
Definition: softfloat.hpp:97
cv::gapi::own::Mat::ptr
const uchar * ptr(int row, int col=0) const
Definition: mat.hpp:339
cv::detail::stitchingLogLevel
int & stitchingLogLevel()
cv::ORB::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::text::ERStat::pixels
std::vector< int > * pixels
Definition: erfilter.hpp:97
cv::ShapeTransformer::estimateTransformation
virtual void estimateTransformation(InputArray transformingShape, InputArray targetShape, std::vector< DMatch > &matches)=0
Estimate the transformation parameters of the current transformer algorithm, based on point matches.
NCVMemNativeAllocator::alignment
virtual Ncv32u alignment() const
cv::cuda::GpuMat::ptr
const _Tp * ptr(int y=0) const
cv::xobjdetect::WBDetector::create
static Ptr< WBDetector > create()
Create instance of WBDetector.
cv::GOpaqueDesc
Definition: gopaque.hpp:37
cv::datasets::dark
@ dark
Definition: gr_skig.hpp:84
OPENCV_HAL_NOP
#define OPENCV_HAL_NOP(a)
Definition: intrin.hpp:55
cv::gapi::absDiff
GMat absDiff(const GMat &src1, const GMat &src2)
Calculates the per-element absolute difference between two matrices.
cv::ml::ANN_MLP::setTermCriteria
virtual void setTermCriteria(TermCriteria val)=0
cv::CAP_PROP_GIGA_FRAME_SENS_HEIGH
@ CAP_PROP_GIGA_FRAME_SENS_HEIGH
Definition: videoio.hpp:531
cv::operator/=
v_reg< _Tp, n > & operator/=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::aruco::DetectorParameters::aprilTagMaxNmaxima
int aprilTagMaxNmaxima
Definition: aruco.hpp:183
OPENCV_HAL_IMPL_MINMAX_FUNC
#define OPENCV_HAL_IMPL_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:623
cv::detail::tracking::TrackerContribFeatureSet::selection
void selection()
Identify most effective features for all feature types (optional)
cv::CAP_PROP_AUTO_EXPOSURE
@ CAP_PROP_AUTO_EXPOSURE
DC1394: exposure control done by camera, user can adjust reference level using this feature.
Definition: videoio.hpp:157
cv::ximgproc::THINNING_ZHANGSUEN
@ THINNING_ZHANGSUEN
Definition: ximgproc.hpp:111
cv::videostab::ColorInpainter
Definition: inpainting.hpp:184
cv::bgsegm::BackgroundSubtractorMOG
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: bgsegm.hpp:63
cv::projectPoints
void projectPoints(InputArray objectPoints, InputArray rvec, InputArray tvec, InputArray cameraMatrix, InputArray distCoeffs, OutputArray imagePoints, OutputArray jacobian=noArray(), double aspectRatio=0)
Projects 3D points to an image plane.
cv::Range::Range
Range()
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D(Pose3DPtr newPose)
Definition: pose_3d.hpp:147
cv::KAZE::getNOctaveLayers
virtual int getNOctaveLayers() const =0
cv::aruco::DetectorParameters::minOtsuStdDev
double minOtsuStdDev
Definition: aruco.hpp:174
cv::rgbd::DepthCleaner::DEPTH_CLEANER_NIL
@ DEPTH_CLEANER_NIL
Definition: depth.hpp:195
NCV_HAAR_XML_LOADING_EXCEPTION
@ NCV_HAAR_XML_LOADING_EXCEPTION
Definition: NCV.hpp:347
cv::utils::fs::exists
bool exists(const cv::String &path)
cv::Tonemap::getGamma
virtual float getGamma() const =0
cv::v_uint64x2::nlanes
@ nlanes
Definition: intrin_rvv.hpp:454
cv::v_uint16x8::val
ushort val[8]
Definition: intrin_rvv.hpp:322
cv::ximgproc::dtFilter
void dtFilter(InputArray guide, InputArray src, OutputArray dst, double sigmaSpatial, double sigmaColor, int mode=DTF_NC, int numIters=3)
Simple one-line Domain Transform filter call. If you have multiple images to filter with the same gui...
cv::cudev::GpuMat_::operator=
__host__ GpuMat_ & operator=(const GpuMat_ &m)
assignment operators
cv::COLOR_BGR2YUV
@ COLOR_BGR2YUV
convert between RGB/BGR and YUV
Definition: imgproc.hpp:630
cv::_InputArray::init
void init(int _flags, const void *_obj)
cv::datasets::Dataset::test
std::vector< std::vector< Ptr< Object > > > test
Definition: dataset.hpp:580
cv::cudev::interCubic
__host__ CubicInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interCubic(const SrcPtr &src)
Definition: interpolation.hpp:219
cv::FileNode::read
void read(const FileNode &node, KeyPoint &value, const KeyPoint &default_value)
cv::cnn_3dobj::icoSphere::getRadius
float getRadius(cv::Mat cloud, cv::Point3d center)
Get the proper camera radius from the view point to the center of model.
CV_IN_OUT
#define CV_IN_OUT
Definition: cvdef.h:448
cv::GComputation::apply
void apply(const std::vector< cv::Mat > &ins, std::vector< cv::Mat > &outs, GCompileArgs &&args={})
Execute a computation with arbitrary number of inputs/outputs (with compilation on-the-fly).
cv::Error::StsKernelStructContentErr
@ StsKernelStructContentErr
incorrect transform kernel content
Definition: base.hpp:99
cv::rgbd::isValidDepth
bool isValidDepth(const float &depth)
Definition: depth.hpp:27
cv::cudev::VecTraits< char1 >::all
__host__ __device__ static __forceinline__ char1 all(schar v)
Definition: vec_traits.hpp:154
cv::stereo::StereoMatcher::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::face::StandardCollector::getResultsMap
std::map< int, double > getResultsMap() const
Return results as map Labels are keys, values are minimal distances.
cv::TrackerGOTURN::Params
Definition: tracking.hpp:805
cv::detail::GraphEdge
Definition: util.hpp:73
cv::AgastFeatureDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::EstimatedGaussDistribution
EstimatedGaussDistribution()
cv::detail::GCompoundCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::expand_impl
static void expand_impl(GCompoundContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcompoundkernel.hpp:95
cv::softfloat::max
static softfloat max()
Biggest finite value.
Definition: softfloat.hpp:216
cv::CAP_PROP_XI_DEBUG_LEVEL
@ CAP_PROP_XI_DEBUG_LEVEL
Set debug level.
Definition: videoio.hpp:484
cv::FarnebackOpticalFlow::setNumIters
virtual void setNumIters(int numIters)=0
cv::VideoCapture
Class for video capturing from video files, image sequences or cameras.
Definition: videoio.hpp:628
cv::vwcvtu_x_x_v_u16m1
vuint16m1_t vwcvtu_x_x_v_u16m1(vuint8mf2_t v)
Definition: intrin_rvv.hpp:190
cv::cudev::ConstantPtrSz::rows
int rows
Definition: constant.hpp:69
cv::cudev::remap_
__host__ Expr< RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > > remap_(const SrcPtr &src, const MapPtr &map)
Definition: warping.hpp:76
cv::ogl::Texture2D::cols
int cols() const
cv::SparseMat_
Template sparse n-dimensional array class derived from SparseMat.
Definition: mat.hpp:2941
cv::cudev::threshToZero_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshToZeroFunc< typename PtrTraits< SrcPtr >::value_type > > > threshToZero_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:103
cv::text::OCRHMMDecoder::ClassifierCallback
Callback with the character classifier is made a class.
Definition: ocr.hpp:205
cv::softdouble::getFrac
softdouble getFrac() const
Get a fraction part.
Definition: softfloat.hpp:329
cv::xphoto::LearningBasedWB::extractSimpleFeatures
virtual void extractSimpleFeatures(InputArray src, OutputArray dst)=0
Implements the feature extraction part of the algorithm.
cv::sfm::libmv_CameraIntrinsicsOptions::focal_length_y
double focal_length_y
Definition: simple_pipeline.hpp:110
cv::legacy::TrackerMOSSE::~TrackerMOSSE
virtual ~TrackerMOSSE() CV_OVERRIDE
Definition: tracking_legacy.hpp:341
cv::TrackerCSRT::Params::window_function
std::string window_function
Window function: "hann", "cheb", "kaiser".
Definition: tracking.hpp:52
cv::gapi::wip::draw::Poly::Poly
Poly(const std::vector< cv::Point > &points_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Mosaic constructor.
Definition: render_types.hpp:308
cv::ocl::Device::deviceVersionMajor
int deviceVersionMajor() const
cv::cudev::ThreshTruncFunc
Definition: functional.hpp:735
cv::ovis::updateTexture
void updateTexture(const String &name, InputArray image)
cv::LDA::~LDA
~LDA()
CPU_MSA
@ CPU_MSA
Definition: cvdef.h:324
cv::QT_STYLE_OBLIQUE
@ QT_STYLE_OBLIQUE
Oblique font.
Definition: highgui.hpp:252
cv::detail::Yield< cv::GMat >::yield
static cv::GMat yield(cv::GCall &call, int i)
Definition: gkernel.hpp:75
cv::legacy::Tracker::~Tracker
virtual ~Tracker() CV_OVERRIDE
cv::FarnebackOpticalFlow::getPolySigma
virtual double getPolySigma() const =0
cv::ml::SVM::trainAuto
virtual bool trainAuto(InputArray samples, int layout, InputArray responses, int kFold=10, Ptr< ParamGrid > Cgrid=SVM::getDefaultGridPtr(SVM::C), Ptr< ParamGrid > gammaGrid=SVM::getDefaultGridPtr(SVM::GAMMA), Ptr< ParamGrid > pGrid=SVM::getDefaultGridPtr(SVM::P), Ptr< ParamGrid > nuGrid=SVM::getDefaultGridPtr(SVM::NU), Ptr< ParamGrid > coeffGrid=SVM::getDefaultGridPtr(SVM::COEF), Ptr< ParamGrid > degreeGrid=SVM::getDefaultGridPtr(SVM::DEGREE), bool balanced=false)=0
Trains an SVM with optimal parameters.
cv::stereo::QuasiDenseStereo::saveParameters
virtual int saveParameters(cv::String filepath)=0
Save a file containing all the configuration parameters the class is currently set to.
cv::cuda::ORB::setFastThreshold
virtual void setFastThreshold(int fastThreshold)=0
cv::FileNode::read
void read(const FileNode &node, std::string &value, const std::string &default_value)
cv::cnn_3dobj::descriptorExtractor::extract
void extract(InputArrayOfArrays inputimg, OutputArray feature, String feature_blob)
Extract features from a single image or from a vector of images. If loadNet was not called before,...
cv::TM_CCOEFF_NORMED
@ TM_CCOEFF_NORMED
Definition: imgproc.hpp:3698
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor()
Creates the HOG descriptor and detector with default params.
Definition: objdetect.hpp:385
cv::structured_light::SinusoidalPattern::computeDataModulationTerm
virtual void computeDataModulationTerm(InputArrayOfArrays patternImages, OutputArray dataModulationTerm, InputArray shadowMask)=0
compute the data modulation term.
cv::ocl::Context::useSVM
bool useSVM() const
cv::UMat::clone
UMat clone() const CV_NODISCARD
returns deep copy of the matrix, i.e. the data is copied
cv::videostab::WobbleSuppressorBase::setStabilizationMotions
virtual void setStabilizationMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:84
cv::datasets::TRACK_votObj::imagePath
std::string imagePath
Definition: track_vot.hpp:64
cv::cudev::LaplacianPtr< 3, SrcPtr >::index_type
int index_type
Definition: deriv.hpp:352
nppsStCompact_32f_host
NCVStatus nppsStCompact_32f_host(Ncv32f *h_src, Ncv32u srcLen, Ncv32f *h_dst, Ncv32u *dstLen, Ncv32f elemRemove)
cv::Mat::CONTINUOUS_FLAG
@ CONTINUOUS_FLAG
Definition: mat.hpp:2079
cv::GProtoInputArgs
GIOProtoArgs< In_Tag > GProtoInputArgs
Definition: gproto.hpp:92
cv::Matx::Matx
Matx(std::initializer_list< _Tp >)
initialize from an initializer list
cv::img_hash::RadialVarianceHash::getNumOfAngleLine
int getNumOfAngleLine() const
cv::CAP_PROP_XI_DECIMATION_VERTICAL
@ CAP_PROP_XI_DECIMATION_VERTICAL
Vertical Decimation - vertical sub-sampling of the image - reduces the vertical resolution of the ima...
Definition: videoio.hpp:374
cv::Accumulator< unsigned char >::Type
float Type
Definition: features2d.hpp:886
cv::saliency::StaticSaliencySpectralResidual::setImageWidth
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:96
cv::cuda::HOG::setWinStride
virtual void setWinStride(Size win_stride)=0
Window stride. It must be a multiple of block stride.
cv::gapi::own::Point
Definition: types.hpp:22
cv::threshold
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type)
Applies a fixed-level threshold to each array element.
cv::detail::tracking::TrackerModel::confidenceMaps
std::vector< ConfidenceMap > confidenceMaps
Definition: tracking.private.hpp:331
cv::MatExpr::MatExpr
MatExpr()
cv::MatSize
Definition: mat.hpp:574
cv::VideoWriter::get
virtual double get(int propId) const
Returns the specified VideoWriter property.
cv::MORPH_HITMISS
@ MORPH_HITMISS
Definition: imgproc.hpp:225
cv::cudev::ResizePtr::fx
float fx
Definition: resize.hpp:66
CV_CUDEV_RGB2HSV_INST
#define CV_CUDEV_RGB2HSV_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:209
cv::min
softdouble min(const softdouble &a, const softdouble &b)
Definition: softfloat.hpp:438
cv::ocl::Device::preferredVectorWidthShort
int preferredVectorWidthShort() const
cv::DetectionBasedTracker::TrackedObject::numFramesNotDetected
int numFramesNotDetected
Definition: detection_based_tracker.hpp:188
cv::CAP_PROP_GIGA_FRAME_OFFSET_X
@ CAP_PROP_GIGA_FRAME_OFFSET_X
Definition: videoio.hpp:526
cv::accumulateSquare
void accumulateSquare(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds the square of a source image to the accumulator image.
cv::rapid::Rapid
wrapper around silhouette based 3D object tracking function for uniform access
Definition: rapid.hpp:139
NCVPipeObjDet_Default
@ NCVPipeObjDet_Default
Definition: NCVHaarObjectDetection.hpp:354
cv::hfs::HfsSegment
Definition: hfs.hpp:45
cv::bioinspired::Retina::getParvo
virtual void getParvo(OutputArray retinaOutput_parvo)=0
Accessor of the details channel of the retina (models foveal vision).
cv::ml::EM::getCovarianceMatrixType
virtual int getCovarianceMatrixType() const =0
CV_CUDEV_Luv2RGB_INST
#define CV_CUDEV_Luv2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:398
hal_ni_morphFree
int hal_ni_morphFree(cvhalFilter2D *context)
hal_morphFree
Definition: hal_replacement.hpp:230
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(UMat &m)
cv::cudev::saturate_cast< schar >
__device__ __forceinline__ schar saturate_cast< schar >(uchar v)
Definition: saturate_cast.hpp:112
cv::GIOProtoArgs::GIOProtoArgs
GIOProtoArgs()=default
cv::gapi::own::Mat::create
void create(int _rows, int _cols, int _type)
Definition: mat.hpp:224
cv::CovarFlags
CovarFlags
Covariation flags.
Definition: core.hpp:171
cv::invertAffineTransform
void invertAffineTransform(InputArray M, OutputArray iM)
Inverts an affine transformation.
cv::datasets::HPE_humanevaObj::type2
std::string type2
Definition: hpe_humaneva.hpp:65
cv::CAP_PROP_PAN
@ CAP_PROP_PAN
Definition: videoio.hpp:168
cv::KalmanFilter::errorCovPost
Mat errorCovPost
posteriori error estimate covariance matrix (P(k)): P(k)=(I-K(k)*H)*P'(k)
Definition: tracking.hpp:402
hal_ni_cvtTwoPlaneYUVtoBGR
int hal_ni_cvtTwoPlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
hal_cvtTwoPlaneYUVtoBGR
Definition: hal_replacement.hpp:499
cv::detail::tracking::contrib_feature::CvLBPEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx) CV_OVERRIDE
hal_ni_dft2D
int hal_ni_dft2D(cvhalDFT *context, const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)
Definition: hal_replacement.hpp:543
cv::directx::convertToD3D11Texture2D
void convertToD3D11Texture2D(InputArray src, ID3D11Texture2D *pD3D11Texture2D)
Converts InputArray to ID3D11Texture2D. If destination texture format is DXGI_FORMAT_NV12 then input ...
cv::cuda::NATIVE_DOUBLE
@ NATIVE_DOUBLE
Definition: cuda.hpp:788
cv::detail::StereographicWarper::StereographicWarper
StereographicWarper(float scale)
Definition: warpers.hpp:384
cv::Mat::dims
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2090
cv::datasets::AR_hmdb::create
static Ptr< AR_hmdb > create()
cv::dnn::PoolingLayer::strides
std::vector< size_t > strides
Definition: all_layers.hpp:249
cv::rgbd::RgbdFrame::create
static Ptr< RgbdFrame > create(const Mat &image=Mat(), const Mat &depth=Mat(), const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
cv::v_reg::v_reg
v_reg()
Default constructor.
Definition: intrin_cpp.hpp:323
cv::ximgproc::getDisparityVis
void getDisparityVis(InputArray src, OutputArray dst, double scale=1.0)
Function for creating a disparity map visualization (clamped CV_8U image)
cv::cudev::gridFindMaxVal
__host__ void gridFindMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:329
cv::ximgproc::AdaptiveManifoldFilter
Interface for Adaptive Manifold Filter realizations.
Definition: edge_filter.hpp:204
cv::dnn_superres::DnnSuperResImpl::upsampleMultioutput
void upsampleMultioutput(InputArray img, std::vector< Mat > &imgs_new, const std::vector< int > &scale_factors, const std::vector< String > &node_names)
Upsample via neural network of multiple outputs.
cv::COLOR_BayerGB2RGB
@ COLOR_BayerGB2RGB
Definition: imgproc.hpp:749
cv::detail::ocl_get_out
Definition: goclkernel.hpp:163
cv::Allocator::pointer
value_type * pointer
Definition: cvstd.hpp:114
cv::SparseMat::SparseMat
SparseMat()
Various SparseMat constructors.
cv::cudev::gridFindMinVal
__host__ void gridFindMinVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:317
cv::MediaFrame::View::ptr
Ptrs ptr
Definition: media.hpp:57
cv::gapi::fluid::View::View
View()
cv::Mat::isContinuous
bool isContinuous() const
Reports whether the matrix is continuous or not.
cv::img_hash::RadialVarianceHash::RadialVarianceHash
RadialVarianceHash()
Definition: radial_variance_hash.hpp:38
cv::Subdiv2D
Definition: imgproc.hpp:994
cv::SimpleBlobDetector::Params
Definition: features2d.hpp:717
cv::COLOR_GRAY2BGR555
@ COLOR_GRAY2BGR555
convert between grayscale and BGR555 (16-bit images)
Definition: imgproc.hpp:576
cv::stereo::StereoBinarySGBM::MODE_HH
@ MODE_HH
Definition: stereo.hpp:202
cv::viz::MouseEvent::type
Type type
Definition: types.hpp:322
cv::SCORE_METHOD_MAGSAC
@ SCORE_METHOD_MAGSAC
Definition: calib3d.hpp:549
cv::videostab::TwoPassStabilizer::setWobbleSuppressor
void setWobbleSuppressor(Ptr< WobbleSuppressorBase > val)
Definition: stabilizer.hpp:171
cv::MergeRobertson
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:678
cv::detail::tracking::tbm::ResizedImageDescriptor::size
cv::Size size() const override
Returns descriptor size.
Definition: tracking_by_matching.hpp:124
cv::Matx::operator/=
static Matx< _Tp, m, n > & operator/=(Matx< _Tp, m, n > &a, float alpha)
Definition: matx.hpp:1282
cv::rgbd::FastICPOdometry::checkParams
virtual void checkParams() const CV_OVERRIDE
hal_ni_adaptiveThreshold
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
cv::Mat::Mat
Mat(const Matx< _Tp, m, n > &mtx, bool copyData=true)
cv::Subdiv2D::Vertex::Vertex
Vertex()
cv::detail::tracking::TrackerModel::trajectory
Trajectory trajectory
Definition: tracking.private.hpp:334
cv::CascadeClassifier::getFeatureType
int getFeatureType() const
gfluidbuffer.hpp
cv::TLSDataAccumulator::release
void release()
Release associated thread data and free TLS key.
Definition: tls.hpp:176
cv::ocl::Context::setUseSVM
void setUseSVM(bool enabled)
cv::cuda::fastNlMeansDenoisingColored
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h_luminance, float photo_render, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Modification of fastNlMeansDenoising function for colored images.
cv::BufferPoolController::freeAllReservedBuffers
virtual void freeAllReservedBuffers()=0
cv::videostab::TwoPassStabilizer
Definition: stabilizer.hpp:164
cv::quality::QualityBase::compute
virtual cv::Scalar compute(InputArray img)=0
Compute quality score per channel with the per-channel score in each element of the resulting cv::Sca...
cv::stereo::StereoMatcher::setBlockSize
virtual void setBlockSize(int blockSize)=0
histogram.hpp
cv::detail::flatten_g< cv::GMat >::type
cv ::Mat type
Definition: garray.hpp:324
cv::VideoWriter::open
bool open(const String &filename, int fourcc, double fps, const Size &frameSize, const std::vector< int > &params)
cv::waitKey
int waitKey(int delay=0)
Waits for a pressed key.
cv::legacy::TrackerMIL::~TrackerMIL
virtual ~TrackerMIL() CV_OVERRIDE
Definition: tracking_legacy.hpp:139
cv::GCPUStKernelImpl::kernel
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:479
cv::saturate_cast< short >
short saturate_cast< short >(ushort v)
Definition: saturate.hpp:129
cv::detail::ExposureCompensator
Base class for all exposure compensators.
Definition: exposure_compensate.hpp:61
cv::USAC_PROSAC
@ USAC_PROSAC
USAC, sorted points, runs PROSAC.
Definition: calib3d.hpp:452
cv::Error::BadOffset
@ BadOffset
offset is invalid
Definition: base.hpp:80
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature::eval
int eval(float value)
cv::superres::BroxOpticalFlow::getGamma
virtual double getGamma() const =0
Gradient constancy importance.
cv::linemod::QuantizedPyramid
Represents a modality operating over an image pyramid.
Definition: linemod.hpp:56
cv::videostab::InpainterBase::frames_
const std::vector< Mat > * frames_
Definition: inpainting.hpp:96
cv::COLORMAP_HOT
@ COLORMAP_HOT
Definition: imgproc.hpp:4278
NppStInterpolationState::pFV
Ncv32f * pFV
forward vertical displacement
Definition: NPP_staging.hpp:122
cv::viz::Viz3d::getScreenshot
cv::Mat getScreenshot() const
Returns the Mat screenshot of the current scene.
cv::ocl::Device::localMemType
int localMemType() const
cv::TrackerKCF::Params::Params
Params()
cv::detail::CylindricalPortraitWarper::CylindricalPortraitWarper
CylindricalPortraitWarper(float scale)
Definition: warpers.hpp:647
cv::AlignMTB::calculateShift
virtual Point calculateShift(InputArray img0, InputArray img1)=0
Calculates shift between two images, i. e. how to shift the second image to correspond it with the fi...
cv::detail::ProjectorBase
Base class for warping logic implementation.
Definition: warpers.hpp:142
cv::ppf_match_3d::Pose3D::clone
Pose3DPtr clone()
cv::quality::QualityBRISQUE::compute
static cv::Scalar compute(InputArray img, const cv::String &model_file_path, const cv::String &range_file_path)
static method for computing quality
cv::GCPUContext::outValR
cv::Scalar & outValR(int output)
cv::SparseMat::Node
sparse matrix node - element of a hash table
Definition: mat.hpp:2688
CV_ENUM_FLAGS
#define CV_ENUM_FLAGS(EnumType)
Definition: cvdef.h:610
cv::FileStorage::isOpened
virtual bool isOpened() const
Checks whether the file is opened.
cv::datasets::RIGHT
@ RIGHT
Definition: slam_tumindoor.hpp:63
cv::normL1
static _AccTp normL1(const _Tp *a, int n)
Definition: base.hpp:424
cv::linemod::QuantizedPyramid::Candidate::score
float score
Definition: linemod.hpp:96
cv::GeneralizedHough::getCannyLowThresh
virtual int getCannyLowThresh() const =0
cv::ocl::Device::imageSupport
bool imageSupport() const
cv::AgastFeatureDetector_Impl::getThreshold
int getThreshold() const
Definition: agast.txt:7524
cv::optflow::SparseRLOFOpticalFlow::setForwardBackward
virtual void setForwardBackward(float val)=0
Threshold for the forward backward confidence check.
cv::TermCriteria::COUNT
@ COUNT
the maximum number of iterations or elements to compute
Definition: types.hpp:860
cv::legacy::TrackerKCF::setFeatureExtractor
virtual void setFeatureExtractor(void(*)(const Mat, const Rect, Mat &), bool pca_func=false)=0
cv::HOGDescriptor::getDaimlerPeopleDetector
static std::vector< float > getDaimlerPeopleDetector()
Returns coefficients of the classifier trained for people detection (for 48x96 windows).
cv::ocl::KernelArg::WriteOnlyNoSize
static KernelArg WriteOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:407
cv::CascadeClassifier::getMaskGenerator
Ptr< BaseCascadeClassifier::MaskGenerator > getMaskGenerator()
cv::FileNode::isFlow
static bool isFlow(int flags)
cv::TrackerKCF::create
static Ptr< TrackerKCF > create(const TrackerKCF::Params &parameters=TrackerKCF::Params())
Create KCF tracker instance.
cv::COLOR_YUV420p2RGBA
@ COLOR_YUV420p2RGBA
Definition: imgproc.hpp:665
cv::EVENT_LBUTTONDOWN
@ EVENT_LBUTTONDOWN
indicates that the left mouse button is pressed.
Definition: highgui.hpp:211
cv::GTypesInfo
std::vector< GTypeInfo > GTypesInfo
Definition: gkernel.hpp:38
cv::BOWTrainer::descriptorsCount
int descriptorsCount() const
Returns the count of all descriptors stored in the training set.
cv::cuda::COLOR_BayerBG2GRAY_MHT
@ COLOR_BayerBG2GRAY_MHT
Definition: cudaimgproc.hpp:105
cv::CAP_PROP_XI_CC_MATRIX_31
@ CAP_PROP_XI_CC_MATRIX_31
Color Correction Matrix element [3][1].
Definition: videoio.hpp:427
cv::TonemapMantiuk::getSaturation
virtual float getSaturation() const =0
cv::dnn::Layer::unsetAttached
virtual void unsetAttached()
"Deattaches" all the layers, attached to particular layer.
cv::MOTION_AFFINE
@ MOTION_AFFINE
Definition: tracking.hpp:264
cv::BOWTrainer::descriptors
std::vector< Mat > descriptors
Definition: features2d.hpp:1434
cv::mcc::SG140
@ SG140
DigitalSG with 140 squares.
Definition: checker_model.hpp:49
cv::face::FaceRecognizer::train
virtual void train(InputArrayOfArrays src, InputArray labels)=0
Trains a FaceRecognizer with given data and associated labels.
cv::datasets::TRACK_alov::getNextGT
virtual vector< Point2f > getNextGT()=0
cv::optflow::GPCTree::read
void read(const FileNode &fn) CV_OVERRIDE
Reads algorithm parameters from a file storage.
cv::aruco::DetectorParameters::aprilTagQuadDecimate
float aprilTagQuadDecimate
Definition: aruco.hpp:178
cv::CAP_OPENNI_IR_IMAGE
@ CAP_OPENNI_IR_IMAGE
Data given from IR image generator.
Definition: videoio.hpp:274
cv::videostab::InpaintingPipeline::setStabilizationMotions
virtual void setStabilizationMotions(const std::vector< Mat > &val) CV_OVERRIDE
cv::cuda::reduce
void reduce(InputArray mtx, OutputArray vec, int dim, int reduceOp, int dtype=-1, Stream &stream=Stream::Null())
Reduces a matrix to a vector.
cv::detail::computeImageFeatures
void computeImageFeatures(const Ptr< Feature2D > &featuresFinder, InputArrayOfArrays images, std::vector< ImageFeatures > &features, InputArrayOfArrays masks=noArray())
cv::ParamType< double >::const_param_type
double const_param_type
Definition: core.hpp:3211
cv::ml::ANN_MLP::getTrainMethod
virtual int getTrainMethod() const =0
cv::bioinspired::Retina::setupOPLandIPLParvoChannel
virtual void setupOPLandIPLParvoChannel(const bool colorMode=true, const bool normaliseOutput=true, const float photoreceptorsLocalAdaptationSensitivity=0.7f, const float photoreceptorsTemporalConstant=0.5f, const float photoreceptorsSpatialConstant=0.53f, const float horizontalCellsGain=0.f, const float HcellsTemporalConstant=1.f, const float HcellsSpatialConstant=7.f, const float ganglionCellsSensitivity=0.7f)=0
Setup the OPL and IPL parvo channels (see biologocal model)
cv::GeneralizedHoughGuil::getAngleThresh
virtual int getAngleThresh() const =0
cv::saliency::ObjectnessBING::create
static Ptr< ObjectnessBING > create()
Definition: saliencySpecializedClasses.hpp:298
cv::rgbd::RgbdICPOdometry::getMinGradientMagnitudes
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:965
partition
int partition(const std::vector< _Tp > &_vec, std::vector< int > &labels, _EqPredicate predicate=_EqPredicate())
Splits an element set into equivalency classes.
Definition: operations.hpp:503
cv::gapi::cpu::GOCVFunctor::backend
gapi::GBackend backend() const override
Definition: gcpukernel.hpp:503
cv::CAP_PROP_ROLL
@ CAP_PROP_ROLL
Definition: videoio.hpp:170
cv::v_float64x2::nlanes
@ nlanes
Definition: intrin_rvv.hpp:519
cv::cuda::cvtColor
void cvtColor(InputArray src, OutputArray dst, int code, int dcn=0, Stream &stream=Stream::Null())
Converts an image from one color space to another.
cv::HOGDescriptor::histogramNormType
HOGDescriptor::HistogramNormType histogramNormType
histogramNormType
Definition: objdetect.hpp:608
hal_ni_addWeighted8s
int hal_ni_addWeighted8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:319
cv::USAGE_ALLOCATE_DEVICE_MEMORY
@ USAGE_ALLOCATE_DEVICE_MEMORY
Definition: mat.hpp:455
cv::detail::tracking::TrackerContribSampler::addTrackerSamplerAlgorithm
bool addTrackerSamplerAlgorithm(Ptr< TrackerContribSamplerAlgorithm > &sampler)
cv::FarnebackOpticalFlow::getPyrScale
virtual double getPyrScale() const =0
cv::Matx::eye
static Matx eye()
cv::AVIReadContainer::parseRiff
bool parseRiff(frame_list &m_mjpeg_frames)
cv::DetectionBasedTracker::InnerParameters::numStepsToShowWithoutDetecting
int numStepsToShowWithoutDetecting
Definition: detection_based_tracker.hpp:170
cv::dnn::ShiftLayer
Definition: all_layers.hpp:552
cv::dnn::Layer::name
String name
Name of the layer instance, can be used for logging or other internal purposes.
Definition: dnn.hpp:374
cv::QtButtonTypes
QtButtonTypes
Qt "button" type.
Definition: highgui.hpp:256
cv::cudev::threshToZeroInv_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshToZeroInvFunc< typename PtrTraits< SrcPtr >::value_type > > > threshToZeroInv_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:110
cv::detail::Timelapser::test_point
virtual bool test_point(Point pt)
cv::NAryMatIterator::idx
size_t idx
Definition: mat.hpp:3419
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst, InputArray mask, Stream &stream) const
copies those GpuMat elements to "m" that are marked with non-zero mask elements (Non-Blocking call)
cv::gapi::countNonZero
GOpaque< int > countNonZero(const GMat &src)
Counts non-zero array elements.
cv::ocl::Kernel
Definition: ocl.hpp:422
cv::cudev::UnaryTransformPtrSz::rows
int rows
Definition: transform.hpp:77
cv::MOTION_EUCLIDEAN
@ MOTION_EUCLIDEAN
Definition: tracking.hpp:263
cv::getWindowImageRect
Rect getWindowImageRect(const String &winname)
Provides rectangle of image in the window.
cv::flann::GenericIndex::knnSearch
void knnSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, int knn, const ::cvflann::SearchParams &params)
Performs a K-nearest neighbor search for a given query point using the index.
cv::gapi::own::Mat::depth
int depth() const
Returns the depth of a matrix element.
Definition: mat.hpp:210
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::computeSelectedWeakClassifier
std::vector< int > computeSelectedWeakClassifier()
Get the list of the selected weak classifiers for the classification step.
cv::datasets::join::Rx
double Rx
Definition: gr_chalearn.hpp:67
cv::plot::Plot2d::setMinY
virtual void setMinY(double _plotMinY)=0
cv::cudev::numeric_limits< uint >::max
__device__ static __forceinline__ uint max()
Definition: limits.hpp:105
cv::viz::KeyboardEvent
This class represents a keyboard event.
Definition: types.hpp:283
cv::ShapeTransformer
Abstract base class for shape transformation algorithms.
Definition: shape_transformer.hpp:59
cv::linemod::Detector::readClass
String readClass(const FileNode &fn, const String &class_id_override="")
cv::GFluidKernel::GFluidKernel
GFluidKernel()
Definition: gfluidkernel.hpp:74
cv::rgbd::RgbdPlane::getMinSize
int getMinSize() const
Definition: depth.hpp:397
cv::viz::Viz3d::Viz3d
Viz3d(const Viz3d &)
cv::videostab::WobbleSuppressorBase::stabilizationMotions_
const std::vector< Mat > * stabilizationMotions_
Definition: wobble_suppression.hpp:92
cv::MSER::setMinArea
virtual void setMinArea(int minArea)=0
cv::instr::NodeData::m_funError
bool m_funError
Definition: instrumentation.hpp:84
cv::cuda::GpuMat::download
void download(OutputArray dst, Stream &stream) const
Performs data download from GpuMat (Non-Blocking call)
cv::detail::tracking::TrackerContribSampler::~TrackerContribSampler
~TrackerContribSampler()
Destructor.
cv::cudev::BinaryTupleAdapter
Definition: tuple_adapter.hpp:79
cv::cuda::Feature2DAsync::~Feature2DAsync
virtual ~Feature2DAsync()
cv::rgbd::RgbdICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:957
cv::COLOR_YUV420sp2GRAY
@ COLOR_YUV420sp2GRAY
Definition: imgproc.hpp:674
cv::gapi::ie::Params::Params
Params(const std::string &model, const std::string &device)
Definition: ie.hpp:97
cv::instr::NodeData::~NodeData
~NodeData()
cv::detail::NoSeamFinder
Stub seam estimator which does nothing.
Definition: seam_finders.hpp:77
cv::FileStorage::write
void write(FileStorage &fs, const double &value)
Definition: persistence.hpp:909
cv::CalibrateDebevec::setLambda
virtual void setLambda(float lambda)=0
cv::cudev::SingleMaskChannels::value_type
PtrTraits< MaskPtr >::value_type value_type
Definition: mask.hpp:70
cv::detail::tracking::feature::CvParams
Definition: tracking_feature.private.hpp:26
cv::COLOR_Luv2LRGB
@ COLOR_Luv2LRGB
Definition: imgproc.hpp:628
cv::ximgproc::FastLineDetector::~FastLineDetector
virtual ~FastLineDetector()
Definition: fast_line_detector.hpp:55
cv::detail::tracking::TrackerContribSamplerCSC::Params
Definition: tracking_internals.hpp:654
cv::SimpleBlobDetector::Params::blobColor
uchar blobColor
Definition: features2d.hpp:726
cv::Affine3::rotation
void rotation(const Mat3 &R)
cv::AgastFeatureDetector::setNonmaxSuppression
virtual void setNonmaxSuppression(bool f)=0
cv::CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
@ CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX
Sensor clock frequency index. Sensor with selected frequencies have possibility to set the frequency ...
Definition: videoio.hpp:451
cv::cuda::BackgroundSubtractorMOG2::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
cv::dnn::ChannelsPReLULayer
Definition: all_layers.hpp:447
cv::PCA::eigenvectors
Mat eigenvectors
eigenvectors of the covariation matrix
Definition: core.hpp:2542
cv::quality::QualityPSNR::setMaxPixelValue
void setMaxPixelValue(double val)
sets the maximum pixel value used for PSNR computation
Definition: qualitypsnr.hpp:87
cv::ocl::Kernel::Kernel
Kernel(const char *kname, const Program &prog)
OpenCV_API_Header::api_description
const char * api_description
API description (debug purposes only)
Definition: llapi.h:48
cv::optflow::DenseRLOFOpticalFlow::getRICSPSize
virtual int getRICSPSize() const =0
Parameter to tune the approximate size of the superpixel used for oversegmentation.
cv::detail::MercatorProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::viz::WPlane
This 3D Widget defines a finite plane.
Definition: widgets.hpp:250
seeds.hpp
cv::v_matmul
v_float32x4 v_matmul(const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
Matrix multiplication.
Definition: intrin_cpp.hpp:2705
cv::cudev::NormL2::result_type
float result_type
Definition: vec_distance.hpp:125
cv::detail::GCompoundKernel
Definition: gcompoundkernel.hpp:41
cv::ocl::Device::nativeVectorWidthShort
int nativeVectorWidthShort() const
cv::v_dotprod_fast
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_dotprod_fast(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Fast Dot product of elements.
Definition: intrin_cpp.hpp:1004
cv::GTransform::F
std::function< GComputation()> F
Definition: gtransform.hpp:28
cv::ogl::Arrays::setNormalArray
void setNormalArray(InputArray normal)
Sets an array of vertex normals.
cv::vle16_v_u16mf2
vuint16mf2_t vle16_v_u16mf2(const uint16_t *ptr)
Definition: intrin_rvv.hpp:168
cv::ppf_match_3d::writePLYVisibleNormals
void writePLYVisibleNormals(Mat PC, const char *fileName)
Used for debbuging pruposes, writes a point cloud to a PLY file with the tip of the normal vectors as...
cv::cudev::CountNonZeroExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:157
cv::CAP_PROP_XI_ROW_FPN_CORRECTION
@ CAP_PROP_XI_ROW_FPN_CORRECTION
Correction of row FPN.
Definition: videoio.hpp:474
cv::v_int16x8::v_int16x8
v_int16x8(short v0, short v1, short v2, short v3, short v4, short v5, short v6, short v7)
Definition: intrin_rvv.hpp:336
cv::GOCLContext::inVal
const cv::Scalar & inVal(int input)
cv::operator^=
v_reg< _Tp, n > & operator^=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::viz::Widget3D::applyTransform
void applyTransform(const Affine3d &transform)
Transforms internal widget data (i.e. points, normals) using the given transform.
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::value_type
Ptr2D::value_type value_type
Definition: traits.hpp:61
cv::gapi::NV12toBGRp
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...
cv::ocl::Device::globalMemSize
size_t globalMemSize() const
cv::detail::SphericalPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::FastFeatureDetector::create
static Ptr< FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, FastFeatureDetector::DetectorType type=FastFeatureDetector::TYPE_9_16)
cv::Quat::CV_QUAT_EPS
static constexpr _Tp CV_QUAT_EPS
Definition: quaternion.hpp:138
cv::gapi::GNetParam
Definition: infer.hpp:445
cv::FM_RANSAC
@ FM_RANSAC
RANSAC algorithm. It needs at least 15 points. 7-point algorithm is used.
Definition: calib3d.hpp:527
cv::gapi::subC
GMat subC(const GMat &src, const GScalar &c, int ddepth=-1)
Calculates the per-element difference between matrix and given scalar.
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, int value)
cv::face::FacemarkAAM::Model::Texture::max_m
int max_m
unused delete
Definition: facemarkAAM.hpp:116
cv::frame_list
std::deque< std::pair< uint64_t, uint32_t > > frame_list
Definition: container_avi.private.hpp:68
cv::face::FacemarkAAM::Model::scales
std::vector< float > scales
defines the scales considered to build the model
Definition: facemarkAAM.hpp:108
cv::videostab::LpMotionStabilizer
Definition: motion_stabilizing.hpp:118
cv::superres::FarnebackOpticalFlow::getPyrScale
virtual double getPyrScale() const =0
cv::optflow::GPCTree::operator==
bool operator==(const GPCTree &t) const
Definition: sparse_matching_gpc.hpp:186
cv::ximgproc::DisparityFilter::filter
virtual void filter(InputArray disparity_map_left, InputArray left_view, OutputArray filtered_disparity_map, InputArray disparity_map_right=Mat(), Rect ROI=Rect(), InputArray right_view=Mat())=0
Apply filtering to the disparity map.
cv::text::TextDetector::detect
virtual void detect(InputArray inputImage, std::vector< Rect > &Bbox, std::vector< float > &confidence)=0
Method that provides a quick and simple interface to detect text inside an image.
cv::cudev::BrdReflect
Definition: extrapolation.hpp:172
HaarFeature64_CreateCheck_MaxRectField
#define HaarFeature64_CreateCheck_MaxRectField
Definition: NCVHaarObjectDetection.hpp:82
cv::ml::TrainData::getNAllVars
virtual int getNAllVars() const =0
cv::startLoop
int startLoop(int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[])
cv::ximgproc::RICInterpolator::getSuperpixelSize
virtual int getSuperpixelSize() const =0
Get the internal cost, i.e. edge map, used for estimating the edge-aware term.
cv::CAP_PROP_TILT
@ CAP_PROP_TILT
Definition: videoio.hpp:169
CvCapture
struct CvCapture CvCapture
Definition: videoio.hpp:68
cv::detail::CameraParams::CameraParams
CameraParams(const CameraParams &other)
rmat.hpp
cv::quality::QualityPSNR::compute
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
cv::cuda::BackgroundSubtractorMOG2
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:131
cv::julia::initJulia
void initJulia(int argc, char **argv)
cv::Affine3d
Affine3< double > Affine3d
Definition: affine.hpp:291
dist.h
cv::cudacodec::EncoderParams::PeakBitrate
int PeakBitrate
NVVE_PEAK_BITRATE,.
Definition: cudacodec.hpp:92
cv::CAP_OPENNI2_ASUS
@ CAP_OPENNI2_ASUS
OpenNI2 (for Asus Xtion and Occipital Structure sensors)
Definition: videoio.hpp:114
cv::detail::Graph::create
void create(int num_vertices)
Definition: util.hpp:89
cv::Rect_::operator=
Rect_ & operator=(const Rect_ &r)
cv::face::Facemark::fit
virtual bool fit(InputArray image, InputArray faces, OutputArrayOfArrays landmarks)=0
Detect facial landmarks from an image.
cv::datasets::TRACK_vot::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::DECOMP_NORMAL
@ DECOMP_NORMAL
Definition: base.hpp:151
cv::cudev::DefaultGlobReducePolicy
Definition: reduce.hpp:294
cv::cuda::DeviceInfo::maxTextureCubemapLayered
Vec2i maxTextureCubemapLayered() const
maximum Cubemap layered texture dimensions
cv::optflow::DualTVL1OpticalFlow::getScaleStep
virtual double getScaleStep() const =0
Step between scales (<1)
cv::bioinspired::TransientAreasSegmentationModule::create
static Ptr< TransientAreasSegmentationModule > create(Size inputSize)
allocator
CPU_AVX_512F
@ CPU_AVX_512F
Definition: cvdef.h:305
cv::cudev::max
__device__ __forceinline__ uchar1 max(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:785
cv::float16_t::fromBits
static float16_t fromBits(ushort b)
Definition: cvdef.h:896
cv::USAC_ACCURATE
@ USAC_ACCURATE
USAC, accurate settings.
Definition: calib3d.hpp:451
cv::large_kinfu::Params::icpDistThresh
float icpDistThresh
distance theshold for ICP in meters
Definition: large_kinfu.hpp:71
cv::TermCriteria::EPS
@ EPS
the desired accuracy or change in parameters at which the iterative algorithm stops
Definition: types.hpp:862
cv::cudev::DerivXPtrSz::cols
int cols
Definition: deriv.hpp:76
cv::UMat::rowRange
UMat rowRange(int startrow, int endrow) const
... for the specified row span
cv::line_descriptor::BinaryDescriptor::setNumOfOctaves
void setNumOfOctaves(int octaves)
Set number of octaves.
cv::vuint32mf2_t::val
unsigned val[2]
Definition: intrin_rvv.hpp:73
hal_ni_cvtGraytoBGR5x5
int hal_ni_cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
hal_cvtGraytoBGR5x5
Definition: hal_replacement.hpp:380
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const cuda::GpuMat &d_mat)
cv::Affine3::Affine3
Affine3()
Default constructor. It represents a 4x4 identity matrix.
cv::ml::LogisticRegression::getTrainMethod
virtual int getTrainMethod() const =0
cv::LineSegmentDetectorModes
LineSegmentDetectorModes
Variants of Line Segment Detector.
Definition: imgproc.hpp:484
cv::gapi::fluid::operator==
bool operator==(const Border &b1, const Border &b2)
cv::flann::GenericIndex::knnSearch
void knnSearch(const Mat &queries, Mat &indices, Mat &dists, int knn, const ::cvflann::SearchParams &params)
cv::viz::SHADING_GOURAUD
@ SHADING_GOURAUD
Definition: widgets.hpp:84
cv::cudev::DefaultHistogramPolicy
Definition: histogram.hpp:101
cv::cudev::vsetlt4
__device__ __forceinline__ uint vsetlt4(uint a, uint b)
Definition: simd_functions.hpp:691
cv::GemmFlags
GemmFlags
generalized matrix multiplication flags
Definition: base.hpp:220
cv::ppf_match_3d::hashtableResize
int hashtableResize(hashtable_int *hashtbl, size_t size)
cv::DescriptorMatcher::trainDescCollection
std::vector< Mat > trainDescCollection
Collection of descriptors from train images.
Definition: features2d.hpp:1190
cv::cuda::BackgroundSubtractorGMG::getMaxVal
virtual double getMaxVal() const =0
cv::face::FacemarkKazemi::Params::learning_rate
float learning_rate
learning_rate stores the learning rate in gradient boosting, also referred as shrinkage.
Definition: face_alignment.hpp:27
cv::cudev::LaplacianPtr< 1, SrcPtr >::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:331
cv::aruco::DICT_4X4_1000
@ DICT_4X4_1000
Definition: dictionary.hpp:145
cv::haveImageWriter
CV_EXPORTS_W bool haveImageWriter(const String &filename)
Returns true if an image with the specified filename can be encoded by OpenCV.
cv::GOCLContext::inArg
const T & inArg(int input)
Definition: goclkernel.hpp:59
cv::Error::StsBadFlag
@ StsBadFlag
flag is wrong or not supported
Definition: base.hpp:106
cv::UsacParams::loSampleSize
int loSampleSize
Definition: calib3d.hpp:559
cv::rgbd::RgbdPlane::setSensorErrorA
void setSensorErrorA(double val)
Definition: depth.hpp:425
cv::datasets::GR_chalearn::create
static Ptr< GR_chalearn > create()
cv::AutoBuffer::AutoBuffer
AutoBuffer(const AutoBuffer< _Tp, fixed_size > &buf)
the copy constructor
cv::CALIB_USE_EXTRINSIC_GUESS
@ CALIB_USE_EXTRINSIC_GUESS
for stereoCalibrate
Definition: calib3d.hpp:520
cv::UMatData::flags
UMatData::MemoryFlag flags
Definition: mat.hpp:562
cv::detail::BestOf2NearestMatcher::BestOf2NearestMatcher
BestOf2NearestMatcher(bool try_use_gpu=false, float match_conf=0.3f, int num_matches_thresh1=6, int num_matches_thresh2=6)
Constructs a "best of 2 nearest" matcher.
cv::dnn::Layer::forward_fallback
void forward_fallback(InputArrayOfArrays inputs, OutputArrayOfArrays outputs, OutputArrayOfArrays internals)
Given the input blobs, computes the output blobs.
cv::hal::magnitude64f
void magnitude64f(const double *x, const double *y, double *dst, int n)
cv::ximgproc::SuperpixelSLIC::iterate
virtual void iterate(int num_iterations=10)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
cv::cudev::PerspectiveMapPtr::warpMat
const float * warpMat
Definition: warping.hpp:112
cv::Quat::z
_Tp z
Definition: quaternion.hpp:1437
cv::util::copy_through_move_t::get
const T & get() const
Definition: copy_through_move.hpp:20
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, const String &dslabel, const int *dims_offset) const =0
cv::Stitcher::waveCorrection
bool waveCorrection() const
Definition: stitching.hpp:198
qualitymse.hpp
cv::detail::Graph
Definition: util.hpp:86
CPU_AVX_512VNNI
@ CPU_AVX_512VNNI
Definition: cvdef.h:316
cv::gapi::GFunctor::backend
virtual cv::gapi::GBackend backend() const =0
cv::ocl::Device::isIntel
bool isIntel() const
Definition: ocl.hpp:190
cv::Quat::operator[]
const _Tp & operator[](std::size_t n) const
cv::RNG_MT19937
Mersenne Twister random number generator.
Definition: core.hpp:2937
cv::COLORSPACE_RGBA
@ COLORSPACE_RGBA
Definition: container_avi.private.hpp:135
NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
@ NCV_WARNING_HAAR_DETECTIONS_VECTOR_OVERFLOW
Definition: NCV.hpp:352
cv::datasets::AR_hmdbObj::id
int id
Definition: ar_hmdb.hpp:62
cv::ppf_match_3d::PoseCluster3D::writePoseCluster
int writePoseCluster(const std::string &FileName)
cv::Tracker::Tracker
Tracker()
cv::detail::AffineBasedEstimator::AffineBasedEstimator
AffineBasedEstimator()
Definition: motion_estimators.hpp:124
cv::IMREAD_LOAD_GDAL
@ IMREAD_LOAD_GDAL
If set, use the gdal driver for loading the image.
Definition: imgcodecs.hpp:75
cv::FileStorage
XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or readi...
Definition: persistence.hpp:304
hal_ni_sub16s
int hal_ni_sub16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:87
cv::QUAT_ASSUME_NOT_UNIT
@ QUAT_ASSUME_NOT_UNIT
Definition: quaternion.hpp:45
cv::Stitcher::setFeaturesMatcher
void setFeaturesMatcher(Ptr< detail::FeaturesMatcher > features_matcher)
Definition: stitching.hpp:214
cv::cuda::CornernessCriteria::compute
virtual void compute(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Computes the cornerness criteria at each image pixel.
cv::GStreamingCompiled::setSource
GAPI_WRAP void setSource(GRunArgs &&ins)
Specify the input data to GStreamingCompiled for processing, a generic version.
CPU_SSE
@ CPU_SSE
Definition: cvdef.h:293
cv::CAP_INTELPERC_DEPTH_MAP
@ CAP_INTELPERC_DEPTH_MAP
Each pixel is a 16-bit integer. The value indicates the distance from an object to the camera's XY pl...
Definition: videoio.hpp:555
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar
Definition: feature.hpp:224
cv::datasets::TR_chars::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::CAP_PROP_AUTO_WB
@ CAP_PROP_AUTO_WB
enable/ disable auto white-balance
Definition: videoio.hpp:179
cv::dnn::BaseConvolutionLayer::pads_end
std::vector< size_t > pads_end
Definition: all_layers.hpp:216
cv::ocl::KernelArg::ReadWrite
static KernelArg ReadWrite(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:397
cv::compile_args
GCompileArgs compile_args(Ts &&... args)
Wraps a list of arguments (a parameter pack) into a vector of compilation arguments (cv::GCompileArg)...
Definition: gcommon.hpp:202
cv::sfm::fundamentalFromCorrespondences8PointRobust
double fundamentalFromCorrespondences8PointRobust(InputArray x1, InputArray x2, double max_error, OutputArray F, OutputArray inliers, double outliers_probability=1e-2)
Estimate robustly the fundamental matrix between two dataset of 2D point (image coords space).
cv::COLORSPACE_GRAY
@ COLORSPACE_GRAY
Definition: container_avi.private.hpp:135
cv::detail::ProjectorBase::t
float t[3]
Definition: warpers.hpp:152
cv::cuda::GpuMat::depth
int depth() const
returns element type
cv::util::decay_t
typename std::decay< T >::type decay_t
Definition: type_traits.hpp:22
cv::hal::add8u
void add8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
CV_8U
#define CV_8U
Definition: interface.h:73
cv::UMatData::unlock
void unlock()
cv::Vec::operator[]
const _Tp & operator[](int i) const
cv::sfm::SFM_IO_OPENMVG
@ SFM_IO_OPENMVG
Definition: io.hpp:61
cv::cuda::Feature2DAsync::computeAsync
virtual void computeAsync(InputArray image, OutputArray keypoints, OutputArray descriptors, Stream &stream=Stream::Null())
Computes the descriptors for a set of keypoints detected in an image.
cv::bgsegm::BackgroundSubtractorGMG::getDecisionThreshold
virtual double getDecisionThreshold() const =0
Returns the value of decision threshold.
cv::RNG::uniform
float uniform(float a, float b)
cv::viz::Viz3d::~Viz3d
~Viz3d()
cv::ccm::ColorCorrectionModel::getCCM
Mat getCCM() const
cv::rgbd::FastICPOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const MatConstIterator_ &it)
copy constructor
cv::vwcvtu_x_x_v_u32m1
vuint32m1_t vwcvtu_x_x_v_u32m1(vuint16mf2_t v)
Definition: intrin_rvv.hpp:192
cv::videostab::MotionEstimatorL1
Describes a global 2D motion estimation method which minimizes L1 error.
Definition: global_motion.hpp:154
cv::gapi::GKernelPackage::include
void include(const GFunctor &functor)
Definition: gkernel.hpp:500
cv::gapi::own::Mat::channels
int channels() const
Returns the number of matrix channels.
Definition: mat.hpp:217
cv::cuda::EventAccessor::getEvent
static cudaEvent_t getEvent(const Event &event)
cv::LDA::subspaceProject
static Mat subspaceProject(InputArray W, InputArray mean, InputArray src)
cv::cudev::IntegerAreaInterPtr::src
SrcPtr src
Definition: interpolation.hpp:239
cv::ximgproc::EdgeBoxes::setBeta
virtual void setBeta(float value)=0
Sets the nms threshold for object proposals.
cv::aruco::DetectorParameters::minDistanceToBorder
int minDistanceToBorder
Definition: aruco.hpp:164
cv::SparsePyrLKOpticalFlow::setWinSize
virtual void setWinSize(Size winSize)=0
cv::stereo::StereoBinaryBM::setSmallerBlockSize
virtual void setSmallerBlockSize(int blockSize)=0
cv::WindowPropertyFlags
WindowPropertyFlags
Flags for cv::setWindowProperty / cv::getWindowProperty.
Definition: highgui.hpp:199
cv::ml::NormalBayesClassifier
Bayes classifier for normally distributed data.
Definition: ml.hpp:399
cv::_InputArray::sizend
int sizend(int *sz, int i=-1) const
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::featureParams
CvFeatureParams * featureParams
Definition: feature.hpp:198
cv::text::ERStat::child
ERStat * child
Definition: erfilter.hpp:104
cv::cudev::BinaryTransformPtr::operator()
__device__ __forceinline__ Op::result_type operator()(typename PtrTraits< Src1Ptr >::index_type y, typename PtrTraits< Src1Ptr >::index_type x) const
Definition: transform.hpp:113
CPU_AVX512_CLX
@ CPU_AVX512_CLX
Cascade Lake with AVX-512F/CD/BW/DQ/VL/VNNI.
Definition: cvdef.h:336
cv::Point3_::Point3_
Point3_(const Vec< _Tp, 3 > &v)
cv::optflow::RLOFOpticalFlowParameter::maxIteration
int maxIteration
Definition: rlofflow.hpp:139
cv::xphoto::BM3D_STEP2
@ BM3D_STEP2
Definition: bm3d_image_denoising.hpp:75
cv::MatExpr::min
MatExpr min(const Mat &a, double s)
cv::cudev::LaplacianPtr< 1, SrcPtr >::index_type
int index_type
Definition: deriv.hpp:332
CV_8S
#define CV_8S
Definition: interface.h:74
cv::ShapeContextDistanceExtractor::getImages
virtual void getImages(OutputArray image1, OutputArray image2) const =0
CV_OVERRIDE
#define CV_OVERRIDE
Definition: cvdef.h:740
cv::aruco::detectCharucoDiamond
void detectCharucoDiamond(InputArray image, InputArrayOfArrays markerCorners, InputArray markerIds, float squareMarkerLengthRate, OutputArrayOfArrays diamondCorners, OutputArray diamondIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray())
Detect ChArUco Diamond markers.
cv::BFMatcher::~BFMatcher
virtual ~BFMatcher()
Definition: features2d.hpp:1209
type_traits.hpp
cv::COLOR_BGRA2YUV_YV12
@ COLOR_BGRA2YUV_YV12
Definition: imgproc.hpp:740
cv::cudev::PerspectiveMapPtrSz::rows
int rows
Definition: warping.hpp:127
cv::utils::testAsyncException
static AsyncArray testAsyncException()
Definition: bindings_utils.hpp:76
cv::dnn::PoolingLayer::isGlobalPooling
std::vector< bool > isGlobalPooling
Definition: all_layers.hpp:252
cv::detail::tracking::TrackerContribSampler::TrackerContribSampler
TrackerContribSampler()
Constructor.
cv::cuda::StereoSGM::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity) CV_OVERRIDE=0
Computes disparity map for the specified stereo pair.
cv::gapi::boundingRect
GOpaque< Rect > boundingRect(const GMat &src)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
cv::gapi::onnx::Params
Definition: onnx.hpp:80
cv::GStreamingCompiled::setSource
void setSource(Args &&... args)
Constructs and specifies an input video stream for a single-input computation pipeline with the given...
Definition: gstreaming.hpp:210
cv::ppf_match_3d::Pose3D::~Pose3D
virtual ~Pose3D()
Definition: pose_3d.hpp:123
cv::Error::GpuApiCallError
@ GpuApiCallError
GPU API call error.
Definition: base.hpp:117
cv::ximgproc::RICInterpolator::setFGSSigma
virtual void setFGSSigma(float sigma=1.5f)=0
Sets the respective fastGlobalSmootherFilter() parameter.
cv::DescriptorMatcher::create
static Ptr< DescriptorMatcher > create(const DescriptorMatcher::MatcherType &matcherType)
HaarFeatureDescriptor32::isTilted
__device__ __host__ NcvBool isTilted(void)
Definition: NCVHaarObjectDetection.hpp:152
cv::bioinspired::Retina::write
virtual void write(String fs) const =0
Write xml/yml formated parameters information.
cv::face::StandardCollector::getMinLabel
int getMinLabel() const
Returns label with minimal distance.
cv::ccm::CONST_COLOR
CONST_COLOR
Macbeth and Vinyl ColorChecker with 2deg D50.
Definition: ccm.hpp:88
cv::cudev::CommonAreaInterPtrSz
Definition: interpolation.hpp:366
cv::ocl::Context::p
Impl * p
Definition: ocl.hpp:294
cv::cudev::blockCopy
__device__ static __forceinline__ void blockCopy(InIt beg, InIt end, OutIt out)
Definition: block.hpp:96
cv::img_hash::ColorMomentHash
Image hash based on color moments.
Definition: color_moment_hash.hpp:21
cv::mcc::DetectorParameters::adaptiveThreshConstant
double adaptiveThreshConstant
Definition: checker_detector.hpp:109
cv::_InputOutputArray
Definition: mat.hpp:382
cv::GCall::yieldOpaque
GOpaque< T > yieldOpaque(int output=0)
Definition: gcall.hpp:52
cv::ml::DTrees::Split::subsetOfs
int subsetOfs
Definition: ml.hpp:1191
cv::FileStorage::release
virtual void release()
Closes the file and releases all the memory buffers.
cv::_InputArray::copyTo
void copyTo(const _OutputArray &arr, const _InputArray &mask) const
cv::utils::BufferArea::zeroFill
void zeroFill(T *&ptr)
Fill one of buffers with zeroes.
Definition: buffer_area.private.hpp:88
cv::hal::DCT2D::create
static Ptr< DCT2D > create(int width, int height, int depth, int flags)
cv::dnn::ConvolutionLayer
Definition: all_layers.hpp:222
cv::viz::Viz3d::showWidget
void showWidget(const String &id, const Widget &widget, const Affine3d &pose=Affine3d::Identity())
Shows a widget in the window.
cv::CAP_PROP_XI_DOWNSAMPLING_TYPE
@ CAP_PROP_XI_DOWNSAMPLING_TYPE
Change image downsampling type.
Definition: videoio.hpp:368
cv::hal::cvtGraytoBGR5x5
void cvtGraytoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
cv::StereoBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::structured_light::GrayCodePattern::Params
Parameters of StructuredLightPattern constructor.
Definition: graycodepattern.hpp:77
cv::datasets::MSM_epflObj::p
Matx34d p
Definition: msm_epfl.hpp:73
cv::detail::tracking::TrackerSampler::getSamples
const std::vector< Mat > & getSamples() const
Return the samples from all TrackerSamplerAlgorithm, Fig. 1 variable Sk.
cv::ocl::OpenCLExecutionContextScope::~OpenCLExecutionContextScope
~OpenCLExecutionContextScope()
Definition: ocl.hpp:830
cv::cuda::DeviceInfo::warpSize
int warpSize() const
warp size in threads
cv::FlannBasedMatcher::add
virtual void add(InputArrayOfArrays descriptors) CV_OVERRIDE
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
cv::Subdiv2D::setEdgePoints
void setEdgePoints(int edge, int orgPt, int dstPt)
cv::dnn::Layer::inputNameToIndex
virtual int inputNameToIndex(String inputName)
Returns index of input blob into the input array.
cv::sfm::fundamentalFromCorrespondences7PointRobust
double fundamentalFromCorrespondences7PointRobust(InputArray x1, InputArray x2, double max_error, OutputArray F, OutputArray inliers, double outliers_probability=1e-2)
Estimate robustly the fundamental matrix between two dataset of 2D point (image coords space).
cv::COLOR_BayerRG2RGB_EA
@ COLOR_BayerRG2RGB_EA
Definition: imgproc.hpp:777
cv::cudev::sqr_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:439
cv::viz::Widget::~Widget
virtual ~Widget()
NppStInterpolationState::size
NcvSize32u size
frame size
Definition: NPP_staging.hpp:116
cv::detail::tracking::feature::CvHaarEvaluator::FeatureHaar
Definition: tracking_feature.private.hpp:103
cv::detail::wrap_opt_arg
GOptRunArgP wrap_opt_arg(optional< T > &arg)
Definition: gstreaming.hpp:76
cv::cuda::CannyEdgeDetector
Base class for Canny Edge Detector. :
Definition: cudaimgproc.hpp:289
cv::CAP_OPENNI_VGA_30HZ
@ CAP_OPENNI_VGA_30HZ
Definition: videoio.hpp:278
cv::detail::GainCompensator::prepareSimilarityMask
void prepareSimilarityMask(const std::vector< Point > &corners, const std::vector< UMat > &images)
cv::hal::max32s
void max32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::isAligned
static bool isAligned(const T &data)
Alignment check of passed values.
Definition: utility.hpp:517
NCVMatrixAlloc::isMemAllocated
NcvBool isMemAllocated() const
Definition: NCV.hpp:893
cv::DetectionBasedTracker::trackedObjects
std::vector< TrackedObject > trackedObjects
Definition: detection_based_tracker.hpp:205
nppiStIntegral_32f32f_C1R_host
NCVStatus nppiStIntegral_32f32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::gapi::s11n::IOStream::~IOStream
virtual ~IOStream()=default
cv::sfm::depth
double depth(InputArray R, InputArray t, InputArray X)
Returns the depth of a point transformed by a rigid transform.
cv::CAP_ANDROID
@ CAP_ANDROID
Android - not used.
Definition: videoio.hpp:105
cv::Error::StsObjectNotFound
@ StsObjectNotFound
request can't be completed
Definition: base.hpp:104
cv::detail::tracking::TrackerSamplerCS::getROI
Rect getROI() const
cv::datasets::turnaround
@ turnaround
Definition: gr_skig.hpp:70
cv::cuda::CascadeClassifier::convert
virtual void convert(OutputArray gpu_objects, std::vector< Rect > &objects)=0
Converts objects array from internal representation to standard vector.
cv::ovis::ENTITY_MATERIAL
@ ENTITY_MATERIAL
Definition: ovis.hpp:74
cv::Allocator::destroy
void destroy(pointer p)
Definition: cvstd.hpp:136
cv::cuda::BackgroundSubtractorGMG::getMaxFeatures
virtual int getMaxFeatures() const =0
CV_ERROR_OK
@ CV_ERROR_OK
No error.
Definition: llapi.h:33
cv::Allocator::address
const_pointer address(const_reference r)
Definition: cvstd.hpp:130
cv::util::holds_alternative
bool holds_alternative(const util::variant< Types... > &v) noexcept
Definition: variant.hpp:406
cv::rgbd::RgbdPlane::setBlockSize
void setBlockSize(int val)
Definition: depth.hpp:393
cv::cudev::ScharrXPtrSz::rows
int rows
Definition: deriv.hpp:256
cv::sum
Scalar sum(InputArray src)
Calculates the sum of array elements.
cv::ml::LogisticRegression::RegKinds
RegKinds
Regularization kinds.
Definition: ml.hpp:1672
cv::detail::createWeightMap
void createWeightMap(InputArray mask, float sharpness, InputOutputArray weight)
cv::cudev::ScharrYPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:288
cv::BORDER_DEFAULT
@ BORDER_DEFAULT
same as BORDER_REFLECT_101
Definition: base.hpp:277
cv::SparsePyrLKOpticalFlow::setFlags
virtual void setFlags(int flags)=0
cv::detail::ExposureCompensator::apply
virtual void apply(int index, Point corner, InputOutputArray image, InputArray mask)=0
Compensate exposure in the specified image.
cv::DetectionBasedTracker::IDetector::IDetector
IDetector()
Definition: detection_based_tracker.hpp:71
cv::detail::is_gmat_type::value
static constexpr const bool value
Definition: gfluidkernel.hpp:258
cv::legacy::TrackerBoosting::Params::samplerOverlap
float samplerOverlap
search region parameters to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:155
cv::ml::EM
The class implements the Expectation Maximization algorithm.
Definition: ml.hpp:837
cv::GArray::GArray
GArray(detail::GArrayU &&ref)
Definition: garray.hpp:349
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Definition: warpers.hpp:514
cv::ocl::Queue::p
Impl * p
Definition: ocl.hpp:378
cv::optflow::DualTVL1OpticalFlow::getOuterIterations
virtual int getOuterIterations() const =0
Outer iterations (number of inner loops) used in the numerical scheme.
cv::cudev::DefaultReduceToVecPolicy::block_size_y
@ block_size_y
Definition: reduce_to_vec.hpp:215
cv::hdf::HDF5::atwrite
virtual void atwrite(const String &value, const String &atlabel)=0
cv::DetectionBasedTracker::getObjects
virtual void getObjects(std::vector< Object > &result) const
cv::copyMakeBorder
void copyMakeBorder(InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar())
Forms a border around an image.
cv::viz::WCloudNormals
This 3D Widget represents normals of a point cloud. :
Definition: widgets.hpp:765
CV_CUDEV_RGB2Luv_INST
#define CV_CUDEV_RGB2Luv_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:371
nppsStCompact_32u_host
NCVStatus nppsStCompact_32u_host(Ncv32u *h_src, Ncv32u srcLen, Ncv32u *h_dst, Ncv32u *dstLen, Ncv32u elemRemove)
hal_ni_max8u
int hal_ni_max8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:103
hal_ni_addWeighted16s
int hal_ni_addWeighted16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:321
cv::Vec3i
Vec< int, 3 > Vec3i
Definition: matx.hpp:422
cv::TonemapDrago::getSaturation
virtual float getSaturation() const =0
cv::HOGDescriptor
Implementation of HOG (Histogram of Oriented Gradients) descriptor and object detector.
Definition: objdetect.hpp:373
cv::optflow::OpticalFlowPCAFlow::dampingFactor
const float dampingFactor
Definition: pcaflow.hpp:102
cv::ml::DTrees::getPriors
virtual cv::Mat getPriors() const =0
The array of a priori class probabilities, sorted by the class label value.
cv::COLOR_BGR2XYZ
@ COLOR_BGR2XYZ
convert RGB/BGR to CIE XYZ, color conversions
Definition: imgproc.hpp:579
cv::COLOR_BayerBG2RGB
@ COLOR_BayerBG2RGB
Definition: imgproc.hpp:748
cv::CompressedRectilinearWarper
Definition: warpers.hpp:194
cv::ocl::OpenCLExecutionContext::operator=
OpenCLExecutionContext & operator=(OpenCLExecutionContext &&)=default
cv::optflow::RLOFOpticalFlowParameter::setNormSigma0
void setNormSigma0(float val)
cv::detail::TypeHintBase
Definition: garray.hpp:61
cv::Feature2D::detectAndCompute
virtual void detectAndCompute(InputArray image, InputArray mask, std::vector< KeyPoint > &keypoints, OutputArray descriptors, bool useProvidedKeypoints=false)
OPENCV_HAL_IMPL_RVV_INTERLEAVED
#define OPENCV_HAL_IMPL_RVV_INTERLEAVED(_Tpvec, _Tp, suffix, width)
Definition: intrin_rvv.hpp:2166
cv::createEMDL1HistogramCostExtractor
Ptr< HistogramCostExtractor > createEMDL1HistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
cv::MatStep::operator[]
const size_t & operator[](int i) const
cv::_InputArray::dims
int dims(int i=-1) const
cv::CAP_GSTREAMER
@ CAP_GSTREAMER
GStreamer.
Definition: videoio.hpp:117
cv::videostab::TranslationBasedLocalOutlierRejector::process
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask) CV_OVERRIDE
cv::COLOR_BGR2YCrCb
@ COLOR_BGR2YCrCb
convert RGB/BGR to luma-chroma (aka YCC), color conversions
Definition: imgproc.hpp:584
cv::AVIReadContainer::m_width
unsigned int m_width
Definition: container_avi.private.hpp:129
cv::ocl::Kernel::set
int set(int i, const _Tp &value)
Definition: ocl.hpp:441
cv::DISOpticalFlow::getGradientDescentIterations
virtual int getGradientDescentIterations() const =0
Maximum number of gradient descent iterations in the patch inverse search stage. Higher values may im...
cv::GArg::unsafe_get
const T & unsafe_get() const
Definition: garg.hpp:82
cv::detail::tracking::tbm::Track::objects
TrackedObjects objects
Detected objects;.
Definition: tracking_by_matching.hpp:386
cv::ovis::WindowScene::setCompositors
virtual void setCompositors(const std::vector< String > &names)=0
cv::CAP_PVAPI_FSTRIGMODE_FREERUN
@ CAP_PVAPI_FSTRIGMODE_FREERUN
Freerun.
Definition: videoio.hpp:311
cv::ml::TrainData::~TrainData
virtual ~TrainData()
cv::datasets::cameraParam
Definition: msm_epfl.hpp:61
cv::BFMatcher::isMaskSupported
virtual bool isMaskSupported() const CV_OVERRIDE
Returns true if the descriptor matcher supports masking permissible matches.
Definition: features2d.hpp:1211
cv::v_lut_pairs
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut_pairs(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2185
cv::cudev::RemapPtr2
Definition: remap.hpp:76
cv::detail::RotationWarper::~RotationWarper
virtual ~RotationWarper()
Definition: warpers.hpp:62
hal_ni_split32s
int hal_ni_split32s(const int *src_data, int **dst_data, int len, int cn)
Definition: hal_replacement.hpp:347
CV_PI_F
#define CV_PI_F
Definition: common.hpp:87
cv::videostab::TranslationBasedLocalOutlierRejector::TranslationBasedLocalOutlierRejector
TranslationBasedLocalOutlierRejector()
cv::detail::SeamFinder::createDefault
static Ptr< SeamFinder > createDefault(int type)
cv::COLOR_BGRA2BGR555
@ COLOR_BGRA2BGR555
Definition: imgproc.hpp:571
cv::toUpperCase
static std::string toUpperCase(const std::string &str)
Definition: cvstd.hpp:178
cv::detail::tracking::tbm::TrackerParams::reid_thr
float reid_thr
Affinity threshold for re-identification.
Definition: tracking_by_matching.hpp:300
cv::detail::tracking::TrackerFeatureSet::getResponses
const std::vector< Mat > & getResponses() const
Get the responses.
cv::ocl::Kernel::~Kernel
~Kernel()
cvdefs.hpp
deriv.hpp
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::predict
virtual Mat predict(InputArray control=noArray())=0
cv::operator*=
v_reg< _Tp, n > & operator*=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::TM_CCORR
@ TM_CCORR
Definition: imgproc.hpp:3675
cv::ocl::PlatformInfo
Definition: ocl.hpp:615
OPENCV_HAL_IMPL_RVV_BIN_OP
#define OPENCV_HAL_IMPL_RVV_BIN_OP(bin_op, _Tpvec, intrin, width)
Definition: intrin_rvv.hpp:1178
cv::IMWRITE_JPEG_PROGRESSIVE
@ IMWRITE_JPEG_PROGRESSIVE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:88
cv::CAP_PROP_XI_DECIMATION_SELECTOR
@ CAP_PROP_XI_DECIMATION_SELECTOR
Decimation engine selector.
Definition: videoio.hpp:373
cv::KeyPointsFilter::retainBest
static void retainBest(std::vector< KeyPoint > &keypoints, int npoints)
cv::MinProblemSolver::Function::getGradientEps
virtual double getGradientEps() const
cudafilters.hpp
cv::cudev::DerivYPtr::src
SrcPtr src
Definition: deriv.hpp:106
cv::cuda::BackgroundSubtractorMOG::getNoiseSigma
virtual double getNoiseSigma() const =0
cv::ogl::Buffer::unmapDevice
void unmapDevice()
NCVMemNativeAllocator::isCounting
virtual NcvBool isCounting() const
cv::detail::OpaqueRef::reset
void reset()
Definition: gopaque.hpp:256
cv::softdouble::v
uint64_t v
Definition: softfloat.hpp:362
cv::Mat::allocator
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2102
cv::stereo::StereoBinarySGBM::getP1
virtual int getP1() const =0
cv::quality::QualityGMSD::_mat_data::gradient_map
mat_type gradient_map
Definition: qualitygmsd.hpp:61
cv::CAP_FIREWARE
@ CAP_FIREWARE
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:95
cv::v_extract_n
_Tp v_extract_n(const v_reg< _Tp, n > &v)
Vector extract.
Definition: intrin_cpp.hpp:1946
cv::detail::tracking::contrib_feature::CvHaarEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
cvv::FinalShowCaller::~FinalShowCaller
~FinalShowCaller()
Calls finalShow().
Definition: final_show.hpp:42
cv::detail::PlaneWarper::buildMaps
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.
cv::CalibrateCRF::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
Recovers inverse camera response.
NcvPoint2D32u::y
Ncv32u y
Point Y.
Definition: NCV.hpp:203
cv::dnn::ActivationLayer
Definition: all_layers.hpp:424
cv::SparseMat::Hdr::pool
std::vector< uchar > pool
Definition: mat.hpp:2681
cv::dnn::LSTMLayer::setProduceCellOutput
virtual void setProduceCellOutput(bool produce=false)=0
If this flag is set to true then layer will produce as second output.
cv::videostab::DeblurerBase::blurrinessRates
virtual const std::vector< float > & blurrinessRates() const
Definition: deblurring.hpp:81
cv::dynafu::Params
kinfu::Params Params
DynamicFusion implementation.
Definition: dynafu.hpp:44
cv::aruco::DetectorParameters::cornerRefinementMinAccuracy
double cornerRefinementMinAccuracy
Definition: aruco.hpp:169
cv::TrackerCSRT::Params::scale_lr
float scale_lr
Definition: tracking.hpp:71
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::printAttrs
virtual void printAttrs() const CV_OVERRIDE
cv::KMEANS_PP_CENTERS
@ KMEANS_PP_CENTERS
Definition: core.hpp:214
cv::viz::Color::pink
static Color pink()
cv::videostab::MoreAccurateMotionWobbleSuppressor
Definition: wobble_suppression.hpp:114
cv::line_descriptor::KeyLine::endPointX
float endPointX
Definition: descriptor.hpp:128
video.hpp
cv::ParamType< bool >::member_type
bool member_type
Definition: core.hpp:3196
cv::hal::sub64f
void sub64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::viz::Color::apricot
static Color apricot()
cv::Algorithm::write
virtual void write(FileStorage &fs) const
Stores algorithm parameters in a file storage.
Definition: core.hpp:3099
cv::util::bad_any_cast
Definition: any.hpp:43
cv::SparseMat_::SparseMat_
SparseMat_(const SparseMat_ &m)
the copy constructor. This is O(1) operation - no data is copied
cv::detail::tracking::contrib_feature::CvLBPEvaluator::sum
Mat sum
Definition: feature.hpp:397
cv::cudev::LaplacianPtr< 3, SrcPtr >::src
SrcPtr src
Definition: deriv.hpp:354
cv::detail::tracking::TrackerTargetState::targetHeight
int targetHeight
Definition: tracking.private.hpp:206
stereo.hpp
cv::dnn::LSTMLayer
LSTM recurrent layer.
Definition: all_layers.hpp:91
cv::TonemapMantiuk::setSaturation
virtual void setSaturation(float saturation)=0
hal_ni_gaussianBlur
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
cv::StereoMatcher::setMinDisparity
virtual void setMinDisparity(int minDisparity)=0
cv::PyRotationWarper::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap)
Builds the projection maps according to the given camera data.
cv::boxPoints
void boxPoints(RotatedRect box, OutputArray points)
Finds the four vertices of a rotated rect. Useful to draw the rotated rectangle.
cv::ocl::Kernel::workGroupSize
size_t workGroupSize() const
cv::datasets::MSM_middleburyObj::k
Matx33d k
Definition: msm_middlebury.hpp:63
NPPST_CUDA_KERNEL_EXECUTION_ERROR
@ NPPST_CUDA_KERNEL_EXECUTION_ERROR
CUDA kernel execution error.
Definition: NCV.hpp:357
cv::dnn::Model::setInputScale
Model & setInputScale(double scale)
Set scalefactor value for frame.
cv::gapi::wip::draw::renderNV12
GMat2 renderNV12(const GMat &y, const GMat &uv, const GArray< Prim > &prims)
Renders on two planes.
cv::cudev::NormL1< float >::result_type
float result_type
Definition: vec_distance.hpp:93
cv::ximgproc::AdaptiveManifoldFilter::getSigmaS
virtual double getSigmaS() const =0
cv::cuda::HOG::create
static Ptr< HOG > create(Size win_size=Size(64, 128), Size block_size=Size(16, 16), Size block_stride=Size(8, 8), Size cell_size=Size(8, 8), int nbins=9)
Creates the HOG descriptor and detector.
cv::GPlaidMLKernel::GPlaidMLKernel
GPlaidMLKernel(const F &f)
Definition: gplaidmlkernel.hpp:62
cv::hal::cvtBGRtoGray
void cvtBGRtoGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
cv::COLOR_BGR2BGR565
@ COLOR_BGR2BGR565
convert between RGB/BGR and BGR565 (16-bit images)
Definition: imgproc.hpp:555
cv::Quat::operator*
Quat< _Tp > operator*(const Quat< _Tp > &) const
Multiplication operator of two quaternions q and p. Multiplies values on either side of the operator.
CV_MAKETYPE
#define CV_MAKETYPE(depth, cn)
Definition: interface.h:85
cv::to_own
std::vector< T > to_own(const cv::MatSize &sz)
Definition: convert.hpp:19
cv::ccalib::CustomPattern::calibrate
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
cv::CAP_PROP_XI_GAMMAY
@ CAP_PROP_XI_GAMMAY
Luminosity gamma.
Definition: videoio.hpp:411
cv::BackgroundSubtractorMOG2::getHistory
virtual int getHistory() const =0
Returns the number of last frames that affect the background model.
cv::face::FacemarkLBF::BBox::y
double y
Definition: facemarkLBF.hpp:105
cv::Allocator::address
pointer address(reference r)
Definition: cvstd.hpp:129
cv::detail::tracking::tbm::IDescriptorDistance::compute
virtual std::vector< float > compute(const std::vector< cv::Mat > &descrs1, const std::vector< cv::Mat > &descrs2)=0
Computes distances between two descriptors in batches.
cv::TrackerCSRT::Params::template_size
float template_size
Definition: tracking.hpp:56
cv::MergeExposures::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response)=0
Merges images.
cv::detail::tracking::contrib_feature::CvHOGEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
cv::sfm::BaseSFM::run
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d)=0
cv::detail::tracking::feature::CvHaarEvaluator::getFeatures
CvHaarEvaluator::FeatureHaar & getFeatures(int idx)
Definition: tracking_feature.private.hpp:132
cv::RNG_MT19937::seed
void seed(unsigned s)
cv::legacy::TrackerKCF::MODE
enum cv::tracking::TrackerKCF::MODE MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracking_legacy.hpp:269
cv::optflow::DualTVL1OpticalFlow::getInnerIterations
virtual int getInnerIterations() const =0
Inner iterations (between outlier filtering) used in the numerical scheme.
cv::haveOpenVX
bool haveOpenVX()
Check if use of OpenVX is possible.
cv::cudev::NormHamming::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:169
cv::optflow::GPCForest::train
void train(InputArrayOfArrays imagesFrom, InputArrayOfArrays imagesTo, InputArrayOfArrays gt, const GPCTrainingParams params=GPCTrainingParams())
Definition: sparse_matching_gpc.hpp:257
cv::datasets::TRACK_alov::getDatasetLength
virtual int getDatasetLength(int id)=0
cv::dnn::Model::Model
Model(Model &&)=default
cv::cuda::CascadeClassifier::setScaleFactor
virtual void setScaleFactor(double scaleFactor)=0
Parameter specifying how much the image size is reduced at each image scale.
cv::detail::WaveCorrectKind
WaveCorrectKind
Definition: motion_estimators.hpp:329
cv::CHAIN_APPROX_TC89_KCOS
@ CHAIN_APPROX_TC89_KCOS
Definition: imgproc.hpp:441
cv::KAZE::DiffusivityType
DiffusivityType
Definition: features2d.hpp:764
cv::detail::CylindricalWarperGpu::CylindricalWarperGpu
CylindricalWarperGpu(float scale)
Definition: warpers.hpp:590
cv::MatOp::multiply
virtual void multiply(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
cv::stereo::CV_STAR_KERNEL
@ CV_STAR_KERNEL
Definition: descriptor.hpp:15
cv::detail::get_out< cv::GArray< U > >::get
static std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:271
cv::directx::getTypeFromDXGI_FORMAT
int getTypeFromDXGI_FORMAT(const int iDXGI_FORMAT)
Get OpenCV type from DirectX type.
cv::viz::Viz3d::wasStopped
bool wasStopped() const
Returns whether the event loop has been stopped.
cv::img_hash::RadialVarianceHash::setNumOfAngleLine
void setNumOfAngleLine(int value)
cv::cudev::BrdConstant::rows
int rows
Definition: extrapolation.hpp:66
cv::GKernel::M
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gkernel.hpp:45
hal_ni_QR64f
int hal_ni_QR64f(double *src1, size_t src1_step, int m, int n, int k, double *src2, size_t src2_step, double *dst, int *info)
Definition: hal_replacement.hpp:655
cv::detail::ImageFeatures::descriptors
UMat descriptors
Definition: matchers.hpp:63
cv::datasets::OR_sunObj::label
int label
Definition: or_sun.hpp:62
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel, const int compresslevel, const vector< int > &dims_chunks) const =0
cv::GeneralizedHoughBallard::getVotesThreshold
virtual int getVotesThreshold() const =0
cv::KalmanFilter::processNoiseCov
Mat processNoiseCov
process noise covariance matrix (Q)
Definition: tracking.hpp:398
cv::cudev::greater_equal
Definition: functional.hpp:173
cv::GFrameDesc::fmt
MediaFormat fmt
Definition: gframe.hpp:57
cv::COLOR_RGB2GRAY
@ COLOR_RGB2GRAY
Definition: imgproc.hpp:547
OPENCV_HAL_IMPL_C_RSHR_PACK
#define OPENCV_HAL_IMPL_C_RSHR_PACK(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2500
cv::cudev::IsBinaryFunction::No::a
Yes a[2]
Definition: functional.hpp:890
cv::cnn_3dobj::icoSphere::swapEndian
static int swapEndian(int val)
Suit the position of bytes in 4 byte data structure for particular system.
camera.hpp
cv::randu
void randu(InputOutputArray dst, InputArray low, InputArray high)
Generates a single uniformly-distributed random number or an array of random numbers.
cv::ml::DTrees::setPriors
virtual void setPriors(const cv::Mat &val)=0
The array of a priori class probabilities, sorted by the class label value.
cv::cuda::pow
void pow(InputArray src, double power, OutputArray dst, Stream &stream=Stream::Null())
Raises every matrix element to a power.
cv::Point_::y
_Tp y
y coordinate of the point
Definition: types.hpp:187
cv::SOLVEPNP_ITERATIVE
@ SOLVEPNP_ITERATIVE
Definition: calib3d.hpp:457
cv::cudev::Avg::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:94
cv::cuda::StereoBeliefPropagation::setDiscSingleJump
virtual void setDiscSingleJump(double disc_single_jump)=0
cv::AVIReadContainer::m_movi_start
unsigned long long int m_movi_start
Definition: container_avi.private.hpp:126
cv::SparseOpticalFlow::calc
virtual void calc(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err=cv::noArray())=0
Calculates a sparse optical flow.
cv::instr::NodeData::m_retAddress
void * m_retAddress
Definition: instrumentation.hpp:82
cv::_OutputArray::assign
void assign(const Mat &m) const
cv::CascadeClassifier::empty
bool empty() const
Checks whether the classifier has been loaded.
cv::gapi::BayerGR2RGB
GMat BayerGR2RGB(const GMat &src_gr)
Converts an image from BayerGR color space to RGB. The function converts an input image from BayerGR ...
cv::ppf_match_3d::hashtableInsert
int hashtableInsert(hashtable_int *hashtbl, KeyType key, void *data)
cv::Matx< double, 4, 4 >::all
static Matx all(double alpha)
cv::videostab::StabilizerBase::doCorrectionForInclusion
bool doCorrectionForInclusion() const
Definition: stabilizer.hpp:93
cv::cuda::Stream::waitForCompletion
void waitForCompletion()
Blocks the current CPU thread until all operations in the stream are complete.
cv::uint8_t
::uint8_t uint8_t
Definition: cvdef.h:795
cv::detail::tracking::tbm::TrackerParams::aff_thr_fast
float aff_thr_fast
Definition: tracking_by_matching.hpp:273
cv::AffineFeature::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::cudev::hypot
__device__ __forceinline__ float1 hypot(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:803
cv::hal::LU64f
int LU64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
cv::superres::createFrameSource_Video
Ptr< FrameSource > createFrameSource_Video(const String &fileName)
cv::AutoBuffer
Automatically Allocated Buffer Class.
Definition: utility.hpp:102
cv::cudev::TransposeBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: warping.hpp:157
cv::GTypeInfo::kind
cv::detail::OpaqueKind kind
Definition: gkernel.hpp:32
cv::getPerspectiveTransform
Mat getPerspectiveTransform(InputArray src, InputArray dst, int solveMethod=DECOMP_LU)
Calculates a perspective transform from four pairs of the corresponding points.
cv::TLSData::deleteDataInstance
virtual void deleteDataInstance(void *pData) const CV_OVERRIDE
Wrapper to release data by template.
Definition: tls.hpp:80
cv::ocl::predictOptimalVectorWidth
int predictOptimalVectorWidth(InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray(), OclVectorStrategy strat=OCL_VECTOR_DEFAULT)
cv::StereoBM::setPreFilterSize
virtual void setPreFilterSize(int preFilterSize)=0
cv::dnn_superres::DnnSuperResImpl::getScale
int getScale()
Returns the scale factor of the model:
cv::VideoCapture::set
virtual bool set(int propId, double value)
Sets a property in the VideoCapture.
cv::gapi::ie::detail::ParamDesc::is_generic
bool is_generic
Definition: ie.hpp:68
cv::cuda::DeviceInfo::maxSurface1D
int maxSurface1D() const
maximum 1D surface size
cv::bioinspired::RetinaParameters::IplMagnoParameters::localAdaptintegration_tau
float localAdaptintegration_tau
Definition: retina.hpp:176
cv::COLOR_YUV2RGBA_YUYV
@ COLOR_YUV2RGBA_YUYV
Definition: imgproc.hpp:709
cv::WarperCreator::~WarperCreator
virtual ~WarperCreator()
Definition: warpers.hpp:142
cv::viz::Color::gold
static Color gold()
cv::LDA::reconstruct
Mat reconstruct(InputArray src)
cv::cnn_3dobj::icoSphere::CameraPos
std::vector< cv::Point3d > CameraPos
Camera position on the sphere after duplicated points elimination.
Definition: cnn_3dobj.hpp:159
cv::detail::PlanePortraitWarper
Definition: warpers.hpp:664
cv::Error::StsBackTrace
@ StsBackTrace
pseudo error for back trace
Definition: base.hpp:70
cv::vwcvt_x_x_v_i16m1
vint16m1_t vwcvt_x_x_v_i16m1(vint8mf2_t v)
Definition: intrin_rvv.hpp:191
cv::cudev::vec_math_detail::SatCastHelper
Definition: vec_math.hpp:61
cv::cuda::SparsePyrLKOpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool useInitialFlow)=0
nppiStSqrIntegral_8u64u_C1R_host
NCVStatus nppiStSqrIntegral_8u64u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::hal::cvtBGRtoHSV
void cvtBGRtoHSV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isFullRange, bool isHSV)
cv::TonemapDrago::setSaturation
virtual void setSaturation(float saturation)=0
cv::softdouble::isSubnormal
bool isSubnormal() const
Subnormal number indicator.
Definition: softfloat.hpp:309
cv::v_uint16x8
v_reg< ushort, 8 > v_uint16x8
Eight 16-bit unsigned integer values.
Definition: intrin_cpp.hpp:397
cv::getNumberOfCPUs
int getNumberOfCPUs()
Returns the number of logical CPUs available for the process.
cv::ximgproc::RICInterpolator::getModelIter
virtual int getModelIter() const =0
Parameter defining the number of iterations for piece-wise affine model estimation.
cv::quality::QualityGMSD::_mat_data::_mat_data
_mat_data()=default
cv::detail::FeaturesMatcher::match
virtual void match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info)=0
This method must implement matching logic in order to make the wrappers detail::FeaturesMatcher::oper...
cv::utils::logging::LogTagAuto::LogTagAuto
LogTagAuto(const char *_name, LogLevel _level)
Definition: logger.hpp:51
cv::optflow::INTERP_EPIC
@ INTERP_EPIC
Definition: rlofflow.hpp:33
cv::GMetaArgs
std::vector< GMetaArg > GMetaArgs
Definition: gmetaarg.hpp:46
nppiStDecimate_64s_C1R_host
NCVStatus nppiStDecimate_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStep, Ncv64s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::gapi::wip::draw::FText::text
std::wstring text
The text string to be drawn.
Definition: render_types.hpp:113
cv::THRESH_TOZERO
@ THRESH_TOZERO
Definition: imgproc.hpp:323
cv::WarpPolarMode
WarpPolarMode
Specify the polar mapping mode.
Definition: imgproc.hpp:280
cv::GFluidKernel::m_b
const B m_b
Definition: gfluidkernel.hpp:92
cv::utils::optional_shared_lock_guard
An optional shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:100
cv::rapid::extractLineBundle
void extractLineBundle(int len, InputArray ctl2d, InputArray img, OutputArray bundle, OutputArray srcLocations)
cv::Mat_::Mat_
Mat_(Size _size)
equivalent to Mat(_size, DataType<_Tp>::type)
cv::CAP_PROP_IMAGES_LAST
@ CAP_PROP_IMAGES_LAST
Definition: videoio.hpp:596
cv::CAP_PROP_XI_HDR_T1
@ CAP_PROP_XI_HDR_T1
Position of first kneepoint(in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:478
cv::detail::PairwiseSeamFinder::run
void run()
cv::minAreaRect
RotatedRect minAreaRect(InputArray points)
Finds a rotated rectangle of the minimum area enclosing the input 2D point set.
cv::Mat::elemSize
size_t elemSize() const
Returns the matrix element size in bytes.
cv::detail::GraphCutSeamFinderBase
Base class for all minimum graph-cut-based seam estimators.
Definition: seam_finders.hpp:233
cv::MediaFrame::access
View access(Access) const
cv::StereoBM::getPreFilterType
virtual int getPreFilterType() const =0
cv::stereo::Match::p0
cv::Point2i p0
Definition: quasi_dense_stereo.hpp:29
cv::linemod::getDefaultLINEMOD
Ptr< linemod::Detector > getDefaultLINEMOD()
Factory function for detector using LINE-MOD algorithm with color gradients and depth normals.
HaarStage64::setStageThreshold
__host__ NCVStatus setStageThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:276
cv::gapi::GNetPackage::networks
std::vector< GNetParam > networks
Definition: infer.hpp:464
cv::util::monostate
Definition: variant.hpp:57
cv::gapi::copy
GMat copy(const GMat &in)
Makes a copy of the input image. Note that this copy may be not real (no actual data copied)....
cv::INTER_NEAREST_EXACT
@ INTER_NEAREST_EXACT
Definition: imgproc.hpp:261
cv::LDA::_eigenvectors
Mat _eigenvectors
Definition: core.hpp:2621
cv::cudev::DefaultHistogramPolicy::block_size_y
@ block_size_y
Definition: histogram.hpp:104
cv::Stitcher::PANORAMA
@ PANORAMA
Definition: stitching.hpp:167
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:1037
cv::cudacodec::EncoderParams::ForceIntra
int ForceIntra
NVVE_FORCE_INTRA,.
Definition: cudacodec.hpp:98
cv::ml::SVM::Types
Types
SVM type
Definition: ml.hpp:618
cv::dnn::SliceLayer::sliceRanges
std::vector< std::vector< Range > > sliceRanges
Vector of slice ranges.
Definition: all_layers.hpp:366
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature
Definition: onlineBoosting.hpp:177
cv::datasets::OR_pascal::create
static Ptr< OR_pascal > create()
cv::hal::cvtYUVtoBGR
void cvtYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isCbCr)
cv::MONOCHROME_TRANSFER
@ MONOCHROME_TRANSFER
Definition: photo.hpp:721
cv::dnn::MishLayer
Definition: all_layers.hpp:471
CvVideoCamera
Definition: cap_ios.h:101
cv::face::StandardCollector::PredictResult::label
int label
Definition: predict_collector.hpp:87
cv::ximgproc::RICInterpolator::getSuperpixelRuler
virtual float getSuperpixelRuler() const =0
Parameter to tune enforcement of superpixel smoothness factor used for oversegmentation.
nppiStTranspose_32s_C1R_host
NCVStatus nppiStTranspose_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStride, Ncv32s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::detail::tracking::feature::CvHaarEvaluator::getFeatures
const std::vector< CvHaarEvaluator::FeatureHaar > & getFeatures() const
Definition: tracking_feature.private.hpp:131
cv::dnn::Layer::initCUDA
virtual Ptr< BackendNode > initCUDA(void *context, const std::vector< Ptr< BackendWrapper >> &inputs, const std::vector< Ptr< BackendWrapper >> &outputs)
Returns a CUDA backend node.
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< _Tp > &vec)
cv::cuda::HostMem::~HostMem
~HostMem()
cv::ovis::setMaterialProperty
void setMaterialProperty(const String &name, int prop, const Scalar &value)
cv::cuda::dft
void dft(InputArray src, OutputArray dst, Size dft_size, int flags=0, Stream &stream=Stream::Null())
Performs a forward or inverse discrete Fourier transform (1D or 2D) of the floating point matrix.
cv::COLOR_RGB2HSV_FULL
@ COLOR_RGB2HSV_FULL
Definition: imgproc.hpp:611
cv::detail::DisjointSets::parent
std::vector< int > parent
Definition: util.hpp:64
cv::AffineFeature::getViewParams
virtual void getViewParams(std::vector< float > &tilts, std::vector< float > &rolls) const =0
cv::gapi::own::Mat::create
void create(const std::vector< int > &_dims, int _type)
Definition: mat.hpp:245
NcvRect32s
Definition: NCV.hpp:149
cv::CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
@ CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT
Number of buffers to commit to low level.
Definition: videoio.hpp:470
cv::detail::PlaneWarperGpu::PlaneWarperGpu
PlaneWarperGpu(float scale=1.f)
Definition: warpers.hpp:504
cv::ml::createConcentricSpheresTestSet
void createConcentricSpheresTestSet(int nsamples, int nfeatures, int nclasses, OutputArray samples, OutputArray responses)
Creates test set.
cv::ximgproc::DisparityWLSFilter::setLRCthresh
virtual void setLRCthresh(int _LRC_thresh)=0
cv::COLOR_YUV2BGR_Y422
@ COLOR_YUV2BGR_Y422
Definition: imgproc.hpp:683
cv::DIST_LABEL_PIXEL
@ DIST_LABEL_PIXEL
Definition: imgproc.hpp:372
cv::detail::tracking::TrackerSamplerCSC::sampling
bool sampling(const Mat &image, const Rect &boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
Computes the regions starting from a position in an image.
cv::cuda::HostMem::data
uchar * data
Definition: cuda.hpp:593
cv::xphoto::LearningBasedWB
More sophisticated learning-based automatic white balance algorithm.
Definition: white_balance.hpp:169
cv::rgbd::RgbdPlane::create
static Ptr< RgbdPlane > create(int method, int block_size, int min_size, double threshold, double sensor_error_a=0, double sensor_error_b=0, double sensor_error_c=0)
cv::cuda::BackgroundSubtractorMOG2::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
cv::UMat::dims
int dims
the matrix dimensionality, >= 2
Definition: mat.hpp:2555
cv::optflow::DualTVL1OpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool val)=0
Use initial flow.
cv::SparseMat::Hdr::freeList
size_t freeList
Definition: mat.hpp:2680
cv::saliency::MotionSaliencyBinWangApr2014::setImagesize
void setImagesize(int W, int H)
This is a utility function that allows to set the correct size (taken from the input image) in the co...
cv::cudev::SobelXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:166
hal_ni_mul8s
int hal_ni_mul8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:239
cv::toLowerCase
static std::string toLowerCase(const std::string &str)
Definition: cvstd.hpp:171
cv::gapi::detail::tryDeserializeCompArg
cv::util::optional< GCompileArg > tryDeserializeCompArg(const std::string &tag, const std::vector< char > &sArg)
Definition: s11n.hpp:311
cv::cuda::HoughLinesDetector::getMaxLines
virtual int getMaxLines() const =0
cv::CAP_PROP_XI_ACQ_BUFFER_SIZE
@ CAP_PROP_XI_ACQ_BUFFER_SIZE
Acquisition buffer size in buffer_size_unit. Default bytes.
Definition: videoio.hpp:466
cv::detail::DpSeamFinder::DpSeamFinder
DpSeamFinder(String costFunc)
cv::sfm::BaseSFM::getPoints
virtual void getPoints(OutputArray points3d)=0
cv::face::FacemarkAAM::Config::R
Mat R
Definition: facemarkAAM.hpp:88
cv::ppf_match_3d::hashtableGet
void * hashtableGet(hashtable_int *hashtbl, KeyType key)
cv::cudev::gridMerge_
__host__ void gridMerge_(const SrcPtrTuple &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:64
cv::Quat::tan
friend Quat< T > tan(const Quat< T > &q)
return tan value of quaternion q, tan could be calculated as:
cv::cuda::calcNorm
void calcNorm(InputArray src, OutputArray dst, int normType, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::gapi::onnx::PortCfg::Out
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: onnx.hpp:71
cv::cuda::swapChannels
void swapChannels(InputOutputArray image, const int dstOrder[4], Stream &stream=Stream::Null())
Exchanges the color channels of an image in-place.
cv::detail::tracking::feature::CvFeatureEvaluator::getCls
float getCls(int si) const
Definition: tracking_feature.private.hpp:77
HaarFeatureDescriptor32_NumFeatures_Shift
#define HaarFeatureDescriptor32_NumFeatures_Shift
Definition: NCVHaarObjectDetection.hpp:125
cv::LineIterator::minusDelta
int minusDelta
Definition: imgproc.hpp:4816
cv::detail::tracking::online_boosting::Detector::getConfidence
float getConfidence(int patchIdx)
cv::text::PSM_SINGLE_CHAR
@ PSM_SINGLE_CHAR
Definition: ocr.hpp:79
cv::aruco::CORNER_REFINE_SUBPIX
@ CORNER_REFINE_SUBPIX
ArUco approach and refine the corners locations using corner subpixel accuracy.
Definition: aruco.hpp:83
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::processNoiseCov
Mat processNoiseCov
Process noise cross-covariance matrix, DP x DP.
Definition: kalman_filters.hpp:139
cv::line_descriptor::KeyLine::startPointX
float startPointX
Definition: descriptor.hpp:126
cv::CAP_PROP_XI_LED_MODE
@ CAP_PROP_XI_LED_MODE
Define camera signalling LED functionality.
Definition: videoio.hpp:355
cv::fisheye::estimateNewCameraMatrixForUndistortRectify
void estimateNewCameraMatrixForUndistortRectify(InputArray K, InputArray D, const Size &image_size, InputArray R, OutputArray P, double balance=0.0, const Size &new_size=Size(), double fov_scale=1.0)
Estimates new camera intrinsic matrix for undistortion or rectification.
cv::DMatch
Class for matching keypoint descriptors.
Definition: types.hpp:809
cv::gapi::own::Scalar::Scalar
Scalar(double v0)
Definition: scalar.hpp:24
cv::gapi::wip::GAsyncCanceled
Definition: gasync_context.hpp:48
cv::KeyPoint::angle
float angle
Definition: types.hpp:773
cv::gapi::own::Mat::Mat
Mat(Mat &&)=default
cvFloor
int cvFloor(double value)
Rounds floating-point number to the nearest integer not larger than the original.
Definition: fast_math.hpp:231
cv::GKernel::outShapes
GShapes outShapes
Definition: gkernel.hpp:50
cv::videostab::StabilizerBase::setFrameSource
void setFrameSource(Ptr< IFrameSource > val)
Definition: stabilizer.hpp:77
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::create
static Ptr< CvFeatureEvaluator > create(CvFeatureParams::FeatureType type)
cv::GComputation::compile
auto compile(const Ts &... meta_and_compile_args) -> typename std::enable_if< detail::are_meta_descrs_but_last< Ts... >::value &&std::is_same< GCompileArgs, detail::last_type_t< Ts... > >::value, GCompiled >::type
Definition: gcomputation.hpp:401
cv::CAP_OPENNI_GENERATORS_MASK
@ CAP_OPENNI_GENERATORS_MASK
Definition: videoio.hpp:232
cv::Subdiv2D::Vertex::firstEdge
int firstEdge
Definition: imgproc.hpp:1222
cv::hal::min32s
void min32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::cuda::HOG::setGammaCorrection
virtual void setGammaCorrection(bool gamma_correction)=0
Flag to specify whether the gamma correction preprocessing is required or not.
NppStInterpolationState::pFU
Ncv32f * pFU
forward horizontal displacement
Definition: NPP_staging.hpp:121
cv::videostab::WobbleSuppressorBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:78
cv::DescriptorMatcher::DescriptorCollection::DescriptorCollection
DescriptorCollection()
cv::HausdorffDistanceExtractor::setDistanceFlag
virtual void setDistanceFlag(int distanceFlag)=0
Set the norm used to compute the Hausdorff value between two shapes. It can be L1 or L2 norm.
cv::ml::DTrees::Split::Split
Split()
cv::cudev::Block::blockId
__device__ static __forceinline__ uint blockId()
Definition: block.hpp:58
cv::detail::tracking::tbm::TrackerParams::forget_delay
size_t forget_delay
Definition: tracking_by_matching.hpp:269
cv::rgbd::FastICPOdometry::setMaxDistDiff
void setMaxDistDiff(float val)
Definition: depth.hpp:1084
cv::CAP_PROP_ZOOM
@ CAP_PROP_ZOOM
Definition: videoio.hpp:163
cv::GInfer::tag
static constexpr const char * tag()
Definition: infer.hpp:255
cv::optflow::OpticalFlowPCAFlow::OpticalFlowPCAFlow
OpticalFlowPCAFlow(Ptr< const PCAPrior > _prior=Ptr< const PCAPrior >(), const Size _basisSize=Size(18, 14), float _sparseRate=0.024, float _retainedCornersFraction=0.2, float _occlusionsThreshold=0.0003, float _dampingFactor=0.00002, float _claheClip=14)
Creates an instance of PCAFlow algorithm.
NPPST_NULL_POINTER_ERROR
@ NPPST_NULL_POINTER_ERROR
NULL pointer argument error.
Definition: NCV.hpp:358
cv::cuda::BroxOpticalFlow::setGradientConstancyImportance
virtual void setGradientConstancyImportance(double gamma)=0
cv::instr::operator==
bool operator==(const NodeData &lhs, const NodeData &rhs)
nppiStTranspose_32f_C1R
NCVStatus nppiStTranspose_32f_C1R(Ncv32f *d_src, Ncv32u srcStride, Ncv32f *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::COLOR_YUV420p2BGR
@ COLOR_YUV420p2BGR
Definition: imgproc.hpp:657
descriptor.hpp
cv::cuda::StereoBM
Class computing stereo correspondence (disparity map) using the block matching algorithm....
Definition: cudastereo.hpp:73
cv::viz::Viz3d::converTo3DRay
void converTo3DRay(const Point3d &window_coord, Point3d &origin, Vec3d &direction)
Transforms a point in window coordinate system to a 3D ray in world coordinate system.
cv::cudev::RemapPtr2::src
SrcPtr src
Definition: remap.hpp:80
cv::_InputArray::KindFlag
KindFlag
Definition: mat.hpp:161
cv::detail::tracking::kalman_filters::UkfSystemModel
Model of dynamical system for Unscented Kalman filter. The interface for dynamical system model....
Definition: kalman_filters.hpp:103
cv::cudev::Log2
Definition: type_traits.hpp:79
cv::Algorithm::read
virtual void read(const FileNode &fn)
Reads algorithm parameters from a file storage.
Definition: core.hpp:3108
cv::Mat::Mat
Mat(const Point_< _Tp > &pt, bool copyData=true)
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst, Stream &stream) const
copies the GpuMat content to device memory (Non-Blocking call)
erfilter.hpp
cv::ShapeContextDistanceExtractor::setImageAppearanceWeight
virtual void setImageAppearanceWeight(float imageAppearanceWeight)=0
Set the weight of the Image Appearance cost in the final value of the shape distance....
cv::cuda::integral
void integral(InputArray src, OutputArray sum, Stream &stream=Stream::Null())
Computes an integral image.
cv::GInferInputs
G-API object used to collect network inputs.
Definition: infer.hpp:182
cv::ppf_match_3d::Pose3D::residual
double residual
Definition: pose_3d.hpp:125
interface.h
cv::Exception::~Exception
virtual ~Exception()
cv::saliency::StaticSaliency::computeBinaryMap
bool computeBinaryMap(InputArray _saliencyMap, OutputArray _binaryMap)
This function perform a binary map of given saliency map. This is obtained in this way:
cv::ml::TrainData::getClassLabels
virtual Mat getClassLabels() const =0
Returns the vector of class labels.
cv::Matx12d
Matx< double, 1, 2 > Matx12d
Definition: matx.hpp:222
cv::optflow::GPCForest::write
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
Definition: sparse_matching_gpc.hpp:268
cv::detail::PaniniPortraitWarper::PaniniPortraitWarper
PaniniPortraitWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:463
cv::gapi::wip::GAsyncContext::cancel
bool cancel()
Start cancellation process for an associated request.
cv::cuda::HostMem::empty
bool empty() const
cv::Point3d
Point3_< double > Point3d
Definition: types.hpp:272
cv::kinfu::Intr::Projector::operator()
cv::Point_< T > operator()(cv::Point3_< T > p, cv::Point3_< T > &pixVec) const
Definition: intrinsics.hpp:51
cv::_InputArray::getUMatVector
void getUMatVector(std::vector< UMat > &umv) const
cv::dnn::Net::setInputsNames
void setInputsNames(const std::vector< String > &inputBlobNames)
Sets outputs names of the network input pseudo layer.
cv::gapi::own::detail::MatHeader::MatHeader
MatHeader(const std::vector< int > &_dims, int type, void *_data)
Definition: mat.hpp:54
cv::logPolar
void logPolar(InputArray src, OutputArray dst, Point2f center, double M, int flags)
Remaps an image to semilog-polar coordinates space.
cv::hal::cmp32s
void cmp32s(const int *src1, size_t step1, const int *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::FileNode
File Storage Node class.
Definition: persistence.hpp:482
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_()
the default constructor
cv::datasets::HPE_humanevaObj::imageNames
std::vector< std::string > imageNames
Definition: hpe_humaneva.hpp:68
cv::CAP_PROP_FRAME_HEIGHT
@ CAP_PROP_FRAME_HEIGHT
Height of the frames in the video stream.
Definition: videoio.hpp:138
cv::v_sub_wrap
v_reg< _Tp, n > v_sub_wrap(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Subtract values without saturation.
Definition: intrin_cpp.hpp:817
cv::optflow::GPCTree::create
static Ptr< GPCTree > create()
Definition: sparse_matching_gpc.hpp:184
dynamic_bitset.h
OPENCV_HAL_IMPL_C_INIT_ZERO
#define OPENCV_HAL_IMPL_C_INIT_ZERO(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2347
cv::cudev::reduceToRow_
__host__ Expr< ReduceToRowBody< Reductor, SrcPtr > > reduceToRow_(const SrcPtr &src)
Definition: reduction.hpp:187
cv::detail::BundleAdjusterBase::refinementMask
const Mat refinementMask() const
Definition: motion_estimators.hpp:136
cv::CMP_NE
@ CMP_NE
src1 is unequal to src2.
Definition: base.hpp:216
cv::Point_::x
_Tp x
x coordinate of the point
Definition: types.hpp:186
cv::Mat::setTo
Mat & setTo(InputArray value, InputArray mask=noArray())
Sets all or some of the array elements to the specified value.
CV_CUDEV_EXPR_CVTCOLOR_INST
#define CV_CUDEV_EXPR_CVTCOLOR_INST(name)
Definition: color.hpp:60
NCVMemStackAllocator::isCounting
virtual NcvBool isCounting() const
cv::detail::SphericalWarperGpu
Definition: warpers.hpp:556
cv::detail::tracking::tbm::ITrackerByMatching::getActiveTracks
virtual std::unordered_map< size_t, std::vector< cv::Point > > getActiveTracks() const =0
Get active tracks to draw.
cv::rgbd::Odometry
Definition: depth.hpp:525
hal_ni_cvtBGR5x5toGray
int hal_ni_cvtBGR5x5toGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
hal_cvtBGR5x5toGray
Definition: hal_replacement.hpp:369
cv::cudacodec::VideoReader
Video reader interface.
Definition: cudacodec.hpp:297
cv::cudacodec::FormatInfo
Struct providing information about video file format. :
Definition: cudacodec.hpp:282
cv::bioinspired::Retina::create
static Ptr< Retina > create(Size inputSize, const bool colorMode, int colorSamplingMethod=RETINA_COLOR_BAYER, const bool useRetinaLogSampling=false, const float reductionFactor=1.0f, const float samplingStrength=10.0f)
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance.
cv::dnn::LayerFactory::createLayerInstance
static Ptr< Layer > createLayerInstance(const String &type, LayerParams &params)
Creates instance of registered layer.
cv::v_float64x2::v_float64x2
v_float64x2(double v0, double v1)
Definition: intrin_rvv.hpp:527
cv::GComputation::compileStreaming
GStreamingCompiled compileStreaming(const std::tuple< Ts... > &meta_and_compile_args, detail::Seq< IIs... >)
Definition: gcomputation.hpp:526
cv::ocl::Device::compilerAvailable
bool compilerAvailable() const
cv::TickMeter::reset
void reset()
resets internal values.
Definition: utility.hpp:374
cv::cudev::vsetle4
__device__ __forceinline__ uint vsetle4(uint a, uint b)
Definition: simd_functions.hpp:654
cv::ximgproc::WMF_JAC
@ WMF_JAC
Definition: weighted_median_filter.hpp:70
cv::GStreamingCompiled::pull
GAPI_WRAP std::tuple< bool, cv::GRunArgs > pull()
NCVVector::~NCVVector
virtual ~NCVVector()
Definition: NCV.hpp:577
cv::ml::ANN_MLP::setAnnealCoolingRatio
virtual void setAnnealCoolingRatio(double val)=0
cv::setTrackbarPos
void setTrackbarPos(const String &trackbarname, const String &winname, int pos)
Sets the trackbar position.
cv::MatStep::operator[]
size_t & operator[](int i)
cv::videostab::MotionEstimatorBase::MotionEstimatorBase
MotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:123
cv::datasets::IS_weizmannObj::imageName
std::string imageName
Definition: is_weizmann.hpp:62
cv::DetectionBasedTracker::InnerParameters::coeffObjectSpeedUsingInPrediction
float coeffObjectSpeedUsingInPrediction
Definition: detection_based_tracker.hpp:174
cv::hconcat
void hconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies horizontal concatenation to given matrices.
cv::kinfu::Params::lightPose
Vec3f lightPose
light pose for rendering in meters
Definition: kinfu.hpp:144
cv::dnn::BaseConvolutionLayer::padMode
String padMode
Definition: all_layers.hpp:217
cv::linemod::Detector::pyramid_levels
int pyramid_levels
Definition: linemod.hpp:397
cv::util::unsafe_any_cast
value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
cv::face::StandardCollector::PredictResult::PredictResult
PredictResult(int label_=-1, double distance_=DBL_MAX)
Definition: predict_collector.hpp:89
cv::CAP_PROP_XI_LED_SELECTOR
@ CAP_PROP_XI_LED_SELECTOR
Selects camera signalling LED.
Definition: videoio.hpp:354
cv::cudev::MakeVec< schar, 4 >::type
char4 type
Definition: vec_traits.hpp:79
cv::ORB::getScoreType
virtual ORB::ScoreType getScoreType() const =0
cv::dnn::LSTMLayer::setOutShape
virtual void setOutShape(const MatShape &outTailShape=MatShape())=0
Specifies shape of output blob which will be [[T], N] + outTailShape.
cv::datasets::FR_adienceObj::tilt_ang
int tilt_ang
Definition: fr_adience.hpp:78
cv::datasets::rightleft
@ rightleft
Definition: gr_skig.hpp:65
cv::AutoBuffer::size
size_t size() const
returns the current buffer size
cv::dnn::AbsLayer::create
static Ptr< AbsLayer > create(const LayerParams &params)
cv::viz::Color::silver
static Color silver()
cv::ppf_match_3d::ICP::~ICP
virtual ~ICP()
Definition: icp.hpp:100
cv::Point_::dot
_Tp dot(const Point_ &pt) const
dot product
cv::videostab::KeypointBasedMotionEstimator::KeypointBasedMotionEstimator
KeypointBasedMotionEstimator(Ptr< MotionEstimatorBase > estimator)
cv::cuda::CannyEdgeDetector::setLowThreshold
virtual void setLowThreshold(double low_thresh)=0
cv::CirclesGridFinderParameters::existingVertexGain
float existingVertexGain
Definition: calib3d.hpp:1641
cv::cuda::DeviceInfo::maxTexture3D
Vec3i maxTexture3D() const
maximum 3D texture dimensions
run_length_morphology.hpp
cv::gapi::LUV2BGR
GMat LUV2BGR(const GMat &src)
Converts an image from LUV color space to BGR color space.
cv::Quat::atan
friend Quat< T > atan(const Quat< T > &q)
return arctan value of quaternion q, arctan could be calculated as:
cv::dnn_objdetect::object::label_name
std::string label_name
Definition: core_detect.hpp:30
cv::detail::ImageFeatures::img_idx
int img_idx
Definition: matchers.hpp:60
cv::rgbd::RgbdOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: depth.hpp:680
cv::cuda::ALPHA_PREMUL
@ ALPHA_PREMUL
Definition: cudaimgproc.hpp:160
hal_ni_dftInit2D
int hal_ni_dftInit2D(cvhalDFT **context, int width, int height, int depth, int src_channels, int dst_channels, int flags, int nonzero_rows)
Definition: hal_replacement.hpp:537
cv::cuda::DensePyrLKOpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
cv::CAP_PROP_XI_REGION_SELECTOR
@ CAP_PROP_XI_REGION_SELECTOR
Selects Region in Multiple ROI which parameters are set by width, height, ... ,region mode.
Definition: videoio.hpp:392
cv::cudev::VecTraits< char2 >::make
__host__ __device__ static __forceinline__ char2 make(schar x, schar y)
Definition: vec_traits.hpp:163
cv::videostab::MotionFilterBase::stabilize
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, const Range &range)=0
cv::cuda::GpuMat::cols
int cols
Definition: cuda.hpp:323
cv::SparseMatConstIterator_::iterator_category
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3269
cv::fontQt
QtFont fontQt(const String &nameFont, int pointSize=-1, Scalar color=Scalar::all(0), int weight=QT_FONT_NORMAL, int style=QT_STYLE_NORMAL, int spacing=0)
Creates the font to draw a text on an image.
cv::ORB::setNLevels
virtual void setNLevels(int nlevels)=0
gmetaarg.hpp
cv::cudev::GpuMat_
Definition: gpumat.hpp:61
cv::CAP_PROP_GPHOTO2_FLUSH_MSGS
@ CAP_PROP_GPHOTO2_FLUSH_MSGS
Readonly, returns (const char *).
Definition: videoio.hpp:578
cv::cudev::project1st
Definition: functional.hpp:289
cv::ml::SVM::trainAuto
virtual bool trainAuto(const Ptr< TrainData > &data, int kFold=10, ParamGrid Cgrid=getDefaultGrid(C), ParamGrid gammaGrid=getDefaultGrid(GAMMA), ParamGrid pGrid=getDefaultGrid(P), ParamGrid nuGrid=getDefaultGrid(NU), ParamGrid coeffGrid=getDefaultGrid(COEF), ParamGrid degreeGrid=getDefaultGrid(DEGREE), bool balanced=false)=0
Trains an SVM with optimal parameters.
cv::cuda::HostMem::elemSize1
size_t elemSize1() const
cv::sin
Quat< T > sin(const Quat< T > &q)
cv::Size_::Size_
Size_(_Tp _width, _Tp _height)
cv::datasets::TRACK_votObj::gtbb
vector< Point2d > gtbb
Definition: track_vot.hpp:65
cv::hdf::HDF5::atread
virtual void atread(int *value, const String &atlabel)=0
cv::DECOMP_CHOLESKY
@ DECOMP_CHOLESKY
Definition: base.hpp:143
cv::calcOpticalFlowFarneback
void calcOpticalFlowFarneback(InputArray prev, InputArray next, InputOutputArray flow, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags)
Computes a dense optical flow using the Gunnar Farneback's algorithm.
inference_engine.hpp
CvPhotoCameraDelegate-p
Definition: cap_ios.h:133
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Rect_< _Tp > &r)
Definition: persistence.hpp:1023
cv::v_uint64x2::v_uint64x2
v_uint64x2(vuint64m1_t v)
Definition: intrin_rvv.hpp:457
CPU_SSE2
@ CPU_SSE2
Definition: cvdef.h:294
cv::detail::get_in< cv::GOpaque< U > >::get
static const U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:180
cv::v_reinterpret_as_s32
v_int32x4 v_reinterpret_as_s32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2400
cv::detail::tracking::online_boosting::BaseClassifier::m_referenceWeakClassifier
bool m_referenceWeakClassifier
Definition: onlineBoosting.hpp:144
cv::superres::DualTVL1OpticalFlow::getLambda
virtual double getLambda() const =0
cv::rgbd::RgbdICPOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:961
cv::IMREAD_UNCHANGED
@ IMREAD_UNCHANGED
If set, return the loaded image as is (with alpha channel, otherwise it gets cropped)....
Definition: imgcodecs.hpp:70
cv::ppf_match_3d::hashtableDestroy
void hashtableDestroy(hashtable_int *hashtbl)
cv::datasets::sectionSizes
const int sectionSizes[]
Definition: track_alov.hpp:71
cv::CAP_OPENNI_SXGA_15HZ
@ CAP_OPENNI_SXGA_15HZ
Definition: videoio.hpp:279
cv::utils::AllocatorStatisticsInterface
Definition: allocator_stats.hpp:13
cv::Matx< double, 1, 3 >
cv::cudev::operator!
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< GpuMat_< T > >::ptr_type, logical_not< T > > > operator!(const GpuMat_< T > &src)
Definition: unary_op.hpp:90
NCVMemStackAllocator::isInitialized
virtual NcvBool isInitialized() const
cv::DetectionBasedTracker::IDetector::minNeighbours
int minNeighbours
Definition: detection_based_tracker.hpp:117
cv::detail::OCLCallHelper
Definition: goclkernel.hpp:189
cv::cudev::IntegerAreaInterPtrSz
Definition: interpolation.hpp:272
cv::cudev::gridFindMinMaxVal
__host__ void gridFindMinMaxVal(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:341
cv::face::FacemarkLBF::Params::tree_depth
int tree_depth
the depth of decision tree, defines the size of feature
Definition: facemarkLBF.hpp:74
cv::AVIReadContainer::parseAvi
bool parseAvi(frame_list &in_frame_list, Codecs codec_)
Definition: container_avi.private.hpp:90
cv::VariationalRefinement::setGamma
virtual void setGamma(float val)=0
Weight of the gradient constancy term.
cv::DFT_COMPLEX_OUTPUT
@ DFT_COMPLEX_OUTPUT
Definition: base.hpp:243
cv::datasets::GR_chalearnObj::depth
int depth
Definition: gr_chalearn.hpp:78
cv::cudev::sobelXPtr
__host__ SobelXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelXPtr(const SrcPtr &src)
Definition: deriv.hpp:173
projection.hpp
cv::FileStorage::write
static void write(FileStorage &fs, const Matx< _Tp, m, n > &x)
Definition: persistence.hpp:966
NCVMemStackAllocator::NCVMemStackAllocator
NCVMemStackAllocator(NCVMemoryType memT, size_t capacity, Ncv32u alignment, void *reusePtr=NULL)
cv::ParamType< float >::const_param_type
float const_param_type
Definition: core.hpp:3251
cv::cudacodec::SF_BGR
@ SF_BGR
Definition: cudacodec.hpp:79
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::normaliseOutput
bool normaliseOutput
Definition: retina.hpp:161
cv::polarToCart
void polarToCart(InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false)
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
cv::datasets::word::width
int width
Definition: tr_icdar.hpp:63
cv::detail::PlaneWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R, InputArray T)
NcvPoint2D32u::x
Ncv32u x
Point X.
Definition: NCV.hpp:202
cv::ocl::Device::hostUnifiedMemory
bool hostUnifiedMemory() const
cv::face::FacemarkAAM::Model::triangles
std::vector< Vec3i > triangles
each element contains 3 values, represent index of facemarks that construct one triangle (obtained us...
Definition: facemarkAAM.hpp:112
cv::cudev::scharrY_
__host__ Expr< ScharrYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > scharrY_(const SrcPtr &src)
Definition: deriv.hpp:108
cv::ml::KNearest::load
static Ptr< KNearest > load(const String &filepath)
Loads and creates a serialized knearest from a file.
cv::GMatDesc::dims
std::vector< int > dims
Definition: gmat.hpp:83
cv::dpm::DPMDetector::~DPMDetector
virtual ~DPMDetector()
Definition: dpm.hpp:145
cv::gapi::wip::draw::Line::pt1
cv::Point pt1
The first point of the line segment.
Definition: render_types.hpp:225
cv::util::optional::value_or
T value_or(U &&default_value) const
Definition: optional.hpp:154
cv::SL2::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:901
cv::ogl::POINTS
@ POINTS
Definition: opengl.hpp:479
cv::viz::WMesh::WMesh
WMesh(const Mesh &mesh)
cv::face::BIF
Definition: bif.hpp:57
cv::multicalib::MultiCameraCalibration::initialize
void initialize()
cv::ACCESS_RW
@ ACCESS_RW
Definition: mat.hpp:65
cv::cudev::BrdConstant::cols
int cols
Definition: extrapolation.hpp:66
cv::GFTTDetector
Wrapping class for feature detection using the goodFeaturesToTrack function. :
Definition: features2d.hpp:656
cv::cuda::HostMem::refcount
int * refcount
Definition: cuda.hpp:594
cv::SOLVEPNP_UPNP
@ SOLVEPNP_UPNP
Definition: calib3d.hpp:462
cv::ppf_match_3d::PPF3DDetector::read
void read(const FileNode &fn)
cv::legacy::TrackerBoosting::Params::read
void read(const FileNode &fn)
Read parameters from a file.
cv::_InputArray::isGpuMat
bool isGpuMat() const
cv::getNumThreads
int getNumThreads()
Returns the number of threads used by OpenCV for parallel regions.
cv::LineSegmentDetector::~LineSegmentDetector
virtual ~LineSegmentDetector()
Definition: imgproc.hpp:1309
cv::LMSolver
Definition: calib3d.hpp:605
cv::detail::CompressedRectilinearWarper::CompressedRectilinearWarper
CompressedRectilinearWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:400
cv::videostab::LpMotionStabilizer::weight2
float weight2() const
Definition: motion_stabilizing.hpp:135
cv::CAP_PROP_GIGA_FRAME_HEIGH_MAX
@ CAP_PROP_GIGA_FRAME_HEIGH_MAX
Definition: videoio.hpp:529
cv::detail::DpSeamFinder
Definition: seam_finders.hpp:121
cv::gapi::gaussianBlur
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.
cv::cuda::GpuMat::GpuMat
GpuMat(InputArray arr, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
builds GpuMat from host memory (Blocking call)
cv::buildPyramid
void buildPyramid(InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT)
Constructs the Gaussian pyramid for an image.
cv::dnn::LRNLayer::normBySize
bool normBySize
Definition: all_layers.hpp:240
cv::detail::tracking::tbm::ITrackerByMatching::distanceFast
virtual const Distance & distanceFast() const =0
Fast distance getter.
cv::dnn::TextDetectionModel::detectTextRectangles
void detectTextRectangles(InputArray frame, std::vector< cv::RotatedRect > &detections) const
cv::GCall::GCall
GCall(const GKernel &k)
DUMP_MESSAGE_STDOUT
#define DUMP_MESSAGE_STDOUT(...)
Definition: opencl_info.hpp:15
cv::dnn::ProposalLayer
Definition: all_layers.hpp:672
cv::hdf::HDF5::atread
virtual void atread(OutputArray value, const String &atlabel)=0
cv::randpattern::RandomPatternGenerator::RandomPatternGenerator
RandomPatternGenerator(int imageWidth, int imageHeight)
cv::CAP_PROP_OPENNI_OUTPUT_MODE
@ CAP_PROP_OPENNI_OUTPUT_MODE
Definition: videoio.hpp:236
hal_ni_merge32s
int hal_ni_merge32s(const int **src_data, int *dst_data, int len, int cn)
Definition: hal_replacement.hpp:368
cv::util::any
Definition: any.hpp:54
layer.hpp
cv::line_descriptor::LSDParam::ang_th
double ang_th
Definition: descriptor.hpp:704
cv::LOCAL_OPTIM_INNER_AND_ITER_LO
@ LOCAL_OPTIM_INNER_AND_ITER_LO
Definition: calib3d.hpp:547
cv::dnn::PoolingLayer::padMode
String padMode
Definition: all_layers.hpp:254
cv::GScalar::GScalar
GScalar(cv::Scalar &&s)
cv::_InputArray::_InputArray
_InputArray(const UMat &um)
shape_transformer.hpp
cv::detail::PaniniProjector
Definition: warpers.hpp:431
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_(SparseMat *_m)
cv::bgsegm::LSBPCameraMotionCompensation
LSBPCameraMotionCompensation
Definition: bgsegm.hpp:245
cv::detail::MultiBandBlender::setNumBands
void setNumBands(int val)
Definition: blenders.hpp:133
cv::ml::DTrees::getUse1SERule
virtual bool getUse1SERule() const =0
hal_ni_morphInit
int hal_ni_morphInit(cvhalFilter2D **context, int operation, int src_type, int dst_type, int max_width, int max_height, int kernel_type, uchar *kernel_data, size_t kernel_step, int kernel_width, int kernel_height, int anchor_x, int anchor_y, int borderType, const double borderValue[4], int iterations, bool allowSubmatrix, bool allowInplace)
hal_morphInit
Definition: hal_replacement.hpp:204
cv::stereo::StereoBinaryBM::setUsePrefilter
virtual void setUsePrefilter(bool factor)=0
cv::Matx::diag
static Matx diag(const diag_type &d)
cv::detail::PlaneWarper::warpPointBackward
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R, InputArray T)
cv::dnn::ReshapeLayer::newShapeDesc
MatShape newShapeDesc
Definition: all_layers.hpp:298
cv::detail::tracking::contrib_feature::CvFeatureParams::read
virtual bool read(const FileNode &node) CV_OVERRIDE
cv::cudev::interLinear
__host__ LinearInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interLinear(const SrcPtr &src)
Definition: interpolation.hpp:140
cv::Error::StsInternal
@ StsInternal
internal error (bad state)
Definition: base.hpp:72
cv::viz::WPolyLine::WPolyLine
WPolyLine(InputArray points, InputArray colors)
ncvApplyHaarClassifierCascade_host
NCVStatus ncvApplyHaarClassifierCascade_host(NCVMatrix< Ncv32u > &h_integralImage, NCVMatrix< Ncv32f > &h_weights, NCVMatrixAlloc< Ncv32u > &h_pixelMask, Ncv32u &numDetections, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarClassifierNode128 > &h_HaarNodes, NCVVector< HaarFeature64 > &h_HaarFeatures, NcvBool bMaskElements, NcvSize32u anchorsRoi, Ncv32u pixelStep, Ncv32f scaleArea)
cv::cudev::DefaultHistogramPolicy::block_size_x
@ block_size_x
Definition: histogram.hpp:103
cv::gapi::ie::detail::ParamDesc::Kind::Load
@ Load
cv::LMSolver::Callback
Definition: calib3d.hpp:608
cv::mcc::CCheckerDraw::draw
virtual void draw(InputOutputArray img)=0
Draws the checker to the given image.
cv::Subdiv2D::edgeDst
int edgeDst(int edge, Point2f *dstpt=0) const
Returns the edge destination.
cv::utils::optional_shared_lock_guard::mutex_
Mutex * mutex_
Definition: lock.private.hpp:109
cv::ppf_match_3d::Pose3D::readPose
int readPose(FILE *f)
cv::optflow::DenseRLOFOpticalFlow::getEPICK
virtual int getEPICK() const =0
see ximgproc::EdgeAwareInterpolator() K value.
cv::detail::SeamFinder
Base class for a seam estimator.
Definition: seam_finders.hpp:59
cv::aruco::DICT_5X5_50
@ DICT_5X5_50
Definition: dictionary.hpp:146
cv::calibrateHandEye
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: .
cv::ximgproc::EdgeBoxes
Class implementing EdgeBoxes algorithm from :
Definition: edgeboxes.hpp:68
cv::cudacodec::EncoderParams::QP_Level_Intra
int QP_Level_Intra
NVVE_QP_LEVEL_INTRA,.
Definition: cudacodec.hpp:93
cv::detail::tracking::TrackerModel::getLastConfidenceMap
const ConfidenceMap & getLastConfidenceMap() const
Get the last ConfidenceMap for the current frame.
cv::detail::ImageFeatures
Structure containing image keypoints and descriptors.
Definition: matchers.hpp:59
cv::FileNodeIterator::FileNodeIterator
FileNodeIterator(const FileNode &node, bool seekEnd)
cv::SVD::backSubst
static void backSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
performs back substitution
cv::v_uint8x16::nlanes
@ nlanes
Definition: intrin_rvv.hpp:230
cv::Mat::Mat
Mat(const std::vector< int > &sizes, int type)
cv::vwcvtu_x_x_v_u64m1
vuint64m1_t vwcvtu_x_x_v_u64m1(vuint32mf2_t v)
Definition: intrin_rvv.hpp:194
cv::detail::ProjectorBase::k_rinv
float k_rinv[9]
Definition: warpers.hpp:151
cv::divUp
static int divUp(int a, unsigned int b)
Integer division with result round up.
Definition: utility.hpp:482
cv::cudev::Min::work_type
T work_type
Definition: reduce_to_vec.hpp:107
cv::AVIReadContainer::close
void close()
cv::ogl::Buffer::copyTo
void copyTo(OutputArray arr) const
Copies from OpenGL buffer to host/device memory or another OpenGL buffer object.
cv::_InputArray::getOGlBuffer
ogl::Buffer getOGlBuffer() const
cv::Size_
Template class for specifying the size of an image or rectangle.
Definition: types.hpp:316
cv::detail::CameraParams::focal
double focal
Definition: camera.hpp:65
cv::LineIterator::step
int step
Definition: imgproc.hpp:4814
cv::ximgproc::RICInterpolator::getFGSLambda
virtual float getFGSLambda() const =0
Sets the respective fastGlobalSmootherFilter() parameter.
cv::detail::AffineBasedEstimator
Affine transformation based estimator.
Definition: motion_estimators.hpp:122
cv::ParallelLoopBody::~ParallelLoopBody
virtual ~ParallelLoopBody()
cv::EMDHistogramCostExtractor
An EMD based cost extraction. :
Definition: hist_cost.hpp:84
cv::reg::MapperGradSimilar::~MapperGradSimilar
~MapperGradSimilar()
cv::TrackerCSRT::Params
Definition: tracking.hpp:42
cv::CAP_PROP_CODEC_PIXEL_FORMAT
@ CAP_PROP_CODEC_PIXEL_FORMAT
(read-only) codec's pixel format. 4-character code - see VideoWriter::fourcc . Subset of AV_PIX_FMT_*...
Definition: videoio.hpp:181
cv::rapid::Tracker::compute
virtual float compute(InputArray img, int num, int len, InputArray K, InputOutputArray rvec, InputOutputArray tvec, const TermCriteria &termcrit=TermCriteria(TermCriteria::MAX_ITER|TermCriteria::EPS, 5, 1.5))=0
cv::COLOR_BGRA2BGR565
@ COLOR_BGRA2BGR565
Definition: imgproc.hpp:559
cv::cudev::CommonAreaInterPtrSz::cols
int cols
Definition: interpolation.hpp:367
cv::detail::tracked_cv_mat::validate
void validate() const
Definition: gcpukernel.hpp:214
cv::getCPUTickCount
int64 getCPUTickCount()
Returns the number of CPU ticks.
cv::linemod::Match::Match
Match()
Definition: linemod.hpp:261
cv::cuda::CascadeClassifier::getMinObjectSize
virtual Size getMinObjectSize() const =0
cv::sfm::isotropicPreconditionerFromPoints
void isotropicPreconditionerFromPoints(InputArray points, OutputArray T)
Point conditioning (isotropic).
gframe.hpp
cv::hal::cmp16s
void cmp16s(const short *src1, size_t step1, const short *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::Error::BadAlphaChannel
@ BadAlphaChannel
Definition: base.hpp:87
cv::Affine3::translation
void translation(const Vec3 &t)
cv::rgbd::RgbdICPOdometry::getNormalsComputer
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:997
cv::Quat::inv
Quat< _Tp > inv(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return which is an inverse of satisfying .
cv::rgbd::RgbdICPOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: depth.hpp:945
cv::gapi::onnx::Params::cfgMeanStd
Params< Net > & cfgMeanStd(const typename PortCfg< Net >::NormCoefs &m, const typename PortCfg< Net >::NormCoefs &s)
Definition: onnx.hpp:111
cv::GStreamingCompiled::outMetas
const GMetaArgs & outMetas() const
Vector of metadata descriptions of graph outputs.
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
cv::datasets::tag::width
int width
Definition: tr_svt.hpp:63
cv::datasets::SR_general100
Definition: sr_general100.hpp:29
ncvGroupRectangles_host
NCVStatus ncvGroupRectangles_host(NCVVector< NcvRect32u > &hypotheses, Ncv32u &numHypotheses, Ncv32u minNeighbors, Ncv32f intersectEps, NCVVector< Ncv32u > *hypothesesWeights)
cv::cuda::BackgroundSubtractorMOG::setNMixtures
virtual void setNMixtures(int nmix)=0
cv::UMatData
Definition: mat.hpp:531
cv::cuda::GpuMat::channels
int channels() const
returns number of channels
cv::videostab::InpainterBase
Definition: inpainting.hpp:62
cv::rgbd::RgbdICPOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:973
OPENCV_HAL_IMPL_C_INIT_VAL
#define OPENCV_HAL_IMPL_C_INIT_VAL(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2367
cv::softfloat::softfloat
softfloat(const int64_t)
cv::cudacodec::VideoWriter
Video writer interface.
Definition: cudacodec.hpp:178
cv::optflow::GPCPatchDescriptor::markAsSeparated
void markAsSeparated()
Definition: sparse_matching_gpc.hpp:72
cv::Matx::operator-=
static Matx< _Tp1, m, n > & operator-=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1202
cv::datasets::SLAM_tumindoor::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::cuda::SparsePyrLKOpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
cv::cuda::BackgroundSubtractorGMG::setMinVal
virtual void setMinVal(double val)=0
cv::videostab::WobbleSuppressorBase::motions2
virtual const std::vector< Mat > & motions2() const
Definition: wobble_suppression.hpp:82
cv::randpattern::RandomPatternCornerFinder::getImagePoints
const std::vector< cv::Mat > & getImagePoints()
cv::omnidir::stereoCalibrate
double stereoCalibrate(InputOutputArrayOfArrays objectPoints, InputOutputArrayOfArrays imagePoints1, InputOutputArrayOfArrays imagePoints2, const Size &imageSize1, const Size &imageSize2, InputOutputArray K1, InputOutputArray xi1, InputOutputArray D1, InputOutputArray K2, InputOutputArray xi2, InputOutputArray D2, OutputArray rvec, OutputArray tvec, OutputArrayOfArrays rvecsL, OutputArrayOfArrays tvecsL, int flags, TermCriteria criteria, OutputArray idx=noArray())
Stereo calibration for omnidirectional camera model. It computes the intrinsic parameters for two cam...
cv::superres::DualTVL1OpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool val)=0
cv::datasets::word::height
int height
Definition: tr_icdar.hpp:63
cv::RNG_MT19937::RNG_MT19937
RNG_MT19937()
cv::ocl::Device::nativeVectorWidthChar
int nativeVectorWidthChar() const
cv::hal::min16u
void min16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::dnn_superres::DnnSuperResImpl
A class to upscale images via convolutional neural networks. The following four models are implemente...
Definition: dnn_superres.hpp:41
cv::SVD::compute
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w, Matx< _Tp, m, nm > &u, Matx< _Tp, n, nm > &vt)
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyTexture
Texture-based strategy for the selective search segmentation algorithm The class is implemented from ...
Definition: segmentation.hpp:118
cv::linemod::Modality
Interface for modalities that plug into the LINE template matching representation.
Definition: linemod.hpp:120
cv::TonemapReinhard::setLightAdaptation
virtual void setLightAdaptation(float light_adapt)=0
cv::cudev::hypot
__device__ __forceinline__ double4 hypot(double s, const double4 &b)
Definition: vec_math.hpp:917
cv::ximgproc::AdaptiveManifoldFilter::setSigmaR
virtual void setSigmaR(double val)=0
cv::DIST_L1
@ DIST_L1
distance = |x1-x2| + |y1-y2|
Definition: imgproc.hpp:301
cv::RMat::View::elemSize
size_t elemSize() const
Definition: rmat.hpp:76
cv::superres::FarnebackOpticalFlow::setPyrScale
virtual void setPyrScale(double val)=0
cv::cuda::createHoughSegmentDetector
Ptr< HoughSegmentDetector > createHoughSegmentDetector(float rho, float theta, int minLineLength, int maxLineGap, int maxLines=4096)
Creates implementation for cuda::HoughSegmentDetector .
cv::cudev::TexturePtr::index_type
float index_type
Definition: texture.hpp:188
cv::COLOR_YUV2BGR_UYNV
@ COLOR_YUV2BGR_UYNV
Definition: imgproc.hpp:685
cv::COLOR_YUV2RGBA_YVYU
@ COLOR_YUV2RGBA_YVYU
Definition: imgproc.hpp:707
cv::gapi::wip::draw::Mosaic::decim
int decim
Decimation (0 stands for no decimation)
Definition: render_types.hpp:260
cv::v_int32x4::get0
int get0() const
Definition: intrin_rvv.hpp:413
cv::cuda::DescriptorMatcher::add
virtual void add(const std::vector< GpuMat > &descriptors)=0
Adds descriptors to train a descriptor collection.
cv::dnn::DNN_TARGET_OPENCL_FP16
@ DNN_TARGET_OPENCL_FP16
Definition: dnn.hpp:91
cv::line_descriptor::KeyLine::size
float size
Definition: descriptor.hpp:123
cv::ORB::getFastThreshold
virtual int getFastThreshold() const =0
cv::linemod::getDefaultLINE
Ptr< linemod::Detector > getDefaultLINE()
Factory function for detector using LINE algorithm with color gradients.
cv::UMat::type
int type() const
returns element type, similar to CV_MAT_TYPE(cvmat->type)
cv::cudev::maximum::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:312
cv::AVIReadContainer::printError
void printError(RiffChunk &chunk, unsigned int expected_fourcc)
cv::viz::Widget
Base class of all widgets. Widget is implicitly shared.
Definition: widgets.hpp:93
cv::FastFeatureDetector::getThreshold
virtual int getThreshold() const =0
cv::gapi::fluid::Buffer::lpi
int lpi() const
cv::detail::get_in
Definition: gcpukernel.hpp:204
cv::Matx14f
Matx< float, 1, 4 > Matx14f
Definition: matx.hpp:225
cv::optflow::DenseRLOFOpticalFlow::getUseVariationalRefinement
virtual bool getUseVariationalRefinement() const =0
enables VariationalRefinement
cv::cuda::createBackgroundSubtractorMOG
Ptr< cuda::BackgroundSubtractorMOG > createBackgroundSubtractorMOG(int history=200, int nmixtures=5, double backgroundRatio=0.7, double noiseSigma=0)
Creates mixture-of-gaussian background subtractor.
cv::COLORMAP_BONE
@ COLORMAP_BONE
Definition: imgproc.hpp:4268
cv::util::optional::operator->
T * operator->()
Definition: optional.hpp:109
cv::GTransformImpl< K, std::function< R(Args...)> >::transformation
static GTransform transformation()
Definition: gtransform.hpp:80
cv::TickMeter::getTimeTicks
int64 getTimeTicks() const
returns counted ticks.
Definition: utility.hpp:321
cv::legacy::TrackerKCF::create
static Ptr< legacy::TrackerKCF > create(const TrackerKCF::Params &parameters)
Constructor.
cv::line_descriptor::LSDParam::n_bins
int n_bins
Definition: descriptor.hpp:707
cv::cudev::TupleTraits::is_tuple
@ is_tuple
Definition: tuple.hpp:66
cv::Subdiv2D::Vertex::Vertex
Vertex(Point2f pt, bool _isvirtual, int _firstEdge=0)
cv::GComputation::GComputation
GComputation(const Generator &gen)
Define a computation using a generator function.
cv::cuda::Stream::Stream
Stream(const Ptr< GpuMat::Allocator > &allocator)
creates a new asynchronous stream with custom allocator
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Point_< _Tp > &pt)
Definition: persistence.hpp:995
cv::face::PredictCollector::collect
virtual bool collect(int label, double dist)=0
Interface method called by face recognizer for each result.
cv::ximgproc::segmentation::SelectiveSearchSegmentation::process
virtual void process(std::vector< Rect > &rects)=0
Based on all images, graph segmentations and stragies, computes all possible rects and return them.
CPU_AVX_512IFMA
@ CPU_AVX_512IFMA
Definition: cvdef.h:311
cv::videostab::InpainterBase::stabilizationMotions
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: inpainting.hpp:91
cv::face::MACE::train
virtual void train(cv::InputArrayOfArrays images)=0
train it on positive features compute the mace filter: h = D(-1) * X * (X(+) * D(-1) * X)(-1) * C als...
NcvRect8u::x
Ncv8u x
Definition: NCV.hpp:139
cv::winrt_imshow
void winrt_imshow()
cv::BRISK::getThreshold
virtual int getThreshold() const
Definition: features2d.hpp:388
cv::detail::BlocksCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image blocks.
Definition: exposure_compensate.hpp:170
cv::dpm::DPMDetector
This is a C++ abstract class, it provides external user API to work with DPM.
Definition: dpm.hpp:105
cv::omnidir::CALIB_FIX_CENTER
@ CALIB_FIX_CENTER
Definition: omnidir.hpp:65
cv::dnn_objdetect::InferBbox::assert_predictions
void assert_predictions(std::vector< std::vector< double > > *min_max_boxes)
Ensures that the bounding box values are within image boundaries.
cv::hal::div8s
void div8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
cv::cudev::GlobPtr
Structure similar to cv::cudev::GlobPtrSz but containing only a pointer and row step.
Definition: glob.hpp:63
cv::ml::SVM::setTermCriteria
virtual void setTermCriteria(const cv::TermCriteria &val)=0
cv::LINE_4
@ LINE_4
4-connected line
Definition: imgproc.hpp:809
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature
Definition: feature.hpp:315
NCVMemStackAllocator
Definition: NCV.hpp:484
cv::detail::VectorRef::holds
bool holds() const
Definition: garray.hpp:288
cv::ocl::Device::p
Impl * p
Definition: ocl.hpp:241
cv::RMat::View::depth
int depth() const
Definition: rmat.hpp:74
cv::detail::PaniniProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::img_hash::ImgHashBase::pImpl
Ptr< ImgHashImpl > pImpl
Definition: img_hash_base.hpp:39
cv::detail::ExposureCompensator::setUpdateGain
void setUpdateGain(bool b)
Definition: exposure_compensate.hpp:90
cv::Affine3::inv
Affine3 inv(int method=cv::DECOMP_SVD) const
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
5-element vector constructor
HaarClassifierCascadeDescriptor::bHasStumpsOnly
NcvBool bHasStumpsOnly
Definition: NCVHaarObjectDetection.hpp:341
cv::xobjdetect::WBDetector::read
virtual void read(const FileNode &node)=0
Read detector from FileNode.
phase_unwrapping.hpp
cv::CAP_PROP_XI_GPI_MODE
@ CAP_PROP_XI_GPI_MODE
Set general purpose input mode.
Definition: videoio.hpp:350
cv::cudev::WithOutMask::index_type
int index_type
Definition: mask.hpp:60
cv::gapi::buildOpticalFlowPyramid
std::tuple< GArray< GMat >, GScalar > buildOpticalFlowPyramid(const GMat &img, const Size &winSize, const GScalar &maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true)
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
cv::DetectionBasedTracker::setParameters
bool setParameters(const Parameters &params)
cv::detail::tracking::TrackerFeatureFeature2d::~TrackerFeatureFeature2d
~TrackerFeatureFeature2d() CV_OVERRIDE
cv::COLOR_LRGB2Lab
@ COLOR_LRGB2Lab
Definition: imgproc.hpp:621
cv::gapi::wip::draw::Circle::Circle
Circle(const cv::Point &center_, int radius_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Circle constructor.
Definition: render_types.hpp:173
cv::gapi::GKernelPackage::lookup
GBackend lookup() const
Find a kernel (by its API)
Definition: gkernel.hpp:588
cv::util::get
T & get(util::variant< Types... > &v)
Definition: variant.hpp:388
cv::rgbd::ICPOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
cv::gapi::cmpLT
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...
cv::text::OCRBeamSearchDecoder::ClassifierCallback
Callback with the character classifier is made a class.
Definition: ocr.hpp:407
cv::optflow::RLOFOpticalFlowParameter
This is used store and set up the parameters of the robust local optical flow (RLOF) algoritm.
Definition: rlofflow.hpp:64
cv::EVENT_RBUTTONDBLCLK
@ EVENT_RBUTTONDBLCLK
indicates that right mouse button is double clicked.
Definition: highgui.hpp:218
cv::optflow::RLOFOpticalFlowParameter::setUseInitialFlow
void setUseInitialFlow(bool val)
cv::face::FacemarkAAM::Data
Data container for the facemark::getData function.
Definition: facemarkAAM.hpp:99
cv::GCPUContext::m_results
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: gcpukernel.hpp:129
cv::KeyPoint::pt
Point2f pt
coordinates of the keypoints
Definition: types.hpp:771
cv::text::detectTextSWT
void detectTextSWT(InputArray input, std::vector< cv::Rect > &result, bool dark_on_light, OutputArray &draw=noArray(), OutputArray &chainBBs=noArray())
Applies the Stroke Width Transform operator followed by filtering of connected components of similar ...
cv::cuda::BackgroundSubtractorGMG::getQuantizationLevels
virtual int getQuantizationLevels() const =0
cv::reg::Map::inverseMap
virtual cv::Ptr< Map > inverseMap() const =0
cv::cudev::threshBinary_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshBinaryFunc< typename PtrTraits< SrcPtr >::value_type > > > threshBinary_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh, typename PtrTraits< SrcPtr >::value_type maxVal)
Definition: per_element_func.hpp:82
cv::gapi::boxFilter
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.
cv::bitwise_or
void bitwise_or(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray())
Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar.
MatToNSImage
NSImage * MatToNSImage(const cv::Mat &image)
cv::ocl::OpenCLExecutionContext::getDevice
Device & getDevice() const
cv::detail::findMaxSpanningTree
void findMaxSpanningTree(int num_images, const std::vector< MatchesInfo > &pairwise_matches, Graph &span_tree, std::vector< int > &centers)
cv::gapi::wip::draw::Prims
std::vector< Prim > Prims
Definition: render_types.hpp:339
cv::ccm::ColorCorrectionModel::setCCM_TYPE
void setCCM_TYPE(CCM_TYPE ccm_type)
set ccm_type
cv::reg::MapAffine::getShift
void getShift(OutputArray shift) const
Definition: mapaffine.hpp:100
cv::aruco::CharucoBoard::getSquareLength
float getSquareLength() const
Definition: charuco.hpp:111
cv::ml::SimulatedAnnealingSolverSystem::changeState
void changeState()
cv::util::detail::type_list_index_helper
Definition: variant.hpp:27
cv::ocl::Program::create
bool create(const ProgramSource &src, const String &buildflags, String &errmsg)
cv::detail::tracking::contrib_feature::CvHOGEvaluator::normSum
Mat normSum
Definition: feature.hpp:332
cv::omnidir::internal::compose_motion
void compose_motion(InputArray _om1, InputArray _T1, InputArray _om2, InputArray _T2, Mat &om3, Mat &T3, Mat &dom3dom1, Mat &dom3dT1, Mat &dom3dom2, Mat &dom3dT2, Mat &dT3dom1, Mat &dT3dT1, Mat &dT3dom2, Mat &dT3dT2)
NcvBool
bool NcvBool
Definition: NCV.hpp:118
cv::cuda::BackgroundSubtractorGMG::setQuantizationLevels
virtual void setQuantizationLevels(int nlevels)=0
cv::detail::make_default
auto make_default() -> decltype(T
Definition: gtyped.hpp:42
cv::ximgproc::EdgeAwareInterpolator
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from and Fa...
Definition: sparse_match_interpolator.hpp:78
cv::Allocator::difference_type
ptrdiff_t difference_type
Definition: cvstd.hpp:119
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
cv::datasets::SLAM_tumindoorObj::type
imageType type
Definition: slam_tumindoor.hpp:71
cv::SimpleBlobDetector::Params::read
void read(const FileNode &fn)
cv::HOGDescriptor::detectROI
virtual void detectROI(InputArray img, const std::vector< cv::Point > &locations, std::vector< cv::Point > &foundLocations, std::vector< double > &confidences, double hitThreshold=0, cv::Size winStride=Size(), cv::Size padding=Size()) const
evaluate specified ROI and return confidence value for each location
cv::BOWTrainer::getDescriptors
const std::vector< Mat > & getDescriptors() const
Returns a training set of descriptors.
cv::cudev::LOG_WARP_SIZE
@ LOG_WARP_SIZE
Definition: warp.hpp:58
nppiStTranspose_64u_C1R
NCVStatus nppiStTranspose_64u_C1R(Ncv64u *d_src, Ncv32u srcStride, Ncv64u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::GOpaque::GOpaque
GOpaque(detail::GOpaqueU &&ref)
Definition: gopaque.hpp:316
cv::ocl::Device::getImpl
Impl * getImpl() const
Definition: ocl.hpp:238
cv::hal::cmp16u
void cmp16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::ximgproc::BINARIZATION_WOLF
@ BINARIZATION_WOLF
Wolf's technique. See .
Definition: ximgproc.hpp:121
cv::legacy::MultiTracker_Alt::targetNum
int targetNum
Current number of targets in tracking-list.
Definition: tracking_legacy.hpp:450
cv::detail::tracking::TrackerContribFeature::getClassName
String getClassName() const
Get the name of the specific TrackerContribFeature.
cv::Canny
void Canny(InputArray image, OutputArray edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny algorithm .
cv::FileNode::mat
Mat mat() const
Simplified reading API to use with bindings.
cv::ogl::Arrays::resetNormalArray
void resetNormalArray()
Resets vertex normals.
cv::cudev::Warp
Definition: warp.hpp:63
cv::videostab::DeblurerBase::motions
virtual const std::vector< Mat > & motions() const
Definition: deblurring.hpp:78
cv::quality::QualityBRISQUE::computeFeatures
static void computeFeatures(InputArray img, OutputArray features)
static method for computing image features used by the BRISQUE algorithm
cv::CAP_PROP_XI_GPO_MODE
@ CAP_PROP_XI_GPO_MODE
Set general purpose output mode.
Definition: videoio.hpp:353
cv::CAP_PROP_XI_DATA_FORMAT
@ CAP_PROP_XI_DATA_FORMAT
Output data format.
Definition: videoio.hpp:344
cv::BOWImgDescriptorExtractor::dextractor
Ptr< DescriptorExtractor > dextractor
Definition: features2d.hpp:1536
cv::cudev::PtrTraitsBase::ptr_sz_type
Ptr2DSz ptr_sz_type
Definition: traits.hpp:58
cv::datasets::IS_weizmannObj
Definition: is_weizmann.hpp:61
cv::cudev::GpuMat_::stepT
__host__ size_t stepT() const
returns step()/sizeof(T)
cv::BackgroundSubtractorMOG2::setShadowThreshold
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
hal_ni_mul16u
int hal_ni_mul16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:240
cv::RotatedRect::RotatedRect
RotatedRect(const Point2f &center, const Size2f &size, float angle)
cv::cuda::sqrt
void sqrt(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square root of each matrix element.
cv::TrackerCSRT::Params::hog_orientations
float hog_orientations
Definition: tracking.hpp:58
cv::detail::is_meta_descr
Definition: gmetaarg.hpp:55
cv::DataDepth::fmt
@ fmt
Definition: traits.hpp:290
cv::COLOR_BayerRG2RGBA
@ COLOR_BayerRG2RGBA
Definition: imgproc.hpp:788
cv::_InputArray::getGpuMatVector
void getGpuMatVector(std::vector< cuda::GpuMat > &gpumv) const
cv::AutoBuffer::ptr
_Tp * ptr
pointer to the real buffer, can point to buf if the buffer is small enough
Definition: utility.hpp:146
cv::viz::WCloudCollection::finalize
void finalize()
Finalizes cloud data by repacking to single cloud.
cv::ovis::SCENE_SHOW_CS_CROSS
@ SCENE_SHOW_CS_CROSS
draw coordinate system crosses for debugging
Definition: ovis.hpp:51
cv::MatConstIterator_
Matrix read-only iterator.
Definition: mat.hpp:3077
cv::viz::WCone::WCone
WCone(double length, double radius, int resolution=6.0, const Color &color=Color::white())
Constructs default cone oriented along x-axis with center of its base located at origin.
cv::quality::QualityGMSD
Full reference GMSD algorithm http://www4.comp.polyu.edu.hk/~cslzhang/IQA/GMSD/GMSD....
Definition: qualitygmsd.hpp:20
cv::DetectionROI
struct for detection region of interest (ROI)
Definition: objdetect.hpp:346
cv::dnn::DataAugmentationLayer
Definition: all_layers.hpp:558
cv::ocl::OpenCLExecutionContext::getCurrent
static OpenCLExecutionContext & getCurrent()
cv::datasets::male
@ male
Definition: fr_adience.hpp:62
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3)
4-element vector constructor
cvv::impl::showImage
void showImage(cv::InputArray img, const CallMetaData &data, const char *description, const char *view)
cv::Quat::operator/
Quat< _Tp > operator/(const Quat< _Tp > &) const
Division operator of two quaternions p and q. Divides left hand operand by right hand operand.
cv::edgePreservingFilter
void edgePreservingFilter(InputArray src, OutputArray dst, int flags=1, float sigma_s=60, float sigma_r=0.4f)
Filtering is the fundamental operation in image and video processing. Edge-preserving smoothing filte...
cv::cuda::HOG::getScaleFactor
virtual double getScaleFactor() const =0
cv::cudev::operator%
__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
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::getProcessNoiseCov
virtual Mat getProcessNoiseCov() const =0
cv::detail::SphericalWarper::buildMaps
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.
cv::detail::OptRef::reset
void reset()
Definition: gstreaming.hpp:56
cv::SimpleBlobDetector::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::ocl::Device::Device
Device(const Device &d)
cv::hal::cvtTwoPlaneYUVtoBGR
void cvtTwoPlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, int dcn, bool swapBlue, int uIdx)
cv::dnn::TextDetectionModel::detect
void detect(InputArray frame, std::vector< std::vector< Point > > &detections) const
cv::cuda::EventAccessor
Class that enables getting cudaEvent_t from cuda::Event.
Definition: cuda_stream_accessor.hpp:76
cv::detail::GArrayU::priv
const GOrigin & priv() const
cv::xobjdetect::WBDetector::~WBDetector
virtual ~WBDetector()
Definition: xobjdetect.hpp:95
cv::detail::TransverseMercatorProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::Mat_::Mat_
Mat_(int _rows, int _cols, _Tp *_data, size_t _step=AUTO_STEP)
constructs a matrix on top of user-allocated data. step is in bytes(!!!), regardless of the type
cv::utils::dumpInputArray
String dumpInputArray(InputArray argument)
cv::structured_light::SinusoidalPattern::Params::width
int width
Definition: sinusoidalpattern.hpp:85
Ncv32u
unsigned int Ncv32u
Definition: NCV.hpp:128
cv::detail::tracking::TrackerFeatureSet::addTrackerFeature
bool addTrackerFeature(const Ptr< TrackerFeature > &feature)
Add TrackerFeature in the collection. Return true if TrackerFeature is added, false otherwise.
cv::CylindricalWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:171
cv::saliency::MotionSaliencyBinWangApr2014::getImageHeight
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:207
cv::Quat::power
friend Quat< T > power(const Quat< T > &p, const Quat< T > &q, QuatAssumeType assumeUnit)
return the value of power function with quaternion .
cv::detail::MatchesInfo::inliers_mask
std::vector< uchar > inliers_mask
Geometrically consistent matches mask.
Definition: matchers.hpp:108
cv::detail::getGOut_impl
static GProtoOutputArgs getGOut_impl(const std::tuple< Ts... > &ts, detail::Seq< Indexes... >)
Definition: gproto.hpp:111
cv::stereo::StereoMatcher::getSpeckleWindowSize
virtual int getSpeckleWindowSize() const =0
cv::GFluidKernel::m_f
const F m_f
Definition: gfluidkernel.hpp:89
OpenCV_API_Header::valid_size
size_t valid_size
valid size of this structure
Definition: llapi.h:41
nppiStIntegral_8u32u_C1R_host
NCVStatus nppiStIntegral_8u32u_C1R_host(Ncv8u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u roiSize)
cv::ocl::PlatformInfo::PlatformInfo
PlatformInfo()
cv::CMP_GT
@ CMP_GT
src1 is greater than src2.
Definition: base.hpp:212
cv::videostab::NullDeblurer::deblur
virtual void deblur(int, Mat &, const Range &) CV_OVERRIDE
Definition: deblurring.hpp:93
cv::datasets::OR_imagenet
Definition: or_imagenet.hpp:67
cv::cudev::GlobPtrSz::cols
int cols
Definition: glob.hpp:87
cv::ximgproc::MSLIC
@ MSLIC
Definition: slic.hpp:64
cv::viz::Viz3d::removeAllWidgets
void removeAllWidgets()
Removes all widgets from the window.
cv::UMat::rows
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:2557
cv::UMatData::refcount
int refcount
Definition: mat.hpp:557
cv::ml::ANN_MLP::load
static Ptr< ANN_MLP > load(const String &filepath)
Loads and creates a serialized ANN from a file.
cv::MediaFrame::View::View
View(const View &)=delete
cv::cudev::ScharrXPtrSz
Definition: deriv.hpp:255
cv::COLOR_RGBA2BGRA
@ COLOR_RGBA2BGRA
Definition: imgproc.hpp:544
cv::Quat::tanh
Quat< _Tp > tanh() const
return tanh value of this quaternion, tanh could be calculated as:
cv::hal::DFT1D
Definition: hal.hpp:205
cv::randShuffle
void randShuffle(InputOutputArray dst, double iterFactor=1., RNG *rng=0)
Shuffles the array elements randomly.
cv::ocl::Device::imageMaxBufferSize
size_t imageMaxBufferSize() const
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy::merge
virtual void merge(int r1, int r2)=0
Inform the strategy that two regions will be merged.
cv::COLOR_BGR2RGBA
@ COLOR_BGR2RGBA
convert between RGB and BGR color spaces (with or without alpha channel)
Definition: imgproc.hpp:534
cv::_InputArray::flags
int flags
Definition: mat.hpp:255
cv::ximgproc::segmentation::GraphSegmentation
Graph Based Segmentation Algorithm. The class implements the algorithm described in .
Definition: segmentation.hpp:46
cv::ccm::ColorCorrectionModel::setLinearDegree
void setLinearDegree(const int &deg)
set degree
cv::hdf::HDF5::dsgetsize
virtual vector< int > dsgetsize(const String &dslabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch dataset sizes.
cv::cuda::HOG::getHitThreshold
virtual double getHitThreshold() const =0
cv::COLORMAP_DEEPGREEN
@ COLORMAP_DEEPGREEN
Definition: imgproc.hpp:4288
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(double scale=1.0)
Creates camera coordinate frame at the origin.
cv::detail::AffineWarper
Affine warper that uses rotations and translations.
Definition: warpers.hpp:236
cv::COLOR_BayerBG2BGR
@ COLOR_BayerBG2BGR
Demosaicing.
Definition: imgproc.hpp:743
cv::legacy::TrackerCSRT
the CSRT tracker
Definition: tracking_legacy.hpp:501
cv::SparsePyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int maxLevel)=0
CV_BIG_INT
#define CV_BIG_INT(n)
Definition: interface.h:63
cv::rgbd::FastICPOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:1124
cv::Stitcher::composePanorama
Status composePanorama(InputArrayOfArrays images, OutputArray pano)
These functions try to compose the given images (or images stored internally from the other function ...
cv::detail::GainCompensator::apply
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
cv::hal::recip8u
void recip8u(const uchar *, size_t, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
cv::getThreadNum
int getThreadNum()
Returns the index of the currently executed thread within the current parallel region....
cv::kinfu::Intr::Reprojector::fyinv
float fyinv
Definition: intrinsics.hpp:35
cv::CAP_PROP_XI_GAIN_SELECTOR
@ CAP_PROP_XI_GAIN_SELECTOR
Gain selector for parameter Gain allows to select different type of gains.
Definition: videoio.hpp:366
cv::detail::tracking::feature::CvFeatureParams::maxCatCount
int maxCatCount
Definition: tracking_feature.private.hpp:46
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getSwappedClassifier
int getSwappedClassifier() const
cv::MediaFrame::View::Strides
std::array< std::size_t, MAX_PLANES > Strides
Definition: media.hpp:48
cv::ocl::Program::empty
bool empty() const
Definition: ocl.hpp:527
NppStInterpolationState::pSrcFrame1
Ncv32f * pSrcFrame1
frame 1
Definition: NPP_staging.hpp:120
cv::cudacodec::VideoWriter::~VideoWriter
virtual ~VideoWriter()
Definition: cudacodec.hpp:180
cv::CAP_PROP_TRIGGER
@ CAP_PROP_TRIGGER
Definition: videoio.hpp:160
cv::optflow::RLOFOpticalFlowParameter::solverType
SolverType solverType
Definition: rlofflow.hpp:83
cv::gapi::ie::Params< cv::gapi::Generic >::params
cv::util::any params() const
Definition: ie.hpp:179
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, const String &dslabel) const =0
cv::cudev::NormL2
Definition: vec_distance.hpp:123
cv::ximgproc::FastLineDetector
Class implementing the FLD (Fast Line Detector) algorithm described in .
Definition: fast_line_detector.hpp:25
NcvRect32u::y
Ncv32u y
y-coordinate of upper left corner.
Definition: NCV.hpp:163
intrin.hpp
cv::detail::tracking::TrackerContribSamplerCSC
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking_internals.hpp:642
fuzzy_F1_math.hpp
cv::superres::BroxOpticalFlow::setAlpha
virtual void setAlpha(double val)=0
Flow smoothness.
cv::optflow::RLOFOpticalFlowParameter::crossSegmentationThreshold
int crossSegmentationThreshold
Definition: rlofflow.hpp:112
cv::TrackerKCF::Params::max_patch_size
int max_patch_size
threshold for the ROI size
Definition: tracking.hpp:131
cv::ovis::MATERIAL_TEXTURE
@ MATERIAL_TEXTURE
Definition: ovis.hpp:66
cv::mcc::CChecker::getBox
virtual std::vector< Point2f > getBox()=0
cv::RotateFlags
RotateFlags
Definition: core.hpp:1069
cv::TrackerKCF::MODE
MODE
Feature type to be used in the tracking grayscale, colornames, compressed color-names The modes avail...
Definition: tracking.hpp:111
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call
static void call(GCPUContext &ctx)
Definition: gcpukernel.hpp:401
CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC
#define CV_CUDEV_IMPLEMENT_VEC_UNARY_FUNC(func_name, func, input_type, output_type)
Definition: vec_math.hpp:182
cv::KAZE::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
CV_CONSTEXPR
#define CV_CONSTEXPR
Definition: cvdef.h:761
cv::optflow::GPCDetails
Definition: sparse_matching_gpc.hpp:302
cv::cuda::DeviceInfo::memoryClockRate
int memoryClockRate() const
peak memory clock frequency in kilohertz
cv::detail::VectorRef::descr_of
cv::GArrayDesc descr_of() const
Definition: garray.hpp:300
cv::line_descriptor::LSDParam::density_th
double density_th
Definition: descriptor.hpp:706
dnn.hpp
cv::cuda::ALPHA_ATOP_PREMUL
@ ALPHA_ATOP_PREMUL
Definition: cudaimgproc.hpp:160
cv::COLOR_YUV2BGRA_NV12
@ COLOR_YUV2BGRA_NV12
Definition: imgproc.hpp:644
cv::detail::tracking::kalman_filters::UkfSystemModel::~UkfSystemModel
virtual ~UkfSystemModel()
Definition: kalman_filters.hpp:106
cv::stereo::CV_QUADRATIC_INTERPOLATION
@ CV_QUADRATIC_INTERPOLATION
Definition: stereo.hpp:118
nppiStGetInterpolationBufferSize
NCVStatus nppiStGetInterpolationBufferSize(NcvSize32u srcSize, Ncv32u nStep, Ncv32u *hpSize)
cv::cudev::gridFindMinMaxVal_
__host__ void gridFindMinMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:174
cv::detail::CylindricalWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:600
motion_estimators.hpp
cv::ppf_match_3d::normalizePCCoeff
Mat normalizePCCoeff(Mat pc, float scale, float *Cx, float *Cy, float *Cz, float *MinVal, float *MaxVal)
cv::ovis::WindowScene::playEntityAnimation
virtual void playEntityAnimation(const String &name, const String &animname, bool loop=true)=0
cv::AlignMTB::setCut
virtual void setCut(bool value)=0
cv::ocl::Device::set
void set(void *d)
cv::kinfu::Intr::Reprojector::Reprojector
Reprojector()
Definition: intrinsics.hpp:21
cv::videostab::StabilizerBase::postProcessFrame
virtual Mat postProcessFrame(const Mat &frame)
cv::saliency::StaticSaliencyFineGrained::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE
cv::LineIterator::operator++
LineIterator & operator++()
prefix increment operator (++it). shifts iterator to the next pixel
cv::LOCAL_OPTIM_GC
@ LOCAL_OPTIM_GC
Definition: calib3d.hpp:548
cv::detail::tracking::TrackerSamplerCS::Params::Params
Params()
cv::DIST_C
@ DIST_C
distance = max(|x1-x2|,|y1-y2|)
Definition: imgproc.hpp:303
cv::Point3i
Point3_< int > Point3i
Definition: types.hpp:270
cv::CALIB_RATIONAL_MODEL
@ CALIB_RATIONAL_MODEL
Definition: calib3d.hpp:507
cv::HausdorffDistanceExtractor::getDistanceFlag
virtual int getDistanceFlag() const =0
cv::cudacodec::MPEG1
@ MPEG1
Definition: cudacodec.hpp:247
cv::ccm::COLOR_SPACE_Lab_E_10
@ COLOR_SPACE_Lab_E_10
non-RGB color space
Definition: ccm.hpp:133
cv::linearPolar
void linearPolar(InputArray src, OutputArray dst, Point2f center, double maxRadius, int flags)
Remaps an image to polar coordinates space.
cv::CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
@ CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE
Data packing type. Some cameras supports only specific packing type.
Definition: videoio.hpp:399
cv::gapi::own::Rect
Definition: types.hpp:42
cv::videostab::MotionEstimatorBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Sets motion model.
Definition: global_motion.hpp:106
cv::ShapeContextDistanceExtractor::getAngularBins
virtual int getAngularBins() const =0
cv::GFrameDesc::size
cv::Size size
Definition: gframe.hpp:58
cv::face::FacemarkAAM::Model::S
Mat S
Definition: facemarkAAM.hpp:143
cv::datasets::OR_sun::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::CAP_PROP_FORMAT
@ CAP_PROP_FORMAT
Definition: videoio.hpp:142
cv::dnn::TextDetectionModel_DB::setUnclipRatio
TextDetectionModel_DB & setUnclipRatio(double unclipRatio)
cv::hal::mul16u
void mul16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scale)
cv::ppf_match_3d::ICP::ICP
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
cv::boundingRect
Rect boundingRect(InputArray array)
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
cv::ppf_match_3d::PoseCluster3D::readPoseCluster
int readPoseCluster(FILE *f)
cv::detail::FluidCallHelper
Definition: gfluidkernel.hpp:354
cv::videostab::PyrLkOptFlowEstimatorBase::maxLevel_
int maxLevel_
Definition: optical_flow.hpp:93
cv::cudev::FindMaxValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:113
cv::TermCriteria::TermCriteria
TermCriteria(int type, int maxCount, double epsilon)
cv::rotate
void rotate(InputArray src, OutputArray dst, int rotateCode)
Rotates a 2D array in multiples of 90 degrees. The function cv::rotate rotates the array in one of th...
cv::MediaFrame::View::Ptrs
std::array< void *, MAX_PLANES > Ptrs
Definition: media.hpp:47
cv::detail::tracking::TrackerSamplerCSC::Params
Definition: tracking.private.hpp:364
cv::CAP_PROP_XI_LUT_EN
@ CAP_PROP_XI_LUT_EN
Activates LUT.
Definition: videoio.hpp:459
cv::viz::WidgetAccessor::getProp
static vtkSmartPointer< vtkProp > getProp(const Widget &widget)
Returns vtkProp of a given widget.
cv::ml::SVMSGD::setOptimalParameters
virtual void setOptimalParameters(int svmsgdType=SVMSGD::ASGD, int marginType=SVMSGD::SOFT_MARGIN)=0
Function sets optimal parameters values for chosen SVM SGD model.
cv::dnn::Model::setPreferableBackend
Model & setPreferableBackend(dnn::Backend backendId)
cv::RNG_MT19937::uniform
float uniform(float a, float b)
returns uniformly distributed floating-point random number from [a,b) range
cv::videostab::NullDeblurer
Definition: deblurring.hpp:91
CV_CUDEV_EXPR_UNOP_INST
#define CV_CUDEV_EXPR_UNOP_INST(op, functor)
Definition: unary_op.hpp:63
cv::CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
@ CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT
Current format of pixels on transport layer.
Definition: videoio.hpp:449
cv::BackgroundSubtractorMOG2::setHistory
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
cv::detail::VectorRefT::mov
virtual void mov(BasicVectorRef &v) override
Definition: garray.hpp:219
cv::ximgproc::EdgeBoxes::getGamma
virtual float getGamma() const =0
Returns the affinity sensitivity.
cv::detail::tracking::contrib_feature::CvLBPEvaluator
Definition: feature.hpp:369
cv::GInferROIBase::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:218
cv::cuda::NvidiaOpticalFlow_1_0::create
static Ptr< NvidiaOpticalFlow_1_0 > create(int width, int height, cv::cuda::NvidiaOpticalFlow_1_0::NVIDIA_OF_PERF_LEVEL perfPreset=cv::cuda::NvidiaOpticalFlow_1_0::NVIDIA_OF_PERF_LEVEL::NV_OF_PERF_LEVEL_SLOW, bool enableTemporalHints=false, bool enableExternalHints=false, bool enableCostBuffer=false, int gpuId=0, Stream &inputStream=Stream::Null(), Stream &outputStream=Stream::Null())
Instantiate NVIDIA Optical Flow.
cv::detail::tracking::online_boosting::Detector::getConfidenceOfBestDetection
float getConfidenceOfBestDetection()
Definition: onlineBoosting.hpp:216
cv::superres::SuperResolution::reset
void reset() CV_OVERRIDE
cv::v_int8x16::v_int8x16
v_int8x16()
Definition: intrin_rvv.hpp:265
cv::ml::EM::getClustersNumber
virtual int getClustersNumber() const =0
OPENCV_HAL_IMPL_RVV_ONE_TIME_REINTERPRET
#define OPENCV_HAL_IMPL_RVV_ONE_TIME_REINTERPRET(_Tpvec1, _Tpvec2, _nTpvec1, _nTpvec2, suffix1, suffix2, nsuffix1, nsuffix2, width1, width2)
Definition: intrin_rvv.hpp:608
cv::videostab::RansacParams::size
int size
subset size
Definition: motion_core.hpp:75
cv::cudacodec::RawVideoSource::getNextPacket
virtual bool getNextPacket(unsigned char **data, size_t *size)=0
Returns next packet with RAW video frame.
cv::detail::tracking::contrib_feature::CvHaarEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
cv::cuda::createMinEigenValCorner
Ptr< CornernessCriteria > createMinEigenValCorner(int srcType, int blockSize, int ksize, int borderType=BORDER_REFLECT101)
Creates implementation for the minimum eigen value of a 2x2 derivative covariation matrix (the corner...
cv::AlignExposures
The base class for algorithms that align images of the same scene with different exposures.
Definition: photo.hpp:451
cv::dnn::TextDetectionModel_EAST
This class represents high-level API for text detection DL networks compatible with EAST model.
Definition: dnn.hpp:1483
cv::instr::setFlags
void setFlags(FLAGS modeFlags)
cv::ccm::COLOR_SPACE_AppleRGBL
@ COLOR_SPACE_AppleRGBL
https://en.wikipedia.org/wiki/RGB_color_space , linear RGB color space
Definition: ccm.hpp:105
cv::COLOR_BayerRG2BGR_EA
@ COLOR_BayerRG2BGR_EA
Definition: imgproc.hpp:772
cv::GOpaqueDesc::operator==
bool operator==(const GOpaqueDesc &) const
Definition: gopaque.hpp:40
cv::dnn::BackendWrapper::BackendWrapper
BackendWrapper(const Ptr< BackendWrapper > &base, const MatShape &shape)
Make wrapper for reused cv::Mat.
gstreaming.hpp
cv::datasets::SLAM_kitti
Definition: slam_kitti.hpp:75
cv::cuda::HoughSegmentDetector::getMaxLines
virtual int getMaxLines() const =0
cv::CAP_PROP_POS_FRAMES
@ CAP_PROP_POS_FRAMES
0-based index of the frame to be decoded/captured next.
Definition: videoio.hpp:135
cv::gapi::BackgroundSubtractor
GMat BackgroundSubtractor(const GMat &src, const cv::gapi::video::BackgroundSubtractorParams &bsParams)
Gaussian Mixture-based or K-nearest neighbours-based Background/Foreground Segmentation Algorithm....
cv::linemod::Detector::read
void read(const FileNode &fn)
cv::detail::get_window_helper< false, Impl, Ins... >::help
static int help(const cv::GMetaArgs &, const cv::GArgs &)
Definition: gfluidkernel.hpp:315
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m, int _row, int _col=0)
constructor that sets the iterator to the specified element of the matrix
cv::ovis::createWindow
Ptr< WindowScene > createWindow(const String &title, const Size &size, int flags=SCENE_INTERACTIVE|SCENE_AA)
cv::vfloat64mf2_t::vfloat64mf2_t
vfloat64mf2_t()
Definition: intrin_rvv.hpp:122
cv::ovis::createTriangleMesh
void createTriangleMesh(const String &name, InputArray vertices, InputArray normals=noArray(), InputArray indices=noArray())
cv::FileNode::setValue
void setValue(int type, const void *value, int len=-1)
CV_EXPORTS_AS
#define CV_EXPORTS_AS(synonym)
Definition: cvdef.h:446
cv::getMouseWheelDelta
int getMouseWheelDelta(int flags)
Gets the mouse-wheel motion delta, when handling mouse-wheel events cv::EVENT_MOUSEWHEEL and cv::EVEN...
cv::vint8mf4_t
Definition: intrin_rvv.hpp:141
cv::cudev::UnaryTupleAdapter
Definition: tuple_adapter.hpp:58
cv::CalibrateDebevec::setSamples
virtual void setSamples(int samples)=0
cv::ml::SimulatedAnnealingSolverSystem::reverseState
void reverseState()
cv::ccm::ColorCorrectionModel::setWeightCoeff
void setWeightCoeff(const double &weights_coeff)
set WeightCoeff
cv::datasets::OR_pascalObj::depth
int depth
Definition: or_pascal.hpp:84
cv::datasets::FR_adience::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::KAZE::getThreshold
virtual double getThreshold() const =0
cv::cuda::setGlDevice
void setGlDevice(int device=0)
Sets a CUDA device and initializes it for the current thread with OpenGL interoperability.
cv::quality::quality_utils::expand_mat
R expand_mat(InputArray src, int TYPE_DEFAULT=EXPANDED_MAT_DEFAULT_TYPE)
Definition: quality_utils.hpp:37
cv::cuda::ALPHA_OUT
@ ALPHA_OUT
Definition: cudaimgproc.hpp:159
hal_ni_add8s
int hal_ni_add8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:77
cv::linemod::Detector::LinearMemories
std::vector< Mat > LinearMemories
Definition: linemod.hpp:404
show_image.hpp
cv::ml::SVM::setType
virtual void setType(int val)=0
cv::ocl::Device::isAMD
bool isAMD() const
Definition: ocl.hpp:189
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyMultiple
Ptr< SelectiveSearchSegmentationStrategyMultiple > createSelectiveSearchSegmentationStrategyMultiple()
Create a new multiple strategy.
cv::detail::OpaqueRef::wref
T & wref()
Definition: gopaque.hpp:270
cv::aruco::DICT_7X7_100
@ DICT_7X7_100
Definition: dictionary.hpp:155
async.hpp
cv::gapi::wip::draw::Line::lt
int lt
The Type of the line. See LineTypes.
Definition: render_types.hpp:229
cv::ACCESS_FAST
@ ACCESS_FAST
Definition: mat.hpp:65
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(InputArrayOfArrays points2d, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
cv::detail::PaniniWarper
Definition: warpers.hpp:440
cv::face::StandardCollector::create
static Ptr< StandardCollector > create(double threshold=DBL_MAX)
Static constructor.
cv::samples::addSamplesDataSearchPath
void addSamplesDataSearchPath(const cv::String &path)
Override search data path by adding new search location.
cv::detail::ConstructVec
std::function< void(VectorRef &)> ConstructVec
Definition: garray.hpp:58
cv::rgbd::RgbdOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:688
cv::cudev::NearestInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:65
NcvSize32u
Definition: NCV.hpp:182
cv::cudev::AffineMapPtrSz::cols
int cols
Definition: warping.hpp:79
cv::CASCADE_DO_CANNY_PRUNING
@ CASCADE_DO_CANNY_PRUNING
Definition: objdetect.hpp:168
cv::dynafu::DynaFu::getCloud
virtual void getCloud(OutputArray points, OutputArray normals) const =0
Gets points and normals of current 3d mesh.
cv::rgbd::Odometry::computeImpl
virtual bool computeImpl(const Ptr< OdometryFrame > &srcFrame, const Ptr< OdometryFrame > &dstFrame, OutputArray Rt, const Mat &initRt) const =0
cv::optflow::DualTVL1OpticalFlow::setGamma
virtual void setGamma(double val)=0
coefficient for additional illumination variation term
cv::line_descriptor::KeyLine::endPointY
float endPointY
Definition: descriptor.hpp:129
cv::SimilarRects::eps
double eps
Definition: objdetect.hpp:133
cv::createHanningWindow
void createHanningWindow(OutputArray dst, Size winSize, int type)
This function computes a Hanning window coefficients in two dimensions.
cv::_InputArray::_InputArray
_InputArray(const std::vector< _Tp > &vec)
cv::detail::FluidCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... >, UseScratch >::getWindow
static int getWindow(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:404
cv::mcc::CChecker::setTarget
virtual void setTarget(TYPECHART _target)=0
Cv16suf::i
short i
Definition: cvdef.h:367
cv::xphoto::SimpleWB::getInputMax
virtual float getInputMax() const =0
Input image range maximum value.
cv::detail::tracking::feature::CvHaarEvaluator::getWinSize
Size getWinSize() const
Definition: tracking_feature.private.hpp:137
cv::ml::SVM::getDefaultGridPtr
static Ptr< ParamGrid > getDefaultGridPtr(int param_id)
Generates a grid for SVM parameters.
cv::gapi::own::detail::MatHeader::dims
std::vector< int > dims
dimensions (ND-case)
Definition: mat.hpp:84
cv::cuda::solvePnPRansac
void solvePnPRansac(const Mat &object, const Mat &image, const Mat &camera_mat, const Mat &dist_coef, Mat &rvec, Mat &tvec, bool use_extrinsic_guess=false, int num_iters=100, float max_dist=8.0, int min_inlier_count=100, std::vector< int > *inliers=NULL)
Finds the object pose from 3D-2D point correspondences.
cv::Quat::asin
friend Quat< T > asin(const Quat< T > &q)
return arcsin value of quaternion q, arcsin could be calculated as:
cv::v_float32x4::nlanes
@ nlanes
Definition: intrin_rvv.hpp:423
face_alignment.hpp
HaarClassifierCascadeDescriptor::bNeedsTiltedII
NcvBool bNeedsTiltedII
Definition: NCVHaarObjectDetection.hpp:340
cv::cudev::max_
__host__ Expr< BinaryTransformPtrSz< typename PtrTraits< SrcPtr1 >::ptr_type, typename PtrTraits< SrcPtr2 >::ptr_type, maximum< typename LargerType< typename PtrTraits< SrcPtr1 >::value_type, typename PtrTraits< SrcPtr2 >::value_type >::type > > > max_(const SrcPtr1 &src1, const SrcPtr2 &src2)
Definition: per_element_func.hpp:73
cv::softfloat::setFrac
softfloat setFrac(const softfloat &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:196
cv::viz::getWindowByName
Viz3d getWindowByName(const String &window_name)
Retrieves a window by its name.
cv::GOCLKernel::m_f
F m_f
Definition: goclkernel.hpp:99
cv::hal::add32s
void add32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::StereoBM::getTextureThreshold
virtual int getTextureThreshold() const =0
cv::img_hash::MarrHildrethHash::MarrHildrethHash
MarrHildrethHash()
Definition: marr_hildreth_hash.hpp:45
cv::ogl::Texture2D::bind
void bind() const
Binds texture to current active texture unit for GL_TEXTURE_2D target.
cv::StereoSGBM::setMode
virtual void setMode(int mode)=0
cv::connectedComponents
int connectedComponents(InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image
cv::dnn::Net::getPerfProfile
int64 getPerfProfile(std::vector< double > &timings)
Returns overall time for inference and timings (in ticks) for layers. Indexes in returned vector corr...
hal_ni_warpAffine
int hal_ni_warpAffine(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, const double M[6], int interpolation, int borderType, const double borderValue[4])
hal_warpAffine
Definition: hal_replacement.hpp:272
cv::gapi::own::roundd
double roundd(double x)
Definition: saturate.hpp:84
cv::ppf_match_3d::getRandomPose
void getRandomPose(Matx44d &Pose)
cv::ml::ErrorTypes
ErrorTypes
Error types
Definition: ml.hpp:90
cv::MediaFrame::View::stride
Strides stride
Definition: media.hpp:58
cv::cudev::binaryTupleAdapter
__host__ __device__ BinaryTupleAdapter< Op, n0, n1 > binaryTupleAdapter(const Op &op)
Definition: tuple_adapter.hpp:92
cv::cuda::GpuMat::allocator
Allocator * allocator
allocator
Definition: cuda.hpp:340
cv::FileNode::fs
FileStorage::Impl * fs
Definition: persistence.hpp:622
cv::LineIterator::elemSize
int elemSize
Definition: imgproc.hpp:4814
hal_ni_FAST
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
cv::gapi::own::Size::operator=
Size & operator=(const cv::Size &rhs)
Definition: types.hpp:105
cv::ocl::OpenCLExecutionContext::empty
bool empty() const
Definition: ocl.hpp:813
cv::linemod::Match::x
int x
Definition: linemod.hpp:282
cv::ximgproc::GradientDericheX
void GradientDericheX(InputArray op, OutputArray dst, double alpha, double omega)
Applies X Deriche filter to an image.
cv::videostab::NullFrameSource::reset
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:68
cv::face::StandardCollector::getResults
std::vector< std::pair< int, double > > getResults(bool sorted=false) const
Return results as vector.
predict_collector.hpp
cv::ParamType< std::vector< Mat > >::const_param_type
const std::vector< Mat > & const_param_type
Definition: core.hpp:3235
NCV_CT_ASSERT
#define NCV_CT_ASSERT(X)
Definition: NCV.hpp:89
cv::face::loadTrainingData
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.
NCVVectorAlloc
Definition: NCV.hpp:630
cv_cpu_helper.h
cv::CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
@ CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE
Lens current focus movement value to be used by XI_PRM_LENS_FOCUS_MOVE in motor steps.
Definition: videoio.hpp:439
cv::cuda::FGDParams::perform_morphing
int perform_morphing
These erase one-pixel junk blobs and merge almost-touching blobs. Default value is 1.
Definition: cudalegacy.hpp:167
cv::cuda::HoughSegmentDetector::getTheta
virtual float getTheta() const =0
cv::CAP_PROP_XI_RECENT_FRAME
@ CAP_PROP_XI_RECENT_FRAME
GetImage returns most recent frame.
Definition: videoio.hpp:471
cv::AVIWriteContainer::getAVIIndex
int getAVIIndex(int stream_number, StreamType strm_type)
cv::Vec::conj
Vec conj() const
conjugation (makes sense for complex numbers and quaternions)
cv::StereoBM::create
static Ptr< StereoBM > create(int numDisparities=0, int blockSize=21)
Creates StereoBM object.
highgui.hpp
cv::cudev::bit_xor::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:245
cv::StereoBM
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: calib3d.hpp:3418
cv::BOWKMeansTrainer::~BOWKMeansTrainer
virtual ~BOWKMeansTrainer()
cv::Matx23d
Matx< double, 2, 3 > Matx23d
Definition: matx.hpp:242
cv::cudacodec::createVideoReader
Ptr< VideoReader > createVideoReader(const String &filename)
Creates video reader.
cv::gapi::Generic
Special network type.
Definition: infer.hpp:389
cv::StereoMatcher::getSpeckleWindowSize
virtual int getSpeckleWindowSize() const =0
t_hash_int.hpp
cv::cudev::bit_not
Definition: functional.hpp:253
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(InputArrayOfArrays points2d) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
cv::gapi::own::Point2f::Point2f
Point2f(float _x, float _y)
Definition: types.hpp:35
cv::ml::TrainData::getSubMatrix
static Mat getSubMatrix(const Mat &matrix, const Mat &idx, int layout)
Extract from matrix rows/cols specified by passed indexes.
cv::cuda::OpticalFlowDual_TVL1::getTau
virtual double getTau() const =0
cv::CLAHE::setTilesGridSize
virtual void setTilesGridSize(Size tileGridSize)=0
Sets size of grid for histogram equalization. Input image will be divided into equally sized rectangu...
cv::viz::readPose
bool readPose(const String &file, Affine3d &pose, const String &tag="pose")
Read/write poses and trajectories.
cv::detail::ProjectorBase::setCameraParams
void setCameraParams(InputArray K=Mat::eye(3, 3, CV_32F), InputArray R=Mat::eye(3, 3, CV_32F), InputArray T=Mat::zeros(3, 1, CV_32F))
cv::ml::DTrees::load
static Ptr< DTrees > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized DTrees from a file.
ring_buffer.hpp
cvv::impl::debugFilter
void debugFilter(cv::InputArray original, cv::InputArray result, const CallMetaData &data, const char *description, const char *view)
cv::dnn::Layer::finalize
virtual void finalize(const std::vector< Mat * > &input, std::vector< Mat > &output)
Computes and sets internal parameters according to inputs, outputs and blobs.
cv::UMat::diag
static UMat diag(const UMat &d)
constructs a square diagonal matrix which main diagonal is vector "d"
cv::MatAllocator::copy
virtual void copy(UMatData *srcdata, UMatData *dstdata, int dims, const size_t sz[], const size_t srcofs[], const size_t srcstep[], const size_t dstofs[], const size_t dststep[], bool sync) const
cv::line_descriptor::LSDDetector::createLSDDetector
static Ptr< LSDDetector > createLSDDetector(LSDParam params)
cv::vfloat32mf2_t::vfloat32mf2_t
vfloat32mf2_t(const float *ptr)
Definition: intrin_rvv.hpp:95
cv::datasets::IS_weizmann
Definition: is_weizmann.hpp:69
cv::gapi::s11n::IIStream::~IIStream
virtual ~IIStream()=default
hal_ni_sub8s
int hal_ni_sub8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:85
cv::cudev::CommonAreaInterPtr::index_type
float index_type
Definition: interpolation.hpp:297
cv::datasets::Dataset::train
std::vector< std::vector< Ptr< Object > > > train
Definition: dataset.hpp:579
cv::ximgproc::EdgeAwareFiltersList
EdgeAwareFiltersList
Definition: edge_filter.hpp:52
cv::ovis::WindowScene::setEntityPose
virtual void setEntityPose(const String &name, InputArray tvec=noArray(), InputArray rot=noArray(), bool invert=false)=0
cv::MatExpr::operator/
MatExpr operator/(const Mat &a, const Mat &b)
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat &m, Allocator *allocator=defaultAllocator())
copy/conversion constructor. If m is of different type, it's converted
cv::gapi::ie::Params::tag
std::string tag() const
Definition: ie.hpp:142
cv::Error::StsBadArg
@ StsBadArg
function arg/param is bad
Definition: base.hpp:74
kinfu.hpp
cv::hfs::HfsSegment::setSlicSpixelSize
virtual void setSlicSpixelSize(int n)=0
: set and get the parameter slicSpixelSize. This parameter is used in the first stage mentioned above...
cv::ocl::Device::singleFPConfig
int singleFPConfig() const
cv::detail::g_type_of_t
typename GTypeOf< T >::type g_type_of_t
Definition: gtype_traits.hpp:133
cv::dnn::Net::getFLOPS
int64 getFLOPS(const int layerId, const MatShape &netInputShape) const
cv::softfloat::v
uint32_t v
Definition: softfloat.hpp:220
cv::hal::div32s
void div32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
cv::LineIterator
Line iterator.
Definition: imgproc.hpp:4757
cv::detail::tracked_cv_umat
Definition: goclkernel.hpp:128
cv::rgbd::FastICPOdometry
Definition: depth.hpp:1040
cv::optflow::DualTVL1OpticalFlow::setScaleStep
virtual void setScaleStep(double val)=0
Step between scales (<1)
cv::reg::MapperGradEuclid::~MapperGradEuclid
~MapperGradEuclid()
cv::kinfu::Intr::Reprojector::operator()
cv::Point3_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:28
cv::datasets::createDirectory
void createDirectory(const std::string &path)
cv::rgbd::RgbdOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: depth.hpp:704
cv::cuda::Stream
This class encapsulates a queue of asynchronous calls.
Definition: cuda.hpp:646
cv::accumulate
void accumulate(InputArray src, InputOutputArray dst, InputArray mask=noArray())
Adds an image to the accumulator image.
cv::v_int32x4::lane_type
int lane_type
Definition: intrin_rvv.hpp:391
cv::videostab::DeblurerBase::deblur
virtual void deblur(int idx, Mat &frame, const Range &range)=0
cv::hal::cvt32f16f
void cvt32f16f(const float *src, float16_t *dst, int len)
cv::linemod::QuantizedPyramid::quantize
virtual void quantize(Mat &dst) const =0
Compute quantized image at current pyramid level for online detection.
cv::mcc::CChecker
checker object
Definition: checker_model.hpp:65
cv::COLOR_BayerRG2RGB
@ COLOR_BayerRG2RGB
Definition: imgproc.hpp:750
cv::cuda::CannyEdgeDetector::setAppertureSize
virtual void setAppertureSize(int apperture_size)=0
cv::dnn::operator<<
static std::ostream & operator<<(std::ostream &out, const MatShape &shape)
Definition: shape_utils.hpp:202
cv::optflow::createOptFlow_DualTVL1
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
Creates instance of cv::DenseOpticalFlow.
cv::cudev::DerivYPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:108
cv::cuda::BackgroundSubtractorMOG::setBackgroundRatio
virtual void setBackgroundRatio(double backgroundRatio)=0
cv::ml::VAR_ORDERED
@ VAR_ORDERED
ordered variables
Definition: ml.hpp:84
cv::ocl::Device::Device
Device()
cv::reg::MapperGradShift::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, _T2 alpha, Matx_ScaleOp)
cv::cuda::DeviceInfo::minorVersion
int minorVersion() const
minor compute capability
cv::fisheye::undistortImage
void undistortImage(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray Knew=cv::noArray(), const Size &new_size=Size())
Transforms an image to compensate for fisheye lens distortion.
cv::datasets::HPE_humanevaObj
Definition: hpe_humaneva.hpp:61
cv::COLOR_BayerGR2RGB_EA
@ COLOR_BayerGR2RGB_EA
Definition: imgproc.hpp:778
cv::hdf::HDF5::kpcreate
virtual void kpcreate(const int size, const String &kplabel, const int compresslevel=H5_NONE, const int chunks=H5_NONE) const =0
Create and allocate special storage for cv::KeyPoint dataset.
cv::cudev::RemapPtr1::map
MapPtr map
Definition: remap.hpp:66
cv::GCall::yieldScalar
GScalar yieldScalar(int output=0)
cv::ccm::COLOR_SPACE_XYZ_A_2
@ COLOR_SPACE_XYZ_A_2
non-RGB color space
Definition: ccm.hpp:114
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, const String &dslabel, const vector< int > &dims_offset, const vector< int > &dims_counts=vector< int >()) const =0
cv::dnn::BackendWrapper::setHostDirty
virtual void setHostDirty()=0
Indicate that an actual data is on CPU.
cv::ximgproc::FastHoughTransform
void FastHoughTransform(InputArray src, OutputArray dst, int dstMatDepth, int angleRange=ARO_315_135, int op=FHT_ADD, int makeSkew=HDO_DESKEW)
Calculates 2D Fast Hough transform of an image.
cv::dnn::Net::getMemoryConsumption
void getMemoryConsumption(const MatShape &netInputShape, std::vector< int > &layerIds, std::vector< size_t > &weights, std::vector< size_t > &blobs) const
cv::bgsegm::BackgroundSubtractorMOG::getHistory
virtual int getHistory() const =0
cv::CAP_PROP_IOS_DEVICE_FLASH
@ CAP_PROP_IOS_DEVICE_FLASH
Definition: videoio.hpp:515
cv::linemod::Detector::getT
int getT(int pyramid_level) const
Get sampling step T at pyramid_level.
Definition: linemod.hpp:364
cv::detail::tracking::TrackerContribSamplerCSC::Params::searchWinSize
float searchWinSize
size of search window
Definition: tracking_internals.hpp:658
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(_Tp *vec, int n)
cv::Point3_::cross
Point3_ cross(const Point3_ &pt) const
cross product of the 2 3D points
cv::InputOutputArrayOfArrays
InputOutputArray InputOutputArrayOfArrays
Definition: mat.hpp:442
NCVVector
Definition: NCV.hpp:567
cv::structured_light::StructuredLightPattern::decode
virtual bool decode(const std::vector< std::vector< Mat > > &patternImages, OutputArray disparityMap, InputArrayOfArrays blackImages=noArray(), InputArrayOfArrays whiteImages=noArray(), int flags=DECODE_3D_UNDERWORLD) const =0
Decodes the structured light pattern, generating a disparity map.
cv::phase_unwrapping::HistogramPhaseUnwrapping
Class implementing two-dimensional phase unwrapping based on This algorithm belongs to the quality-g...
Definition: histogramphaseunwrapping.hpp:66
cv::Stitcher::seamEstimationResol
double seamEstimationResol() const
Definition: stitching.hpp:189
cv::detail::GTypeTraits< cv::GArray< T > >::wrap_value
static cv::detail::GArrayU wrap_value(const cv::GArray< T > &t)
Definition: gtype_traits.hpp:87
cv::dnn::DetectionModel::getNmsAcrossClasses
bool getNmsAcrossClasses()
Getter for nmsAcrossClasses. This variable defaults to false, such that when non max suppression is u...
cv::utils::dumpInt
static String dumpInt(int argument)
Definition: bindings_utils.hpp:30
cv::text::ERFilter::setMinArea
virtual void setMinArea(float minArea)=0
cv::gapi::own::Point2f::y
float y
Definition: types.hpp:38
cv::CAP_PROP_XI_COLUMN_FPN_CORRECTION
@ CAP_PROP_XI_COLUMN_FPN_CORRECTION
Correction of column FPN.
Definition: videoio.hpp:473
cv::DescriptorMatcher::write
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
Definition: features2d.hpp:1145
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(ogl::Buffer &buf)
cv::optflow::DualTVL1OpticalFlow::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
Use initial flow.
cv::bioinspired::RetinaParameters::IplMagnoParameters::localAdaptintegration_k
float localAdaptintegration_k
Definition: retina.hpp:176
cv::__UMAT_USAGE_FLAGS_32BIT
@ __UMAT_USAGE_FLAGS_32BIT
Definition: mat.hpp:458
cv::softdouble::softdouble
softdouble()
Default constructor.
Definition: softfloat.hpp:230
cv::ocl::Kernel::empty
bool empty() const
cv::ocl::Context::getDefault
static Context & getDefault(bool initialize=true)
cv::min
softfloat min(const softfloat &a, const softfloat &b)
Min and Max functions.
Definition: softfloat.hpp:437
cv::cudev::DerivXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:79
cv::gapi::select
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...
cv::text::OCR_DECODER_VITERBI
@ OCR_DECODER_VITERBI
Definition: ocr.hpp:174
cv::Matx::row
Matx< _Tp, 1, n > row(int i) const
extract the matrix row
cv::videostab::MotionInpainter::setFlowErrorThreshold
void setFlowErrorThreshold(float val)
Definition: inpainting.hpp:149
hal_ni_absdiff64f
int hal_ni_absdiff64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:136
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s, InputArray mask, Stream &stream)
sets some of the GpuMat elements to s, according to the mask (Non-Blocking call)
cv::datasets::PascalObj::parts
std::vector< PascalPart > parts
Definition: or_pascal.hpp:75
cv::cuda::HOG::getDescriptorFormat
virtual HOGDescriptor::DescriptorStorageFormat getDescriptorFormat() const =0
cv::softfloat::isSubnormal
bool isSubnormal() const
Subnormal number indicator.
Definition: softfloat.hpp:172
cv::StereoSGBM::MODE_SGBM
@ MODE_SGBM
Definition: calib3d.hpp:3487
cv::MatExpr::max
static MatExpr max(const Mat &a, const Matx< _Tp, m, n > &b)
Definition: mat.hpp:3697
cv::ml::DTrees::Split::inversed
bool inversed
Definition: ml.hpp:1180
cv::DecompTypes
DecompTypes
matrix decomposition types
Definition: base.hpp:133
cv::dnn::MVNLayer::normVariance
bool normVariance
Definition: all_layers.hpp:288
cv::dnn::RegionLayer::create
static Ptr< RegionLayer > create(const LayerParams &params)
cv::v_cvt_f32
v_reg< float, n > v_cvt_f32(const v_reg< int, n > &a)
Convert to float.
Definition: intrin_cpp.hpp:2075
cv::cudev::Warp::laneId
__device__ static __forceinline__ uint laneId()
Definition: warp.hpp:64
cv::datasets::FR_adienceObj::y
int y
Definition: fr_adience.hpp:75
cv::v_reinterpret_as_u16
v_uint16x8 v_reinterpret_as_u16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2397
cv::datasets::join::Wx
double Wx
Definition: gr_chalearn.hpp:67
cv::GrabCutClasses
GrabCutClasses
class of the pixel in GrabCut algorithm
Definition: imgproc.hpp:344
cv::cudev::vavrg4
__device__ __forceinline__ uint vavrg4(uint a, uint b)
Definition: simd_functions.hpp:589
cv::LineSegmentDetector::drawSegments
virtual void drawSegments(InputOutputArray _image, InputArray lines)=0
Draws the line segments on a given image.
cv::Matx32f
Matx< float, 3, 2 > Matx32f
Definition: matx.hpp:243
cv::Complex::Complex
Complex()
default constructor
cv::GOpaque::HT
typename detail::flatten_g< util::decay_t< T > >::type HT
Definition: gopaque.hpp:313
cv::img_hash::RadialVarianceHash
Image hash based on Radon transform.
Definition: radial_variance_hash.hpp:22
cv::CAP_PROP_HUE
@ CAP_PROP_HUE
Hue of the image (only for cameras).
Definition: videoio.hpp:148
cv::AgastFeatureDetector::create
static Ptr< AgastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, AgastFeatureDetector::DetectorType type=AgastFeatureDetector::OAST_9_16)
Definition: agast.txt:7537
cv::MouseEventFlags
MouseEventFlags
Mouse Event Flags see cv::MouseCallback.
Definition: highgui.hpp:225
cv::BFMatcher
Brute-force descriptor matcher.
Definition: features2d.hpp:1201
cv::ppf_match_3d::PoseCluster3D::numVotes
size_t numVotes
Definition: pose_3d.hpp:178
cv::KalmanFilter::errorCovPre
Mat errorCovPre
priori error estimate covariance matrix (P'(k)): P'(k)=A*P(k-1)*At + Q)*‍/
Definition: tracking.hpp:400
cv::detail::FeatherBlender::FeatherBlender
FeatherBlender(float sharpness=0.02f)
Definition: blenders.hpp:123
cv::dnn::Net::readFromModelOptimizer
static Net readFromModelOptimizer(const uchar *bufferModelConfigPtr, size_t bufferModelConfigSize, const uchar *bufferWeightsPtr, size_t bufferWeightsSize)
Create a network from Intel's Model Optimizer in-memory buffers with intermediate representation (IR)...
cv::cudev::vcmpne2
__device__ __forceinline__ uint vcmpne2(uint a, uint b)
Definition: simd_functions.hpp:454
cv::line_descriptor::BinaryDescriptor::createBinaryDescriptor
static Ptr< BinaryDescriptor > createBinaryDescriptor()
Create a BinaryDescriptor object with default parameters (or with the ones provided) and return a sma...
cv::cuda::HostMem::HostMem
HostMem(HostMem::AllocType alloc_type=HostMem::AllocType::PAGE_LOCKED)
cv::cudev::LinearInterPtrSz::cols
int cols
Definition: interpolation.hpp:136
cv::detail::VectorRefT::VectorRefT
VectorRefT(const std::vector< T > &vec)
Definition: garray.hpp:157
cv::ximgproc::EdgeAwareInterpolator::getUsePostProcessing
virtual bool getUsePostProcessing()=0
cv::instr::NodeData::m_funName
cv::String m_funName
Definition: instrumentation.hpp:77
cv::subtract
void subtract(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
Calculates the per-element difference between two arrays or array and a scalar.
cv::SparseMatConstIterator_
Template Read-Only Sparse Matrix Iterator Class.
Definition: mat.hpp:3266
int64
int64_t int64
Definition: interface.h:61
cv::ximgproc::EdgeBoxes::getMinBoxArea
virtual float getMinBoxArea() const =0
Returns the minimum area of boxes.
cv::quality::QualityPSNR::_qualityMSE
Ptr< QualityMSE > _qualityMSE
Definition: qualitypsnr.hpp:91
cv::detail::tracking::TrackerStateEstimator::updateImpl
virtual void updateImpl(std::vector< ConfidenceMap > &confidenceMaps)=0
cv::stereo::PropagationParameters::lkTermParam1
int lkTermParam1
Definition: quasi_dense_stereo.hpp:56
cv::COLOR_YUV2BGR_NV21
@ COLOR_YUV2BGR_NV21
Definition: imgproc.hpp:639
cv::detail::BundleAdjusterBase::features_
const ImageFeatures * features_
Definition: motion_estimators.hpp:202
cv::cuda::DeviceInfo::textureAlignment
size_t textureAlignment() const
alignment requirement for textures
cv::datasets::TR_icdarObj
Definition: tr_icdar.hpp:67
cv::structured_light::GrayCodePattern::create
static Ptr< GrayCodePattern > create(const GrayCodePattern::Params &parameters=GrayCodePattern::Params())
Constructor.
cv::max
softfloat max(const softfloat &a, const softfloat &b)
Definition: softfloat.hpp:440
cv::cuda::FGDParams::N1cc
int N1cc
Number of color co-occurrence vectors used to model normal background color variation at a given pixe...
Definition: cudalegacy.hpp:162
cv::Allocator::max_size
size_type max_size() const
Definition: cvstd.hpp:138
cv::hdf::HDF5::dsread
virtual void dsread(OutputArray Array, const String &dslabel, const int *dims_offset) const =0
cv::FileNodeIterator::idx
size_t idx
Definition: persistence.hpp:692
cv::rgbd::RgbdOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: depth.hpp:728
cv::gapi::wip::draw::Rect::lt
int lt
The type of the line. See LineTypes.
Definition: render_types.hpp:151
cv::face::FisherFaceRecognizer
Definition: facerec.hpp:90
HaarFeatureDescriptor32::isRightNodeLeaf
__device__ __host__ NcvBool isRightNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:162
cv::cuda::FGDParams::alpha1
float alpha1
How quickly we forget old background pixel values seen. Typically set to 0.1.
Definition: cudalegacy.hpp:170
cv::Matx::ddot
double ddot(const Matx< _Tp, m, n > &v) const
dot product computed in double-precision arithmetics
cv::videostab::InpaintingPipeline::pushBack
void pushBack(Ptr< InpainterBase > inpainter)
Definition: inpainting.hpp:111
cv::gapi::wip::draw::Line
This structure represents a line to draw.
Definition: render_types.hpp:201
cv::videostab::FastMarchingMethod::FastMarchingMethod
FastMarchingMethod()
Definition: fast_marching.hpp:66
cv::viz::Camera::setClip
void setClip(const Vec2d &clip)
Definition: types.hpp:211
cv::namedWindow
void namedWindow(const String &winname, int flags=WINDOW_AUTOSIZE)
Creates a window.
cv::AVIReadContainer::getFrames
frame_list & getFrames()
Definition: container_avi.private.hpp:92
cv::GCompileArg
Represents an arbitrary compilation argument.
Definition: gcommon.hpp:155
cv::cudev::Texture::cols
int cols
Definition: texture.hpp:207
cv::COLOR_BayerGR2GRAY
@ COLOR_BayerGR2GRAY
Definition: imgproc.hpp:756
cv::Subdiv2D::freeQEdge
int freeQEdge
Definition: imgproc.hpp:1241
cv::videostab::IFrameSource
Definition: frame_source.hpp:58
cv::Stitcher::setMatchingMask
void setMatchingMask(const cv::UMat &mask)
Definition: stitching.hpp:218
cv::ParamType< uchar >::const_param_type
uchar const_param_type
Definition: core.hpp:3275
cv::cuda::HoughCirclesDetector::getCannyThreshold
virtual int getCannyThreshold() const =0
cv::gapi::onnx::Params::cfgNormalize
Params< Net > & cfgNormalize(const typename PortCfg< Net >::Normalize &n)
Definition: onnx.hpp:125
cv::_InputArray::_InputArray
_InputArray(const std::array< Mat, _Nm > &arr)
cv::HISTCMP_KL_DIV
@ HISTCMP_KL_DIV
Definition: imgproc.hpp:520
cv::cuda::DenseOpticalFlow
Base interface for dense optical flow algorithms.
Definition: cudaoptflow.hpp:71
cv::detail::TransverseMercatorProjector
Definition: warpers.hpp:488
cv::Mat::Mat
Mat(const cuda::GpuMat &m)
download data from GpuMat
cv::addWeighted
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1)
Calculates the weighted sum of two arrays.
cv::COVAR_NORMAL
@ COVAR_NORMAL
Definition: core.hpp:184
cv::VecCommaInitializer
Comma-separated Vec Initializer.
Definition: matx.hpp:471
cv::vuint64mf2_t
Definition: intrin_rvv.hpp:102
cv::detail::OCVSetupHelper< Impl, std::tuple< Ins... > >::setup_impl
static auto setup_impl(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &compileArgs, detail::Seq< IIs... >) -> decltype(Impl::setup(detail::get_in_meta< Ins >(metaArgs, args, IIs)..., std::declval< typename std::add_lvalue_reference< std::shared_ptr< typename Impl::State > >::type >(), compileArgs), void())
Definition: gcpukernel.hpp:309
cv::FileStorage::write
void write(FileStorage &fs, const float &value)
Definition: persistence.hpp:903
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getPatchSize
Size getPatchSize() const
cv::dnn::DeconvolutionLayer
Definition: all_layers.hpp:228
cv::SCORE_METHOD_RANSAC
@ SCORE_METHOD_RANSAC
Definition: calib3d.hpp:549
cv::gapi::imgproc::fluid::kernels
GKernelPackage kernels()
cv::GMatDesc::asInterleaved
GMatDesc asInterleaved() const
Definition: gmat.hpp:195
cv::vint32mf2_t::vint32mf2_t
vint32mf2_t()
Definition: intrin_rvv.hpp:84
cv::v_reinterpret_as_f64
v_float64x2 v_reinterpret_as_f64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2402
cv::detail::tracking::TrackerContribFeatureHAAR::Params::isIntegral
bool isIntegral
true if input images are integral, false otherwise
Definition: tracking_internals.hpp:858
cv::vuint64mf2_t::vuint64mf2_t
vuint64mf2_t()
Definition: intrin_rvv.hpp:104
cv::gapi::own::Scalar::operator[]
double & operator[](int i)
Definition: scalar.hpp:31
cv::RNG::operator==
bool operator==(const RNG &other) const
cv::log
Quat< T > log(const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
cv::img_hash::averageHash
void averageHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Calculates img_hash::AverageHash in one call.
cv::cudev::BinaryTransformPtr::value_type
Op::result_type value_type
Definition: transform.hpp:106
cv::viz::Widget::Widget
Widget(const Widget &other)
cv::dpm::DPMDetector::ObjectDetection::classID
int classID
Definition: dpm.hpp:114
cv::cudacodec::EncoderParams::Presets
int Presets
NVVE_PRESETS,.
Definition: cudacodec.hpp:102
core.hpp
cv::detail::tracking::feature::CvHaarEvaluator::FeatureHaar::getAreas
const std::vector< Rect > & getAreas() const
Definition: tracking_feature.private.hpp:110
cv::gapi::ie::Params< cv::gapi::Generic >::tag
std::string tag() const
Definition: ie.hpp:178
cv::rgbd::ICPOdometry::getMaxRotation
double getMaxRotation() const
Definition: depth.hpp:847
cv::datasets::AR_hmdbObj
Definition: ar_hmdb.hpp:61
cv::cudev::DerivYPtr::index_type
int index_type
Definition: deriv.hpp:104
cv::cuda::DFT::compute
virtual void compute(InputArray image, OutputArray result, Stream &stream=Stream::Null())=0
Computes an FFT of a given image.
hal_ni_sepFilterInit
int hal_ni_sepFilterInit(cvhalFilter2D **context, int src_type, int dst_type, int kernel_type, uchar *kernelx_data, int kernelx_length, uchar *kernely_data, int kernely_length, int anchor_x, int anchor_y, double delta, int borderType)
hal_sepFilterInit
Definition: hal_replacement.hpp:152
cv::bioinspired::Retina::getParvoRAW
virtual void getParvoRAW(OutputArray retinaOutput_parvo)=0
Accessor of the details channel of the retina (models foveal vision).
cv::CONTOURS_MATCH_I3
@ CONTOURS_MATCH_I3
Definition: imgproc.hpp:455
cv::optflow::DenseRLOFOpticalFlow::getUsePostProc
virtual bool getUsePostProc() const =0
enables ximgproc::fastGlobalSmootherFilter
cv::bioinspired::RetinaParameters::OPLandIplParvo
OPLandIplParvoParameters OPLandIplParvo
Definition: retina.hpp:178
cv::detail::RotationWarper
Rotation-only model image warper interface.
Definition: warpers.hpp:60
cv::CC_STAT_HEIGHT
@ CC_STAT_HEIGHT
The vertical size of the bounding box.
Definition: imgproc.hpp:398
NcvSize32s::NcvSize32s
__host__ __device__ NcvSize32s()
Definition: NCV.hpp:176
cv::Stitcher::resultMask
UMat resultMask() const
Definition: stitching.hpp:291
cv::detail::MetaHelper
Definition: gkernel.hpp:138
cv::cuda::HOG::getDescriptorSize
virtual size_t getDescriptorSize() const =0
Returns the number of coefficients required for the classification.
cv::Scalar_< double >
cv::Stitcher::setExposureCompensator
void setExposureCompensator(Ptr< detail::ExposureCompensator > exposure_comp)
Definition: stitching.hpp:240
cv::superres::FarnebackOpticalFlow::getLevelsNumber
virtual int getLevelsNumber() const =0
cv::util::type_list_index
Definition: variant.hpp:43
NCV_SUCCESS
@ NCV_SUCCESS
Definition: NCV.hpp:316
cv::v_dotprod_expand
v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > v_dotprod_expand(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Dot product of elements and expand.
Definition: intrin_cpp.hpp:1030
cv::hal::addWeighted8u
void addWeighted8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_scalars)
dynafu.hpp
cv::face::MACE::same
virtual bool same(cv::InputArray query) const =0
correlate query img and threshold to min class value
cv::GScalarDesc
Definition: gscalar.hpp:53
cv::directx::convertToDirect3DSurface9
void convertToDirect3DSurface9(InputArray src, IDirect3DSurface9 *pDirect3DSurface9, void *surfaceSharedHandle=NULL)
Converts InputArray to IDirect3DSurface9.
cv::dnn::DictValue::isReal
bool isReal() const
cv::datasets::SR_general100::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::viz::Color::azure
static Color azure()
cv::cudev::abs_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:354
cv::detail::tracking::tbm::ResizedImageDescriptor::compute
void compute(const cv::Mat &mat, cv::Mat &descr) override
Computes image descriptor.
Definition: tracking_by_matching.hpp:131
cv::Quat::Quat
Quat()
cv::Node::~Node
~Node()
Definition: utility.hpp:1054
cv::detail::BasicOpaqueRef::mov
virtual void mov(BasicOpaqueRef &ref)=0
cv::dnn::PoolingLayer::pads_end
std::vector< size_t > pads_end
Definition: all_layers.hpp:250
cv::ShapeContextDistanceExtractor::getOuterRadius
virtual float getOuterRadius() const =0
cv::ft::FT12D_createPolynomMatrixHorizontal
void FT12D_createPolynomMatrixHorizontal(int radius, OutputArray matrix, const int chn)
Creates horizontal matrix for -transform computation.
cv::detail::are_meta_descrs
all_satisfy< is_meta_descr, Ts... > are_meta_descrs
Definition: gmetaarg.hpp:62
cv::hal::mul8s
void mul8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
cv::dynafu::DynaFu::marchCubes
virtual void marchCubes(OutputArray vertices, OutputArray edges) const =0
cv::dnn::DictValue::operator=
DictValue & operator=(const DictValue &r)
cv::cudev::project2nd::operator()
__device__ __forceinline__ T2 operator()(typename TypeTraits< T1 >::parameter_type, typename TypeTraits< T2 >::parameter_type rhs) const
Definition: functional.hpp:301
cv::CAP_PROP_XI_WB_KG
@ CAP_PROP_XI_WB_KG
White balance green coefficient.
Definition: videoio.hpp:388
cv::quality::quality_utils::scale
void scale(cv::Mat &mat, const cv::Mat &range, const T min, const T max)
Definition: quality_utils.hpp:90
cv::LineIterator::LineIterator
LineIterator(Rect boundingAreaRect, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4791
cv::v_reduce_sad
V_TypeTraits< typename V_TypeTraits< _Tp >::abs_type >::sum_type v_reduce_sad(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Sum absolute differences of values.
Definition: intrin_cpp.hpp:1259
cv::optflow::OpticalFlowPCAFlow::claheClip
const float claheClip
Definition: pcaflow.hpp:103
cv::cudev::NormL1< float >::NormL1
__device__ __forceinline__ NormL1()
Definition: vec_distance.hpp:97
cv::SimpleBlobDetector::Params::minConvexity
float minConvexity
Definition: features2d.hpp:738
cv::LDA::save
void save(const String &filename) const
cv::cudev::GlobPtr::step
size_t step
stride between two consecutive rows in bytes. Step is stored always and everywhere in bytes!...
Definition: glob.hpp:70
cv::cudev::HistogramBody
Definition: reduction.hpp:219
cv::ocl::OpenCLExecutionContext::~OpenCLExecutionContext
~OpenCLExecutionContext()=default
cv::Subdiv2D::connectEdges
int connectEdges(int edgeA, int edgeB)
cv::dnn::DNN_TARGET_VULKAN
@ DNN_TARGET_VULKAN
Definition: dnn.hpp:93
cv::VideoCapture::read
virtual bool read(OutputArray image)
Grabs, decodes and returns the next video frame.
cv::xphoto::SimpleWB
A simple white balance algorithm that works by independently stretching each of the input image chann...
Definition: white_balance.hpp:80
cv::optflow::GPCTrainingSamples::type
int type() const
Definition: sparse_matching_gpc.hpp:116
G_TYPED_KERNEL_M
#define G_TYPED_KERNEL_M
Definition: gkernel.hpp:363
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::setValues
void setValues(float mean, float sigma)
cv::cuda::createContinuous
void createContinuous(int rows, int cols, int type, OutputArray arr)
Creates a continuous matrix.
cv::norm
static double norm(const Matx< _Tp, m, n > &M)
cv::rgbd::RgbdICPOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: depth.hpp:953
cv::CAP_PROP_IOS_DEVICE_WHITEBALANCE
@ CAP_PROP_IOS_DEVICE_WHITEBALANCE
Definition: videoio.hpp:516
cv::MatCommaInitializer_::it
MatIterator_< _Tp > it
Definition: mat.hpp:520
cv::v_uint64x2::v_uint64x2
v_uint64x2()
Definition: intrin_rvv.hpp:456
cv::detail::tracking::feature::CvHaarFeatureParams
Definition: tracking_feature.private.hpp:93
cv::videostab::FromFileMotionReader
Definition: global_motion.hpp:199
cv::rgbd::RgbdNormals::setWindowSize
void setWindowSize(int val)
Definition: depth.hpp:144
cv::IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
@ IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY
Use this value to force Huffman encoding only (no string match).
Definition: imgcodecs.hpp:124
cv::ocl::KernelArg::m
UMat * m
Definition: ocl.hpp:414
cv::cudev::divides::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:106
cv::cudev::numeric_limits< uchar >::max
__device__ static __forceinline__ uchar max()
Definition: limits.hpp:77
cv::detail::tracking::feature::CvFeatureEvaluator::npos
int npos
Definition: tracking_feature.private.hpp:85
cv::ccalib::CustomPattern::findRtRANSAC
bool findRtRANSAC(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, int minInliersCount=100, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
CvPhotoCamera::stillImageOutput
AVCaptureStillImageOutput * stillImageOutput
Definition: cap_ios.h:142
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(int arows, int acols, Allocator *allocator=defaultAllocator())
constructs GpuMat of the specified size
cv::videostab::completeFrameAccordingToFlow
void completeFrameAccordingToFlow(const Mat &flowMask, const Mat &flowX, const Mat &flowY, const Mat &frame1, const Mat &mask1, float distThresh, Mat &frame0, Mat &mask0)
cv::structured_light::FAPS
@ FAPS
Definition: sinusoidalpattern.hpp:60
cv::detail::Yield< GFrame >::yield
static cv::GFrame yield(cv::GCall &call, int i)
Definition: gkernel.hpp:95
cv::_OutputArray::_OutputArray
_OutputArray(int _flags, void *_obj)
cv::cuda::setBufferPoolConfig
void setBufferPoolConfig(int deviceId, size_t stackSize, int stackCount)
fourier_descriptors.hpp
cv::dnn::ReLULayer::create
static Ptr< ReLULayer > create(const LayerParams &params)
NcvRect32s::height
Ncv32s height
Rectangle height.
Definition: NCV.hpp:153
cv::CAP_PROP_XI_IMAGE_IS_COLOR
@ CAP_PROP_XI_IMAGE_IS_COLOR
Returns 1 for color cameras.
Definition: videoio.hpp:409
cv::reg::MapProjec::~MapProjec
~MapProjec()
cv::face::LBPHFaceRecognizer::getGridX
virtual int getGridX() const =0
cv::detail::CylindricalWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
cv::text::PSM_SINGLE_BLOCK_VERT_TEXT
@ PSM_SINGLE_BLOCK_VERT_TEXT
Definition: ocr.hpp:74
memSegCopyHelper
NCVStatus memSegCopyHelper(void *dst, NCVMemoryType dstType, const void *src, NCVMemoryType srcType, size_t sz, cudaStream_t cuStream)
cv::LSD_REFINE_ADV
@ LSD_REFINE_ADV
Definition: imgproc.hpp:487
cv::Mat_::clone
Mat_ clone() const CV_NODISCARD
cv::viz::LIGHTING
@ LIGHTING
Definition: widgets.hpp:71
cv::datasets::TRACK_votObj::id
int id
Definition: track_vot.hpp:63
cv::COLOR_RGB2YUV_IYUV
@ COLOR_RGB2YUV_IYUV
Definition: imgproc.hpp:730
cv::Quat::sin
friend Quat< T > sin(const Quat< T > &q)
return tanh value of quaternion q, sin could be calculated as:
cv::text::BaseOCR::~BaseOCR
virtual ~BaseOCR()
Definition: ocr.hpp:95
cv::COLOR_YUV2RGB_YUYV
@ COLOR_YUV2RGB_YUYV
Definition: imgproc.hpp:700
cv::cuda::DeviceInfo::queryMemory
void queryMemory(size_t &totalMemory, size_t &freeMemory) const
gets free and total device memory
cv::img_hash::RadialVarianceHash::create
static Ptr< RadialVarianceHash > create(double sigma=1, int numOfAngleLine=180)
cv::UMatData::~UMatData
~UMatData()
ncvGrowDetectionsVector_host
NCVStatus ncvGrowDetectionsVector_host(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale)
cv::getGaborKernel
Mat getGaborKernel(Size ksize, double sigma, double theta, double lambd, double gamma, double psi=CV_PI *0.5, int ktype=CV_64F)
Returns Gabor filter coefficients.
cv::ximgproc::SparseMatchInterpolator::interpolate
virtual void interpolate(InputArray from_image, InputArray from_points, InputArray to_image, InputArray to_points, OutputArray dense_flow)=0
Interpolate input sparse matches.
cv::USAC_PARALLEL
@ USAC_PARALLEL
USAC, parallel version.
Definition: calib3d.hpp:448
cv::Mat::Mat
Mat(const Mat &m, const Range &rowRange, const Range &colRange=Range::all())
cv::datasets::OR_sunObj::name
std::string name
Definition: or_sun.hpp:63
cv::AKAZE::getNOctaves
virtual int getNOctaves() const =0
cv::dnn::FlowWarpLayer
Definition: all_layers.hpp:576
cv::aruco::DetectorParameters::maxErroneousBitsInBorderRate
double maxErroneousBitsInBorderRate
Definition: aruco.hpp:173
NCVVector::length
size_t length() const
Definition: NCV.hpp:614
cv::videostab::ColorInpainter::ColorInpainter
ColorInpainter(int method=INPAINT_TELEA, double radius=2.)
Definition: inpainting.hpp:196
cv::cudev::divUp
__host__ __device__ __forceinline__ int divUp(int total, int grain)
Definition: common.hpp:80
cv::createStitcherScans
Ptr< Stitcher > createStitcherScans(bool try_use_gpu=false)
cv::Formatter::set16fPrecision
virtual void set16fPrecision(int p=4)=0
cv::kinfu::Intr::makeProjector
Projector makeProjector() const
Definition: intrinsics.hpp:71
cv::DetectionBasedTracker::IDetector::getMinObjectSize
cv::Size getMinObjectSize() const
Definition: detection_based_tracker.hpp:88
cv::VideoCapture::setExceptionMode
void setExceptionMode(bool enable)
Definition: videoio.hpp:815
hal_ni_div32f
int hal_ni_div32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:262
cv::CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
@ CAP_PROP_GPHOTO2_WIDGET_ENUMERATE
Readonly, returns (const char *).
Definition: videoio.hpp:574
cv::saturate_cast< uint64 >
uint64 saturate_cast< uint64 >(schar v)
Definition: saturate.hpp:152
cv::stereo::QuasiDenseStereo::process
virtual void process(const cv::Mat &imgLeft, const cv::Mat &imgRight)=0
Main process of the algorithm. This method computes the sparse seeds and then densifies them.
cv::gapi::imgproc::GMat2
std::tuple< GMat, GMat > GMat2
Definition: imgproc.hpp:51
cv::videostab::MoreAccurateMotionWobbleSuppressor::suppress
virtual void suppress(int idx, const Mat &frame, Mat &result) CV_OVERRIDE
cv::detail::tracking::TrackerContribFeature
Abstract base class for TrackerContribFeature that represents the feature.
Definition: tracking_internals.hpp:268
cv::stereo::StereoBinaryBM::setSpekleRemovalTechnique
virtual void setSpekleRemovalTechnique(int factor)=0
cv::detail::tracking::feature::CvFeatureParams::HAAR
@ HAAR
Definition: tracking_feature.private.hpp:39
cv::TrackerKCF::setFeatureExtractor
virtual void setFeatureExtractor(FeatureExtractorCallbackFN callback, bool pca_func=false)=0
cv::AsyncArray::p
Impl * p
Definition: async.hpp:99
cv::DISOpticalFlow::getFinestScale
virtual int getFinestScale() const =0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
cv::videostab::IDenseOptFlowEstimator::run
virtual void run(InputArray frame0, InputArray frame1, InputOutputArray flowX, InputOutputArray flowY, OutputArray errors)=0
cv::hfs::HfsSegment::getSpatialWeight
virtual float getSpatialWeight()=0
cv::ml::DTrees::setCVFolds
virtual void setCVFolds(int val)=0
cv::GInferList
Definition: infer.hpp:277
cv::AutoBuffer::AutoBuffer
AutoBuffer()
the default constructor
gopaque.hpp
cv::datasets::GR_skigObj::illumination
illuminationType illumination
Definition: gr_skig.hpp:100
cv::cuda::StereoConstantSpaceBP::estimateRecommendedParams
static void estimateRecommendedParams(int width, int height, int &ndisp, int &iters, int &levels, int &nr_plane)
Uses a heuristic method to compute parameters (ndisp, iters, levelsand nrplane) for the specified ima...
cv::ml::SVM::getP
virtual double getP() const =0
cv::DISOpticalFlow::getVariationalRefinementIterations
virtual int getVariationalRefinementIterations() const =0
Number of fixed point iterations of variational refinement per scale. Set to zero to disable variatio...
cv::datasets::TRACK_votObj
Definition: track_vot.hpp:62
cv::plot::Plot2d::setShowText
virtual void setShowText(bool needShowText)=0
INCVMemAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)=0
cv::ml::SVM::GAMMA
@ GAMMA
Definition: ml.hpp:671
cv::gapi::ie::Params::cfgOutputLayers
Params< Net > & cfgOutputLayers(const typename PortCfg< Net >::Out &ll)
Definition: ie.hpp:115
cv::AsyncArray::wait_for
bool wait_for(int64 timeoutNs) const
cv::v_select
v_reg< _Tp, n > v_select(const v_reg< _Tp, n > &mask, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Per-element select (blend operation)
Definition: intrin_cpp.hpp:1336
cv::cuda::CornersDetector::detect
virtual void detect(InputArray image, OutputArray corners, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Determines strong corners on an image.
cv::detail::GOpaqueU::holds
bool holds() const
Definition: gopaque.hpp:94
cv::Quat::isNormal
bool isNormal(_Tp eps=CV_QUAT_EPS) const
return true if this quaternion is a unit quaternion.
cv::Rodrigues
void Rodrigues(InputArray src, OutputArray dst, OutputArray jacobian=noArray())
Converts a rotation matrix to a rotation vector or vice versa.
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::boostClassifier
Ptr< StrongClassifierDirectSelection > boostClassifier
Definition: tracking_internals.hpp:605
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getCls
float getCls(int si) const
Definition: feature.hpp:188
cv::Error::StsUnmatchedFormats
@ StsUnmatchedFormats
formats of input/output arrays differ
Definition: base.hpp:105
cv::videostab::VideoFileSource::reset
virtual void reset() CV_OVERRIDE
cv::detail::PlaneWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::stereo::StereoBinaryBM::getSpekleRemovalTechnique
virtual int getSpekleRemovalTechnique() const =0
cv::structured_light::SinusoidalPattern::Params::nbrOfPeriods
int nbrOfPeriods
Definition: sinusoidalpattern.hpp:87
cv::cudev::sqrt
__device__ __forceinline__ float1 sqrt(const uchar1 &a)
Definition: vec_math.hpp:222
cv::FileNode::read
static void read(const FileNode &node, Matx< _Tp, m, n > &value, const Matx< _Tp, m, n > &default_matx=Matx< _Tp, m, n >())
Definition: persistence.hpp:774
cv::cudacodec::EncoderParams::ForceIDR
int ForceIDR
NVVE_FORCE_IDR,.
Definition: cudacodec.hpp:99
cv::CAP_PROP_XI_OFFSET_Y
@ CAP_PROP_XI_OFFSET_Y
Vertical offset from the origin to the area of interest (in pixels).
Definition: videoio.hpp:346
CPU_AVX512_ICL
@ CPU_AVX512_ICL
Ice Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI/VBMI2/BITALG/VPOPCNTDQ.
Definition: cvdef.h:337
cv::ximgproc::ARO_45_135
@ ARO_45_135
Definition: fast_hough_transform.hpp:71
cv::idct
void idct(InputArray src, OutputArray dst, int flags=0)
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
cv::ROTATE_180
@ ROTATE_180
Rotate 180 degrees clockwise.
Definition: core.hpp:1071
cv::omnidir::calibrate
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, InputOutputArray K, InputOutputArray xi, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags, TermCriteria criteria, OutputArray idx=noArray())
Perform omnidirectional camera calibration, the default depth of outputs is CV_64F.
cv::detail::tracking::online_boosting::ClassifierThreshold
Definition: onlineBoosting.hpp:267
cv::ovis::WindowScene::setEntityProperty
virtual void setEntityProperty(const String &name, int prop, const String &value, int subEntityIdx=-1)=0
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::img_hash::RadialVarianceHash::getFeatures
std::vector< double > getFeatures()
cv::dft
void dft(InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0)
Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.
cvv
Definition: call_meta_data.hpp:9
cv::GMatDesc::withSizeDelta
GMatDesc withSizeDelta(cv::Size delta) const
Definition: gmat.hpp:123
NPPST_INVALID_ROI
@ NPPST_INVALID_ROI
Invalid region of interest argument.
Definition: NCV.hpp:365
cv::cudacodec::EncoderCallBack::onEndFrame
virtual void onEndFrame(int frameNumber, EncoderCallBack::PicType picType)=0
Callback function signals that the encoding operation on the frame has finished.
cv::TrackerKCF::Params::pca_learning_rate
float pca_learning_rate
compression learning rate
Definition: tracking.hpp:126
cv::mcc::TYPECHART
TYPECHART
enum to hold the type of the checker
Definition: checker_model.hpp:47
cv::CAP_PVAPI_PIXELFORMAT_MONO8
@ CAP_PVAPI_PIXELFORMAT_MONO8
Mono8.
Definition: videoio.hpp:326
cv::Error::StsError
@ StsError
unknown /unspecified error
Definition: base.hpp:71
cv::cudev::IntegerAreaInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:242
cv::face::getFacesHAAR
bool getFacesHAAR(InputArray image, OutputArray faces, const String &face_cascade_name)
cv::detail::BlocksCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
cv::ocl::Context::fromHandle
static Context fromHandle(void *context)
cv::datasets::IR_robotObj
Definition: ir_robot.hpp:71
lsh_table.h
cv::cuda::TemplateMatching::match
virtual void match(InputArray image, InputArray templ, OutputArray result, Stream &stream=Stream::Null())=0
Computes a proximity map for a raster template and an image where the template is searched for.
cv::AgastFeatureDetector::OAST_9_16
@ OAST_9_16
Definition: features2d.hpp:605
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s)
sets some of the GpuMat elements to s (Blocking call)
cv::SVD::MODIFY_A
@ MODIFY_A
Definition: core.hpp:2646
cv::detail::tracking::online_boosting::BaseClassifier::~BaseClassifier
virtual ~BaseClassifier()
cv::FastFeatureDetector::TYPE_9_16
@ TYPE_9_16
Definition: features2d.hpp:545
cv::dnn::PoolingLayer::globalPooling
bool globalPooling
Flag is true if at least one of the axes is global pooled.
Definition: all_layers.hpp:251
cv::ximgproc::AdaptiveManifoldFilter::getSigmaR
virtual double getSigmaR() const =0
cv::bgsegm::createBackgroundSubtractorCNT
Ptr< BackgroundSubtractorCNT > createBackgroundSubtractorCNT(int minPixelStability=15, bool useHistory=true, int maxPixelStability=15 *60, bool isParallel=true)
Creates a CNT Background Subtractor.
cv::img_hash::PHash
pHash
Definition: phash.hpp:23
cv::xphoto::createLearningBasedWB
Ptr< LearningBasedWB > createLearningBasedWB(const String &path_to_model=String())
Creates an instance of LearningBasedWB.
cv::viz::REPRESENTATION_SURFACE
@ REPRESENTATION_SURFACE
Definition: widgets.hpp:78
cv::MatAllocator::upload
virtual void upload(UMatData *data, const void *src, int dims, const size_t sz[], const size_t dstofs[], const size_t dststep[], const size_t srcstep[]) const
cv::datasets::join::Py
double Py
Definition: gr_chalearn.hpp:67
cv::BackgroundSubtractorKNN::getShadowValue
virtual int getShadowValue() const =0
Returns the shadow value.
cv::cuda::ORB
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: cudafeatures2d.hpp:453
cv::detail::MatchesInfo::MatchesInfo
MatchesInfo()
cv::GInferList2::tag
static constexpr const char * tag()
Definition: infer.hpp:295
cv::ccm::INITIAL_METHOD_WHITE_BALANCE
@ INITIAL_METHOD_WHITE_BALANCE
Definition: ccm.hpp:69
CV_CUDEV_YUV2RGB_INST
#define CV_CUDEV_YUV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:119
cv::ximgproc::createEdgeBoxes
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.
cv::cuda::GpuMat::GpuMat
GpuMat(GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
default constructor
cv::rgbd::DepthCleaner::initialize
void initialize() const
cv::mcc::CCheckerDetector
A class to find the positions of the ColorCharts in the image.
Definition: checker_detector.hpp:130
cv::datasets::cameraPos
Definition: ir_robot.hpp:66
cv::viz::Camera::getFocalLength
const Vec2d & getFocalLength() const
Definition: types.hpp:220
cv::viz::Color::teal
static Color teal()
cv::hal::absdiff32s
void absdiff32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::ParallelLoopBodyLambdaWrapper::ParallelLoopBodyLambdaWrapper
ParallelLoopBodyLambdaWrapper(std::function< void(const Range &)> functor)
Definition: utility.hpp:590
cv::optflow::GPCTree::Node::right
unsigned right
Definition: sparse_matching_gpc.hpp:162
cv::GFTTDetector::setMinDistance
virtual void setMinDistance(double minDistance)=0
cv::CAP_PROP_XI_HDR
@ CAP_PROP_XI_HDR
Enable High Dynamic Range feature.
Definition: videoio.hpp:476
cv::vint8mf4_t::vint8mf4_t
vint8mf4_t()
Definition: intrin_rvv.hpp:143
cv::saturate_cast< schar >
schar saturate_cast< schar >(uchar v)
Definition: saturate.hpp:110
cv::datasets::GR_chalearnObj::nameUser
std::string nameUser
Definition: gr_chalearn.hpp:77
cv::cuda::FGDParams::Lc
int Lc
Quantized levels per 'color' component. Power of two, typically 32, 64 or 128.
Definition: cudalegacy.hpp:156
cv::ml::SVMSGD::setSvmsgdType
virtual void setSvmsgdType(int svmsgdType)=0
Algorithm type, one of SVMSGD::SvmsgdType.
cv::InOutInfo::out_names
std::vector< std::string > out_names
Definition: infer.hpp:174
cv::RNG::gaussian
double gaussian(double sigma)
Returns the next random number sampled from the Gaussian distribution.
cv::KalmanFilter::predict
const Mat & predict(const Mat &control=Mat())
Computes a predicted state.
cv::GInferList2Base
Definition: infer.hpp:236
cv::omnidir::internal::subMatrix
void subMatrix(const Mat &src, Mat &dst, const std::vector< int > &cols, const std::vector< int > &rows)
cv::Mat::step
MatStep step
Definition: mat.hpp:2115
Cv64suf
Definition: cvdef.h:384
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::~TrackerStateEstimatorAdaBoosting
~TrackerStateEstimatorAdaBoosting()
Destructor.
cv::GComputation
GComputation class represents a captured computation graph. GComputation objects form boundaries for ...
Definition: gcomputation.hpp:120
cv::CAP_OPENNI_IMAGE_GENERATOR
@ CAP_OPENNI_IMAGE_GENERATOR
Definition: videoio.hpp:230
cv::ROTATE_90_CLOCKWISE
@ ROTATE_90_CLOCKWISE
Rotate 90 degrees clockwise.
Definition: core.hpp:1070
cv::findContours
void findContours(InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point())
Finds contours in a binary image.
cv::COLOR_YUV2GRAY_YUY2
@ COLOR_YUV2GRAY_YUY2
Definition: imgproc.hpp:715
cv::GOCLKernel
Definition: goclkernel.hpp:88
cv::rgbd::ICPOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:835
NcvRect8u
Definition: NCV.hpp:138
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_(const SparseMatConstIterator_ &it)
the copy constructor
cv::line_descriptor::BinaryDescriptor::Params::numOfOctave_
int numOfOctave_
Definition: descriptor.hpp:193
cv::bgsegm::BackgroundSubtractorLSBPDesc
This is for calculation of the LSBP descriptors.
Definition: bgsegm.hpp:277
cv::detail::fluid_get_in
Definition: gfluidkernel.hpp:204
cv::dnn_objdetect::object::class_prob
double class_prob
Definition: core_detect.hpp:31
cv::gapi::onnx::Params::cfgInputLayers
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: onnx.hpp:94
cv::_OutputArray::_OutputArray
_OutputArray(Mat &m)
cv::detail::tracking::TrackerTargetState::targetWidth
int targetWidth
Definition: tracking.private.hpp:205
cv::FileStorage::write
void write(const String &name, const Mat &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::ocl::Device::doubleFPConfig
int doubleFPConfig() const
cv::Error::OpenCLNoAMDBlasFft
@ OpenCLNoAMDBlasFft
Definition: base.hpp:123
cv::GCall::yieldFrame
GFrame yieldFrame(int output=0)
cv::GFTTDetector::create
static Ptr< GFTTDetector > create(int maxCorners=1000, double qualityLevel=0.01, double minDistance=1, int blockSize=3, bool useHarrisDetector=false, double k=0.04)
cv::optflow::GPCTree::train
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
cv::cv2eigen_tensormap
static Eigen::TensorMap< Eigen::Tensor< _Tp, 3, Eigen::RowMajor > > cv2eigen_tensormap(InputArray src)
Maps cv::Mat data to an Eigen::TensorMap.
Definition: eigen.hpp:176
cv::TLSDataAccumulator::gather
void gather(std::vector< T * > &data) const
Get data from all threads.
Definition: tls.hpp:106
cv::LDA::LDA
LDA(InputArrayOfArrays src, InputArray labels, int num_components=0)
cv::detail::tracking::contrib_feature::CvFeatureParams::featSize
int featSize
Definition: feature.hpp:156
cv::GFTTDetector::setBlockSize
virtual void setBlockSize(int blockSize)=0
cv::detail::VectorRef::reset
void reset()
Definition: garray.hpp:261
cv::Range::empty
bool empty() const
cv::Quat::assertNormal
void assertNormal(_Tp eps=CV_QUAT_EPS) const
to throw an error if this quaternion is not a unit quaternion.
cv::FarnebackOpticalFlow::setPyrScale
virtual void setPyrScale(double pyrScale)=0
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::Params
Params()
NCV_LAST_STATUS
@ NCV_LAST_STATUS
Marker to continue error numeration in other files.
Definition: NCV.hpp:372
cv::dnn::EltwiseLayer::create
static Ptr< EltwiseLayer > create(const LayerParams &params)
cv::cuda::DeviceInfo::concurrentKernels
bool concurrentKernels() const
device can possibly execute multiple kernels concurrently
cv::face::FacemarkKazemi::Params::num_trees_per_cascade_level
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
cv::bgsegm::BackgroundSubtractorGMG::getBackgroundPrior
virtual double getBackgroundPrior() const =0
Returns the prior probability that each individual pixel is a background pixel.
cv::text::computeNMChannels
void computeNMChannels(InputArray _src, OutputArrayOfArrays _channels, int _mode=ERFILTER_NM_RGBLGrad)
Compute the different channels to be processed independently in the N&M algorithm .
cv::COLOR_BayerGR2RGB_VNG
@ COLOR_BayerGR2RGB_VNG
Definition: imgproc.hpp:767
cv::optflow::RLOFOpticalFlowParameter::getLargeWinSize
int getLargeWinSize() const
cv::gapi::own::Rect::width
int width
width of the rectangle
Definition: types.hpp:60
cv::SparseMat_::SparseMat_
SparseMat_()
the default constructor
cv::MinProblemSolver::Function::~Function
virtual ~Function()
Definition: optim.hpp:66
cv::CAP_PROP_FOCUS
@ CAP_PROP_FOCUS
Definition: videoio.hpp:164
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const Mat &value)
cv::img_hash::ImgHashBase::ImgHashBase
ImgHashBase()
cv::ml::RTrees::getVarImportance
virtual Mat getVarImportance() const =0
cv::LDA::_eigenvalues
Mat _eigenvalues
Definition: core.hpp:2622
cv::aruco::getBoardObjectAndImagePoints
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...
cv::ml::SVM::Kernel
Definition: ml.hpp:531
cv::COLOR_BGR2YUV_IYUV
@ COLOR_BGR2YUV_IYUV
Definition: imgproc.hpp:731
cv::dnn::RegionLayer::nmsThreshold
float nmsThreshold
Definition: all_layers.hpp:596
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3, _Tp s4, _Tp s5, _Tp s6, _Tp s7, _Tp s8, _Tp s9, _Tp s10, _Tp s11, _Tp s12, _Tp s13, _Tp s14, _Tp s15)
Constructor.
Definition: intrin_cpp.hpp:309
cv::face::StandardCollector::collect
bool collect(int label, double dist) CV_OVERRIDE
overloaded interface method
cv::cudev::TypeTraits::parameter_type
SelectIf< type_traits_detail::IsSimpleParameter< unqualified_type >::value, T, typename type_traits_detail::AddParameterType< T >::type >::type parameter_type
Definition: type_traits.hpp:150
cv::BRISK::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::DISOpticalFlow::getPatchStride
virtual int getPatchStride() const =0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
cv::ximgproc::EdgeBoxes::setEta
virtual void setEta(float value)=0
Sets the adaptation rate for nms threshold.
cv::COLOR_BGR5552GRAY
@ COLOR_BGR5552GRAY
Definition: imgproc.hpp:577
cv::videostab::StabilizerBase::trimRatio
float trimRatio() const
Definition: stabilizer.hpp:90
cv::stereo::StereoBinarySGBM::getMode
virtual int getMode() const =0
cv::CAP_PROP_XI_COUNTER_VALUE
@ CAP_PROP_XI_COUNTER_VALUE
Counter status.
Definition: videoio.hpp:455
cv::RMat::RMat
RMat()=default
cv::fisheye::distortPoints
void distortPoints(InputArray undistorted, OutputArray distorted, InputArray K, InputArray D, double alpha=0)
Distorts 2D points using fisheye model.
cv::cudacodec::VideoReader::nextFrame
virtual bool nextFrame(GpuMat &frame, Stream &stream=Stream::Null())=0
Grabs, decodes and returns the next video frame.
intrinsics.hpp
cv::cudev::CommonAreaInterPtrSz::rows
int rows
Definition: interpolation.hpp:367
cv::ml::TrainData
Class encapsulating training data.
Definition: ml.hpp:146
cv::ogl::Buffer::type
int type() const
cv::V_TypeTraits< float >::nlanes128
@ nlanes128
Definition: intrin.hpp:166
cv::reg::MapperGradProj::MapperGradProj
MapperGradProj()
cv::ocl::KernelArg::WriteOnly
static KernelArg WriteOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:403
cv::text::OCRHolisticWordRecognizer
OCRHolisticWordRecognizer class provides the functionallity of segmented wordspotting....
Definition: ocr.hpp:537
cv::COLOR_YUV2RGB_NV21
@ COLOR_YUV2RGB_NV21
Definition: imgproc.hpp:638
cv::v_setall_f32
v_float32x4 v_setall_f32(float val)
Definition: intrin_cpp.hpp:2379
cv::ximgproc::DisparityWLSFilter::getROI
virtual Rect getROI()=0
Get the ROI used in the last filter call.
cv::hal::sub16u
void sub16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::linemod::QuantizedPyramid::pyrDown
virtual void pyrDown()=0
Go to the next pyramid level.
cv::face::LBPHFaceRecognizer::getNeighbors
virtual int getNeighbors() const =0
cv::MatOp::add
virtual void add(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
OPENCV_HAL_IMPL_C_PACK_STORE
#define OPENCV_HAL_IMPL_C_PACK_STORE(_Tpvec, _Tp, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2535
cv::cudev::numeric_limits
Definition: limits.hpp:58
cv::PyRotationWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)
Projects the image point.
cv::cuda::magnitude
void magnitude(InputArray xy, OutputArray magnitude, Stream &stream=Stream::Null())
Computes magnitudes of complex matrix elements.
cv::GNetworkType< K, std::function< R(Args...)> >::InArgs
std::tuple< Args... > InArgs
Definition: infer.hpp:101
cv::v_uint8x16
v_reg< uchar, 16 > v_uint8x16
Sixteen 8-bit unsigned integer values.
Definition: intrin_cpp.hpp:393
cv::detail::tracking::online_boosting::BaseClassifier::m_selectedClassifier
int m_selectedClassifier
Definition: onlineBoosting.hpp:146
cv::KeyPointsFilter::runByImageBorder
static void runByImageBorder(std::vector< KeyPoint > &keypoints, Size imageSize, int borderSize)
cv::ml::Boost::Types
Types
Definition: ml.hpp:1359
cv::LDA::project
Mat project(InputArray src)
cv::bioinspired::TransientAreasSegmentationModule::setup
virtual void setup(cv::FileStorage &fs, const bool applyDefaultSetupOnFailure=true)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
cv::cudev::FindMaxValExprBody
Definition: reduction.hpp:109
cv::cuda::FGDParams::Lcc
int Lcc
Quantized levels per 'color co-occurrence' component. Power of two, typically 16, 32 or 64.
Definition: cudalegacy.hpp:161
cv::rgbd::RgbdPlane::RgbdPlane
RgbdPlane(int method, int block_size, int min_size, double threshold, double sensor_error_a=0, double sensor_error_b=0, double sensor_error_c=0)
cv::dnn_superres::DnnSuperResImpl::create
static Ptr< DnnSuperResImpl > create()
Empty constructor for python.
cv::cudev::bit_xor
Definition: functional.hpp:244
cv::cuda::DensePyrLKOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::ocl::Context::Context
Context(const Context &c)
cv::StereoMatcher::getMinDisparity
virtual int getMinDisparity() const =0
cv::CAP_PROP_INTELPERC_PROFILE_IDX
@ CAP_PROP_INTELPERC_PROFILE_IDX
Definition: videoio.hpp:540
cv::cuda::DeviceInfo::regsPerBlock
int regsPerBlock() const
32-bit registers available per block
cv::ppf_match_3d::Pose3D::t
Vec3d t
Definition: pose_3d.hpp:129
hal_ni_sub32f
int hal_ni_sub32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:89
cv::saliency::Saliency::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Compute the saliency.
cv::flann::GenericIndex
The FLANN nearest neighbor index class. This class is templated with the type of elements for which t...
Definition: flann.hpp:171
cv::matchTemplate
void matchTemplate(InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray())
Compares a template against overlapped image regions.
cv::FileStorage::write
void write(FileStorage &fs, const int &value)
Definition: persistence.hpp:897
cv::freetype::FreeType2::setSplitNumber
virtual void setSplitNumber(int num)=0
Set Split Number from Bezier-curve to line.
cv::cuda::calcNormDiff
void calcNormDiff(InputArray src1, InputArray src2, OutputArray dst, int normType=NORM_L2, Stream &stream=Stream::Null())
cv::GFTTDetector::getMinDistance
virtual double getMinDistance() const =0
cv::hal::cvtBGRtoThreePlaneYUV
void cvtBGRtoThreePlaneYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int uIdx)
cv::RNG_MT19937::uniform
double uniform(double a, double b)
returns uniformly distributed double-precision floating-point random number from [a,...
cv::FlannBasedMatcher
Flann-based descriptor matcher.
Definition: features2d.hpp:1248
cv::MatConstIterator::value_type
uchar * value_type
Definition: mat.hpp:3014
cv::Quat::atanh
Quat< _Tp > atanh() const
return arctanh value of this quaternion, arctanh could be calculated as:
cv::GeneralizedHoughGuil::setScaleThresh
virtual void setScaleThresh(int scaleThresh)=0
Scale votes threshold.
cv::optflow::GPCTree::Node::rhs
double rhs
Bias term of the hyperplane.
Definition: sparse_matching_gpc.hpp:160
cv::datasets::GR_skigObj::pose
poseType pose
Definition: gr_skig.hpp:101
cv::cudev::Texture::Texture
__host__ Texture(const GlobPtrSz< T > &mat, bool normalizedCoords=false, cudaTextureFilterMode filterMode=cudaFilterModePoint, cudaTextureAddressMode addressMode=cudaAddressModeClamp)
Definition: texture.hpp:209
cv::cudacodec::MPEG4
@ MPEG4
Definition: cudacodec.hpp:249
cv::GKernelTypeM
Definition: gkernel.hpp:64
cv::cudev::ScharrYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:283
cv::UMatData::markDeviceMemMapped
void markDeviceMemMapped(bool flag)
cv::cudev::saturate_cast< short >
__device__ __forceinline__ short saturate_cast< short >(ushort v)
Definition: saturate_cast.hpp:194
cv::videostab::StabilizerBase::preProcessedFrame_
Mat preProcessedFrame_
Definition: stabilizer.hpp:130
cv::cuda::HoughLinesDetector::detect
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds lines in a binary image using the classical Hough transform.
cv::utils::shared_lock_guard::Mutex
_Mutex Mutex
Definition: lock.private.hpp:47
cv::videostab::InpainterBase::motions_
const std::vector< Mat > * motions_
Definition: inpainting.hpp:97
cv::aruco::testCharucoCornersCollinear
bool testCharucoCornersCollinear(const Ptr< CharucoBoard > &_board, InputArray _charucoIds)
test whether the ChArUco markers are collinear
cv::cudev::vec_math_detail::abs_
__device__ __forceinline__ schar abs_(schar val)
Definition: vec_math.hpp:202
cv::cudev::numeric_limits< double >::max
__device__ static __forceinline__ double max()
Definition: limits.hpp:120
cv::MatxCommaInitializer::idx
int idx
Definition: matx.hpp:298
limits.hpp
defines.h
cv::PaniniWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:223
cv::AlignMTB::process
virtual void process(InputArrayOfArrays src, std::vector< Mat > &dst)=0
Short version of process, that doesn't take extra arguments.
cv::UsacParams::confidence
double confidence
Definition: calib3d.hpp:555
interface.h
OPENCV_HAL_IMPL_ARITHM_OP
#define OPENCV_HAL_IMPL_ARITHM_OP(func, bin_op, cast_op, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:798
cv::cudev::abs_func
Definition: functional.hpp:353
goclkernel.hpp
cv::GFluidKernel::IS
std::function< void(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)> IS
Definition: gfluidkernel.hpp:59
cv::optflow::RLOFOpticalFlowParameter::setMaxLevel
void setMaxLevel(int val)
NppStInterpolationState::ppBuffers
Ncv32f * ppBuffers[6]
temporary buffers
Definition: NPP_staging.hpp:126
OPENCV_HAL_IMPL_RVV_SIGNMASK_OP
#define OPENCV_HAL_IMPL_RVV_SIGNMASK_OP(_Tpvec, _Tp, suffix, width, shift)
Definition: intrin_rvv.hpp:2359
hal_ni_recip32s
int hal_ni_recip32s(const int *src_data, size_t src_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:279
cv::dnn::ShuffleChannelLayer
Definition: all_layers.hpp:389
cv::detail::GainCompensator::GainCompensator
GainCompensator()
Definition: exposure_compensate.hpp:115
cv::FileStorage::write
void write(const String &name, int val)
Simplified writing API to use with bindings.
cv::SOLVEPNP_P3P
@ SOLVEPNP_P3P
Complete Solution Classification for the Perspective-Three-Point Problem .
Definition: calib3d.hpp:459
cv::optflow::OpticalFlowPCAFlow::retainedCornersFraction
const float retainedCornersFraction
Definition: pcaflow.hpp:100
cv::CAP_PROP_XI_FFS_ACCESS_KEY
@ CAP_PROP_XI_FFS_ACCESS_KEY
Setting of key enables file operations on some cameras.
Definition: videoio.hpp:490
cv::GKernelTypeM< K, std::function< std::tuple< R... >(Args...)> >::OutArgs
std::tuple< R... > OutArgs
Definition: gkernel.hpp:219
cv::cudev::gridTransformTuple_
__host__ void gridTransformTuple_(const SrcPtr &src, const tuple< GpuMat_< D0 > &, GpuMat_< D1 > & > &dst, const OpTuple &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:163
cv::bgsegm::BackgroundSubtractorMOG::setHistory
virtual void setHistory(int nframes)=0
cv::cudev::blockReduceKeyVal
__device__ __forceinline__ void blockReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:86
cv::xphoto::Bm3dSteps
Bm3dSteps
BM3D algorithm steps.
Definition: bm3d_image_denoising.hpp:69
cv::dnn::ReorgLayer
Definition: all_layers.hpp:588
cv::MatExpr::diag
MatExpr diag(int d=0) const
cv::dynafu::DynaFu::getParams
virtual const kinfu::Params & getParams() const =0
Get current parameters.
cv::detail::OpaqueRef::rref
const T & rref() const
Definition: gopaque.hpp:276
cv::vwcvt_x_x_v_i16mf2
vint16mf2_t vwcvt_x_x_v_i16mf2(vint8mf4_t src)
Definition: intrin_rvv.hpp:215
cv::ovis::addResourceLocation
void addResourceLocation(const String &path)
NCVMemStackAllocator::memType
virtual NCVMemoryType memType() const
cv::dnn::PoolingLayer::avePoolPaddedArea
bool avePoolPaddedArea
Definition: all_layers.hpp:259
hal_ni_cvtLabtoBGR
int hal_ni_cvtLabtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isLab, bool srgb)
hal_cvtLabtoBGR
Definition: hal_replacement.hpp:486
cv::cuda::FastFeatureDetector::getMaxNumPoints
virtual int getMaxNumPoints() const =0
cv::COLOR_BGR2HLS_FULL
@ COLOR_BGR2HLS_FULL
Definition: imgproc.hpp:612
cv::NormTypes
NormTypes
Definition: base.hpp:159
cv::detail::CompressedRectilinearPortraitProjector::b
float b
Definition: warpers.hpp:411
cv::Matx::Matx
Matx(const Matx< _Tp, n, m > &a, Matx_TOp)
CpuFeatures
CpuFeatures
Available CPU features.
Definition: cvdef.h:291
cv::quality::QualityMSE::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitymse.hpp:31
hal_ni_morph
int hal_ni_morph(cvhalFilter2D *context, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int src_full_width, int src_full_height, int src_roi_x, int src_roi_y, int dst_full_width, int dst_full_height, int dst_roi_x, int dst_roi_y)
hal_morph
Definition: hal_replacement.hpp:224
cv::softfloat::getExp
int getExp() const
Get 0-based exponent.
Definition: softfloat.hpp:179
CvAbstractCamera::cameraAvailable
BOOL cameraAvailable
Definition: cap_ios.h:46
cv::CascadeClassifier::~CascadeClassifier
~CascadeClassifier()
cv::CASCADE_FIND_BIGGEST_OBJECT
@ CASCADE_FIND_BIGGEST_OBJECT
Definition: objdetect.hpp:170
cv::ppf_match_3d::Pose3D::printPose
void printPose()
cv::colorChange
void colorChange(InputArray src, InputArray mask, OutputArray dst, float red_mul=1.0f, float green_mul=1.0f, float blue_mul=1.0f)
Given an original color image, two differently colored versions of this image can be mixed seamlessly...
cv::Rect_::size
Size_< _Tp > size() const
size (width, height) of the rectangle
cv::PCACompute
void PCACompute(InputArray data, InputOutputArray mean, OutputArray eigenvectors, int maxComponents=0)
cv::ml::ANN_MLP::TrainFlags
TrainFlags
Definition: ml.hpp:1581
cv::QtFont::shear
float shear
slope coefficient: 0 - normal, >0 - italic
Definition: highgui.hpp:708
cv::gapi::onnx::Params::desc
detail::ParamDesc desc
Definition: onnx.hpp:131
lsc.hpp
cv::ogl::convertToGLTexture2D
void convertToGLTexture2D(InputArray src, Texture2D &texture)
Converts InputArray to Texture2D object.
background_segm.hpp
cv::AffineFeature::create
static Ptr< AffineFeature > create(const Ptr< Feature2D > &backend, int maxTilt=5, int minTilt=0, float tiltStep=1.4142135623730951f, float rotateStepBase=72)
cv::hal::SVD32f
void SVD32f(float *At, size_t astep, float *W, float *U, size_t ustep, float *Vt, size_t vstep, int m, int n, int flags)
cv::convertScaleAbs
void convertScaleAbs(InputArray src, OutputArray dst, double alpha=1, double beta=0)
Scales, calculates absolute values, and converts the result to 8-bit.
cv::optflow::INTERP_RIC
@ INTERP_RIC
Definition: rlofflow.hpp:34
cv::bgsegm::BackgroundSubtractorGMG::setMaxVal
virtual void setMaxVal(double val)=0
Sets the maximum value taken on by pixels in image sequence.
cv::MatExpr::min
MatExpr min(double s, const Mat &a)
cv::gapi::core::ocl::kernels
cv::gapi::GKernelPackage kernels()
cv::detail::tracking::online_boosting::BaseClassifier::getError
float getError(int curWeakClassifier)
cv::cuda::TargetArchs::hasEqualOrLessPtx
static bool hasEqualOrLessPtx(int major, int minor)
cv::StereoMatcher::setSpeckleWindowSize
virtual void setSpeckleWindowSize(int speckleWindowSize)=0
cv::kinfu::KinFu::getPoints
virtual void getPoints(OutputArray points) const =0
Gets points of current 3d mesh.
cv::rgbd::OdometryFrame::OdometryFrame
OdometryFrame()
cv::omnidir::internal::computeMeanReproErr
double computeMeanReproErr(InputArrayOfArrays imagePoints, InputArrayOfArrays proImagePoints)
cv::CalibrateRobertson::getMaxIter
virtual int getMaxIter() const =0
cv::detail::flatten_g::type
T type
Definition: garray.hpp:326
cv::cudev::makeExpr
__host__ Expr< Body > makeExpr(const Body &body)
Definition: expr.hpp:63
cv::face::FacemarkKazemi::Params::oversampling_amount
unsigned long oversampling_amount
oversampling_amount stores number of initialisations used to create training samples.
Definition: face_alignment.hpp:29
cv::hdf::HDF5::dscreate
virtual void dscreate(const vector< int > &sizes, const int type, const String &dslabel, const int compresslevel=HDF5::H5_NONE, const vector< int > &dims_chunks=vector< int >()) const =0
cv::cuda::FGDParams::is_obj_without_holes
bool is_obj_without_holes
If TRUE we ignore holes within foreground blobs. Defaults to TRUE.
Definition: cudalegacy.hpp:166
cv::ml::SVM::DEGREE
@ DEGREE
Definition: ml.hpp:675
cv::UMatData::urefcount
int urefcount
Definition: mat.hpp:556
cv::cuda::GpuMat::adjustROI
GpuMat & adjustROI(int dtop, int dbottom, int dleft, int dright)
moves/resizes the current GpuMat ROI inside the parent GpuMat
cv::detail::Blender
Base class for all blenders.
Definition: blenders.hpp:64
cv::detail::PlaneWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Definition: warpers.hpp:531
cv::COLOR_RGB2HLS
@ COLOR_RGB2HLS
Definition: imgproc.hpp:598
cv::ml::ANN_MLP::getRpropDWMinus
virtual double getRpropDWMinus() const =0
cv::gapi::s11n::IOStream
Definition: s11n.hpp:78
cv::UMat::UMat
UMat(const std::vector< _Tp > &vec, bool copyData=false)
builds matrix from std::vector with or without copying the data
cv::cudev::LutPtr
Definition: lut.hpp:61
cv::EVENT_MBUTTONDOWN
@ EVENT_MBUTTONDOWN
indicates that the middle mouse button is pressed.
Definition: highgui.hpp:213
hal_ni_filterInit
int hal_ni_filterInit(cvhalFilter2D **context, uchar *kernel_data, size_t kernel_step, int kernel_type, int kernel_width, int kernel_height, int max_width, int max_height, int src_type, int dst_type, int borderType, double delta, int anchor_x, int anchor_y, bool allowSubmatrix, bool allowInplace)
hal_filterInit
Definition: hal_replacement.hpp:106
cv::gapi::cmpLE
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...
cv::cudev::BinaryTupleAdapter::result_type
Op::result_type result_type
Definition: tuple_adapter.hpp:80
cv::ocl::PlatformInfo::PlatformInfo
PlatformInfo(const PlatformInfo &i)
fuzzy_F0_math.hpp
cv::MORPH_ELLIPSE
@ MORPH_ELLIPSE
Definition: imgproc.hpp:234
cv::gapi::own::Scalar::Scalar
Scalar()=default
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< std::vector< _Tp > > &vec)
cv::videostab::WobbleSuppressorBase::stabilizationMotions
virtual const std::vector< Mat > & stabilizationMotions() const
Definition: wobble_suppression.hpp:85
cv::line_descriptor::BinaryDescriptorMatcher
furnishes all functionalities for querying a dataset provided by user or internal to class (that user...
Definition: descriptor.hpp:816
cv::v_int64x2
Definition: intrin_rvv.hpp:484
cv::rgbd::RgbdICPOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: depth.hpp:937
cv::face::FacemarkAAM::Params
Definition: facemarkAAM.hpp:51
cv::viz::WText3D
This 3D Widget represents 3D text. The text always faces the camera.
Definition: widgets.hpp:432
cv::gapi::GFunctor::impl
virtual cv::GKernelImpl impl() const =0
cv::detail::tracking::TrackerFeatureFeature2d::TrackerFeatureFeature2d
TrackerFeatureFeature2d(String detectorType, String descriptorType)
Constructor.
cv::detail::focalsFromHomography
void focalsFromHomography(const Mat &H, double &f0, double &f1, bool &f0_ok, bool &f1_ok)
Tries to estimate focal lengths from the given homography under the assumption that the camera underg...
cv::operator+
v_reg< _Tp, n > operator+(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Add values.
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat_ &m, Range arowRange, Range acolRange)
selects a submatrix
cv::optflow::RLOFOpticalFlowParameter::setSupportRegionType
void setSupportRegionType(SupportRegionType val)
cv::StereoSGBM
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: calib3d.hpp:3483
cv::utils::fs::join
cv::String join(const cv::String &base, const cv::String &path)
cv::_InputArray::getSz
Size getSz() const
cv::CALIB_HAND_EYE_PARK
@ CALIB_HAND_EYE_PARK
Robot Sensor Calibration: Solving AX = XB on the Euclidean Group .
Definition: calib3d.hpp:533
cv::viz::Viz3d::getRenderingProperty
double getRenderingProperty(const String &id, int property)
Returns rendering property of a widget.
cv::dnn::BaseConvolutionLayer::strides
std::vector< size_t > strides
Definition: all_layers.hpp:215
cv::DetectionBasedTracker::TrackedObject::getNextId
static int getNextId()
Definition: detection_based_tracker.hpp:197
cv::_InputArray::_InputArray
_InputArray(int _flags, void *_obj)
cv::viz::Color
This class represents color in BGR order.
Definition: types.hpp:64
cv::dpm::DPMDetector::detect
virtual void detect(cv::Mat &image, std::vector< ObjectDetection > &objects)=0
Find rectangular regions in the given image that are likely to contain objects of loaded classes (mod...
cv::cuda::FGDParams::N2c
int N2c
Used to allow the first N1c vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:158
nppsStCompact_32f
NCVStatus nppsStCompact_32f(Ncv32f *d_src, Ncv32u srcLen, Ncv32f *d_dst, Ncv32u *p_dstLen, Ncv32f elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::bgsegm::BackgroundSubtractorMOG::setNoiseSigma
virtual void setNoiseSigma(double noiseSigma)=0
cv::detail::CylindricalWarperGpu
Definition: warpers.hpp:588
cv::dnn::DictValue::isInt
bool isInt() const
estimated_covariance.hpp
qualityssim.hpp
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9)
10-element vector constructor
cv::WINDOW_KEEPRATIO
@ WINDOW_KEEPRATIO
the ratio of the image is respected.
Definition: highgui.hpp:193
cv::ocl::Device::preferredVectorWidthDouble
int preferredVectorWidthDouble() const
cv::cuda::DeviceInfo::maxTexture2DLayered
Vec3i maxTexture2DLayered() const
maximum 2D layered texture dimensions
cv::utils::logging::LogTag::level
LogLevel level
Definition: logtag.hpp:18
cv::PSNR
double PSNR(InputArray src1, InputArray src2, double R=255.)
Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric.
N_BINS
#define N_BINS
Definition: feature.hpp:82
cv::cuda::OpticalFlowDual_TVL1::getScaleStep
virtual double getScaleStep() const =0
cv::dnn::Dict::begin
std::map< String, DictValue >::const_iterator begin() const
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst) const
copies the GpuMat content to device memory (Blocking call)
cv::FileStorage::FileStorage
FileStorage(const String &filename, int flags, const String &encoding=String())
Opens a file.
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::write
virtual void write(FileStorage &fs) const CV_OVERRIDE
cv::rgbd::RgbdICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:917
cv::RMat::AdapterP
std::shared_ptr< Adapter > AdapterP
Definition: rmat.hpp:117
cv::ocl::ProgramSource::p
Impl * p
Definition: ocl.hpp:611
cv::MatConstIterator_::value_type
_Tp value_type
Definition: mat.hpp:3079
OPENCV_HAL_IMPL_RVV_FLT64_BIT_OP
#define OPENCV_HAL_IMPL_RVV_FLT64_BIT_OP(bin_op, intrin)
Definition: intrin_rvv.hpp:1276
cv::IMREAD_REDUCED_COLOR_8
@ IMREAD_REDUCED_COLOR_8
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/8.
Definition: imgcodecs.hpp:81
random.h
cv::datasets::OR_mnist
Definition: or_mnist.hpp:67
cv::ximgproc::FastLineDetector::drawSegments
virtual void drawSegments(InputOutputArray _image, InputArray lines, bool draw_arrow=false)=0
Draws the line segments on a given image.
cv::superres::PyrLKOpticalFlow
Definition: optical_flow.hpp:181
Ncv64u
unsigned long long Ncv64u
Definition: NCV.hpp:124
cv::face::FacemarkTrain::setFaceDetector
virtual bool setFaceDetector(FN_FaceDetector detector, void *userData=0)=0
Set a user defined face detector for the Facemark algorithm.
cv::cudev::DerivXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:63
cv::stereo::StereoBinaryBM::getSmallerBlockSize
virtual int getSmallerBlockSize() const =0
cv::COLORMAP_WINTER
@ COLORMAP_WINTER
Definition: imgproc.hpp:4270
hal_ni_dft1D
int hal_ni_dft1D(cvhalDFT *context, const uchar *src, uchar *dst)
Definition: hal_replacement.hpp:516
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getSelectedWeakClassifier
std::vector< int > getSelectedWeakClassifier()
cv::omnidir::stereoRectify
void stereoRectify(InputArray R, InputArray T, OutputArray R1, OutputArray R2)
Stereo rectification for omnidirectional camera model. It computes the rectification rotations for tw...
cv::detail::tracking::TrackerModel::modelEstimationImpl
virtual void modelEstimationImpl(const std::vector< Mat > &responses)=0
matrix.h
cv::CAP_PROP_SETTINGS
@ CAP_PROP_SETTINGS
Pop up video/camera filter dialog (note: only supported by DSHOW backend currently....
Definition: videoio.hpp:172
NCVMemStackAllocator::dealloc
virtual NCVStatus dealloc(NCVMemSegment &seg)
cv::detail::tracking::feature::CvFeatureParams::CvFeatureParams
CvFeatureParams()
cv::ml::RTrees::getCalculateVarImportance
virtual bool getCalculateVarImportance() const =0
cv::ogl::QUAD_STRIP
@ QUAD_STRIP
Definition: opengl.hpp:487
cv::v_store_aligned_nocache
void v_store_aligned_nocache(_Tp *ptr, const v_reg< _Tp, n > &a)
Definition: intrin_cpp.hpp:1807
cv::cudev::TypeTraits::pointee_type
type_traits_detail::PointerTraits< unqualified_type >::type pointee_type
Definition: type_traits.hpp:133
cv::ximgproc::fourierDescriptor
void fourierDescriptor(InputArray src, OutputArray dst, int nbElt=-1, int nbFD=-1)
Fourier descriptors for planed closed curves.
cv::detail::tracking::tbm::ITrackerByMatching::setDescriptorStrong
virtual void setDescriptorStrong(const Descriptor &val)=0
Strong descriptor setter.
cv::gapi::wip::draw::Poly
This structure represents a polygon to draw.
Definition: render_types.hpp:298
cv::GFluidOutputRois::rois
std::vector< cv::Rect > rois
Definition: gfluidkernel.hpp:111
cv::ocl::getOpenCLAllocator
MatAllocator * getOpenCLAllocator()
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator(SparseMat *_m, const int *idx)
the full constructor setting the iterator to the specified sparse matrix element
cv::cuda::abs
void abs(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an absolute value of each matrix element.
cv::saliency::ObjectnessBING
Objectness algorithms based on [3] [3] Cheng, Ming-Ming, et al. "BING: Binarized normed gradients for...
Definition: saliencySpecializedClasses.hpp:292
cv::Moments::nu30
double nu30
Definition: types.hpp:951
cv::xphoto::applyChannelGains
void applyChannelGains(InputArray src, OutputArray dst, float gainB, float gainG, float gainR)
Implements an efficient fixed-point approximation for applying channel gains, which is the last step ...
cv::dnn::ClassificationModel
This class represents high-level API for classification models.
Definition: dnn.hpp:1188
cv::ppf_match_3d::PPF3DDetector::match
void match(const Mat &scene, std::vector< Pose3DPtr > &results, const double relativeSceneSampleStep=1.0/5.0, const double relativeSceneDistance=0.03)
Matches a trained model across a provided scene.
cv::hdf::HDF5::atread
virtual void atread(String *value, const String &atlabel)=0
cv::LineIterator::err
int err
Definition: imgproc.hpp:4815
cv::legacy::TrackerMIL
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking_legacy.hpp:124
cv::cudev::IsUnaryFunction::makeF
static F makeF()
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::classifySmooth
float classifySmooth(const std::vector< Mat > &images, const Rect &sampleROI, int &idx)
cv::text::OCRHMMDecoder::ClassifierCallback::eval
virtual void eval(InputArray image, std::vector< int > &out_class, std::vector< double > &out_confidence)
The character classifier must return a (ranked list of) class(es) id('s)
cv::COLOR_BayerGB2BGR
@ COLOR_BayerGB2BGR
Definition: imgproc.hpp:744
cv::ocl::OpenCLExecutionContextScope::OpenCLExecutionContextScope
OpenCLExecutionContextScope(const OpenCLExecutionContext &ctx)
Definition: ocl.hpp:823
cv::ximgproc::EdgeBoxes::getAlpha
virtual float getAlpha() const =0
Returns the step size of sliding window search.
cv::optflow::calcOpticalFlowSparseToDense
void calcOpticalFlowSparseToDense(InputArray from, InputArray to, OutputArray flow, int grid_step=8, int k=128, float sigma=0.05f, bool use_post_proc=true, float fgs_lambda=500.0f, float fgs_sigma=1.5f)
Fast dense optical flow based on PyrLK sparse matches interpolation.
datamov_utils.hpp
qualitygmsd.hpp
cv::gapi::core::G_TYPED_KERNEL
G_TYPED_KERNEL(GAdd,< GMat(GMat, GMat, int)>, "org.opencv.core.math.add")
Definition: core.hpp:38
cv::ximgproc::RFFeatureGetter
Definition: structured_edge_detection.hpp:66
cv::large_kinfu::Params::bilateral_kernel_size
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: large_kinfu.hpp:57
cv::dnn_superres::DnnSuperResImpl::readModel
void readModel(const String &path)
Read the model from the given path.
cv::omnidir::internal::findMedian3
Vec3d findMedian3(InputArray mat)
cv::detail::tracking::tbm::ITrackerByMatching::dropForgottenTracks
virtual void dropForgottenTracks()=0
dropForgottenTracks Removes tracks from memory that were lost too many frames ago.
cv::kinfu::KinFu::reset
virtual void reset()=0
Resets the algorithm.
CV_32FC3
#define CV_32FC3
Definition: interface.h:120
NCVMemoryTypeHostPageable
@ NCVMemoryTypeHostPageable
Definition: NCV.hpp:430
cv::ml::ANN_MLP::ActivationFunctions
ActivationFunctions
Definition: ml.hpp:1563
cv::detail::ocl_get_in< cv::GScalar >::get
static cv::Scalar get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:113
cv::v_store_low
void v_store_low(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (lower half)
Definition: intrin_cpp.hpp:1765
NCVMemoryTypeHostPinned
@ NCVMemoryTypeHostPinned
Definition: NCV.hpp:431
cv::GIOProtoArgs
Definition: gproto.hpp:58
cv::PCA::backProject
Mat backProject(InputArray vec) const
Reconstructs vectors from their PC projections.
cv::mcc::DetectorParameters::adaptiveThreshWinSizeStep
int adaptiveThreshWinSizeStep
Definition: checker_detector.hpp:108
cv::SOLVEPNP_EPNP
@ SOLVEPNP_EPNP
EPnP: Efficient Perspective-n-Point Camera Pose Estimation .
Definition: calib3d.hpp:458
cv::AlignMTB
This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminan...
Definition: photo.hpp:475
cv::Node::getDepth
int getDepth()
Definition: utility.hpp:1105
cv::TemplateMatchModes
TemplateMatchModes
type of the template matching operation
Definition: imgproc.hpp:3663
cv::LDA::compute
void compute(InputArrayOfArrays src, InputArray labels)
cv::ml::NormalBayesClassifier::create
static Ptr< NormalBayesClassifier > create()
cv::line_descriptor::LSDDetector
Definition: descriptor.hpp:721
cv::COVAR_USE_AVG
@ COVAR_USE_AVG
Definition: core.hpp:190
cv::COLOR_HLS2BGR
@ COLOR_HLS2BGR
Definition: imgproc.hpp:607
cv::Mat::convertTo
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
Converts an array to another data type with optional scaling.
cv::cudacodec::EncoderParams::ClearStat
int ClearStat
NVVE_CLEAR_STAT,.
Definition: cudacodec.hpp:100
cv::VideoCapture::throwOnFail
bool throwOnFail
Definition: videoio.hpp:844
cv::legacy::TrackerMIL::create
static Ptr< legacy::TrackerMIL > create(const TrackerMIL::Params &parameters)
Constructor.
cv::InOutInfo
Definition: infer.hpp:172
cv::v_int8x16::v_int8x16
v_int8x16(schar v0, schar v1, schar v2, schar v3, schar v4, schar v5, schar v6, schar v7, schar v8, schar v9, schar v10, schar v11, schar v12, schar v13, schar v14, schar v15)
Definition: intrin_rvv.hpp:271
cv::RNG::next
unsigned next()
compiler_hints.hpp
autotuned_index.h
cv::StereoMatcher::getNumDisparities
virtual int getNumDisparities() const =0
cv::superres::BroxOpticalFlow::getOuterIterations
virtual int getOuterIterations() const =0
Number of warping iterations (number of pyramid levels)
intrin_wasm.hpp
cv::cudev::GlobPtr::operator()
__device__ __forceinline__ T & operator()(int y, int x)
Definition: glob.hpp:75
cv::detail::ocl_get_in< cv::GArray< U > >::get
static const std::vector< U > & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:117
cv::BOWTrainer::size
int size
Definition: features2d.hpp:1435
cv::sfm::normalizeIsotropicPoints
void normalizeIsotropicPoints(InputArray points, OutputArray normalized_points, OutputArray T)
This function normalizes points. (isotropic).
cv::cudev::VecTraits< char3 >::make
__host__ __device__ static __forceinline__ char3 make(const schar *v)
Definition: vec_traits.hpp:172
emdL1.hpp
cv::_InputOutputArray::rawInOut
static _InputOutputArray rawInOut(std::vector< _Tp > &vec)
cv::superres::FarnebackOpticalFlow::setWindowSize
virtual void setWindowSize(int val)=0
io.hpp
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsTemporalConstant
float photoreceptorsTemporalConstant
Definition: retina.hpp:162
cv::float16_t::float16_t
float16_t()
Definition: cvdef.h:844
cv::cuda::FGDParams::minArea
float minArea
Discard foreground blobs whose bounding box is smaller than this threshold.
Definition: cudalegacy.hpp:176
cv::HOGDescriptor::winSigma
double winSigma
Gaussian smoothing window parameter.
Definition: objdetect.hpp:605
cv::dnn::LayerParams::name
String name
Name of the layer instance (optional, can be used internal purposes).
Definition: dnn.hpp:114
cv::dnn::PermuteLayer
Definition: all_layers.hpp:374
cv::_InputArray::isUMat
bool isUMat() const
cv::detail::NoExposureCompensator::apply
void apply(int, Point, InputOutputArray, InputArray) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:103
cv::Subdiv2D::validGeometry
bool validGeometry
Definition: imgproc.hpp:1243
cv::COLOR_BayerGB2BGR_VNG
@ COLOR_BayerGB2BGR_VNG
Definition: imgproc.hpp:760
cv::detail::BasicOpaqueRef::m_desc
cv::GOpaqueDesc m_desc
Definition: gopaque.hpp:118
cv::gapi::split3
std::tuple< GMat, GMat, GMat > split3(const GMat &src)
Divides a 3-channel matrix into 3 single-channel matrices.
cv::ocl::Kernel::p
Impl * p
Definition: ocl.hpp:492
cv::dnn::Net::empty
bool empty() const
cv::reg::Mapper::~Mapper
virtual ~Mapper(void)
Definition: mapper.hpp:57
cv::gapi::wip::draw::Circle::lt
int lt
The Type of the circle boundary. See LineTypes.
Definition: render_types.hpp:190
cv::CAP_PROP_XI_HEIGHT
@ CAP_PROP_XI_HEIGHT
Height of the Image provided by the device (in pixels).
Definition: videoio.hpp:391
cv::dnn::SliceLayer
Definition: all_layers.hpp:358
cv::optflow::RLOFOpticalFlowParameter::RLOFOpticalFlowParameter
RLOFOpticalFlowParameter()
Definition: rlofflow.hpp:66
cv::rgbd::ICPOdometry::setMaxDepthDiff
void setMaxDepthDiff(double val)
Definition: depth.hpp:811
cv::kinfu::VolumeParams::resolution
Vec3i resolution
Resolution of voxel space Number of voxels in each dimension. Applicable only for TSDF Volume....
Definition: volume.hpp:64
cv::cuda::createTemplateMatching
Ptr< TemplateMatching > createTemplateMatching(int srcType, int method, Size user_block_size=Size())
Creates implementation for cuda::TemplateMatching .
cv::wrapperEMD
float wrapperEMD(InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), Ptr< float > lowerBound=Ptr< float >(), OutputArray flow=noArray())
cv::structured_light::GrayCodePattern::getNumberOfPatternImages
virtual size_t getNumberOfPatternImages() const =0
Get the number of pattern images needed for the graycode pattern.
cv::ocl::Context::~Context
~Context()
cv::face::FacemarkAAM::Model
The model of AAM Algorithm.
Definition: facemarkAAM.hpp:107
cv::Mat_::Mat_
Mat_(std::initializer_list< _Tp > values)
cv::ximgproc::rl::threshold
void threshold(InputArray src, OutputArray rlDest, double thresh, int type)
Applies a fixed-level threshold to each array element.
cv::SVD::Flags
Flags
Definition: core.hpp:2643
cv::rapid::OLSTracker
Definition: rapid.hpp:148
cv::gapi::nn::parsers::GRects
GArray< Rect > GRects
Definition: parsers.hpp:19
cv::text::TextDetector::~TextDetector
virtual ~TextDetector()
Definition: textDetector.hpp:31
cv::Size
Size2i Size
Definition: types.hpp:347
cv::cuda::createOpticalFlowNeedleMap
void createOpticalFlowNeedleMap(const GpuMat &u, const GpuMat &v, GpuMat &vertex, GpuMat &colors)
cv::reg::MapShift::inverseMap
cv::Ptr< Map > inverseMap() const CV_OVERRIDE
fast_line_detector.hpp
hal_ni_and8u
int hal_ni_and8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:151
cv::utils::optional_lock_guard
An optional simple scoped lock (RAII-style locking for exclusive/write access).
Definition: lock.private.hpp:76
cv::Node::findChild
int findChild(Node< OBJECT > *pNode) const
Definition: utility.hpp:1075
cv::CAP_PROP_SHARPNESS
@ CAP_PROP_SHARPNESS
Definition: videoio.hpp:156
cv::ximgproc::niBlackThreshold
void niBlackThreshold(InputArray _src, OutputArray _dst, double maxValue, int type, int blockSize, double k, int binarizationMethod=BINARIZATION_NIBLACK, double r=128)
Performs thresholding on input images using Niblack's technique or some of the popular variations it ...
cv::hal::cvtMultipliedRGBAtoRGBA
void cvtMultipliedRGBAtoRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
cv::cudev::MakeVec< bool, 3 >::type
uchar3 type
Definition: vec_traits.hpp:83
cv::cuda::StereoConstantSpaceBP::setNrPlane
virtual void setNrPlane(int nr_plane)=0
cv::AVIWriteContainer::pushFrameSize
void pushFrameSize(size_t elem)
Definition: container_avi.private.hpp:172
cv::FileNodeIterator::remaining
size_t remaining() const
returns the number of remaining (not read yet) elements
cv::optflow::DualTVL1OpticalFlow::getGamma
virtual double getGamma() const =0
coefficient for additional illumination variation term
cv::FileNodeIterator::blockSize
size_t blockSize
Definition: persistence.hpp:690
cv::text::OCRHMMDecoder
OCRHMMDecoder class provides an interface for OCR using Hidden Markov Models.
Definition: ocr.hpp:192
cv::datasets::Dataset::getValidation
std::vector< Ptr< Object > > & getValidation(int splitNum=0)
cv::ml::SVM::setP
virtual void setP(double val)=0
cv::gapi::wip::draw::Poly::thick
int thick
The thickness of line.
Definition: render_types.hpp:322
cv::GScalarDesc::operator!=
bool operator!=(const GScalarDesc &rhs) const
Definition: gscalar.hpp:61
cv_vrsqrt_f32
float32x2_t cv_vrsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:106
cv::LOCAL_OPTIM_NULL
@ LOCAL_OPTIM_NULL
Definition: calib3d.hpp:547
cv::reg::MapAffine::inverseMap
cv::Ptr< Map > inverseMap() const CV_OVERRIDE
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const Matx< _Tp, m, n > &matx)
cv::hal::addWeighted8s
void addWeighted8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scalars)
cv::videostab::FastMarchingMethod::distanceMap
Mat distanceMap() const
Definition: fast_marching.hpp:81
cv::cuda::SparsePyrLKOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::AVIReadContainer::m_stream_id
unsigned int m_stream_id
Definition: container_avi.private.hpp:125
cv::ocl::Context::Context
Context(int dtype)
cv::videostab::ImageMotionEstimatorBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: global_motion.hpp:180
cv::detail::GCompoundKernelImpl::kernel
static GCompoundKernel kernel()
Definition: gcompoundkernel.hpp:120
cv::detail::VectorRef::VectorRef
VectorRef(const std::vector< T > &vec)
Definition: garray.hpp:249
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< Mat > &vec)
cv::cuda::HOG::getWinSigma
virtual double getWinSigma() const =0
cv::detail::ProtoToParamT
typename ProtoToParam< T >::type ProtoToParamT
Definition: gtyped.hpp:31
cv::hal::fastAtan32f
void fastAtan32f(const float *y, const float *x, float *dst, int n, bool angleInDegrees)
cvv::FinalShowCaller
RAII-class to call finalShow() in it's dtor.
Definition: final_show.hpp:37
cv::ocl::KernelArg::ReadOnlyNoSize
static KernelArg ReadOnlyNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:405
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:99
cv::cudev::PerspectiveMapPtrSz::cols
int cols
Definition: warping.hpp:127
cv::utils::BufferArea::release
void release()
Release all memory and unbind all pointers.
cv::viz::Widget2D
Base class of all 2D widgets.
Definition: widgets.hpp:219
cv::detail::BlocksCompensator::getNrFeeds
int getNrFeeds()
Definition: exposure_compensate.hpp:179
cv::GPlaidMLContext::outTensor
plaidml::edsl::Tensor & outTensor(int output)
Definition: gplaidmlkernel.hpp:47
cv::cudev::Block
Definition: block.hpp:57
cv::videostab::MM_TRANSLATION_AND_SCALE
@ MM_TRANSLATION_AND_SCALE
Definition: motion_core.hpp:62
cv::detail::GCompoundContext::m_results
GArgs m_results
Definition: gcompoundkernel.hpp:37
cv::optflow::GPCTree::getDescriptorType
int getDescriptorType() const
Definition: sparse_matching_gpc.hpp:188
cv::cuda::createLinearFilter
Ptr< Filter > createLinearFilter(int srcType, int dstType, InputArray kernel, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a non-separable linear 2D filter.
cv::detail::get_border_helper< false, Impl, Ins... >::help
static gapi::fluid::BorderOpt help(const cv::GMetaArgs &, const cv::GArgs &)
Definition: gfluidkernel.hpp:285
cv::detail::tracking::TrackerTargetState
Abstract base class for TrackerTargetState that represents a possible state of the target.
Definition: tracking.private.hpp:172
cv::detail::OptionalVectorRef
OptRef< cv::detail::VectorRef > OptionalVectorRef
Definition: gstreaming.hpp:60
any.h
cv::GMatDesc::planar
bool planar
Definition: gmat.hpp:82
cv::aruco::Dictionary::Dictionary
Dictionary(const Ptr< Dictionary > &_dictionary)
cv::ximgproc::segmentation::SelectiveSearchSegmentation::clearGraphSegmentations
virtual void clearGraphSegmentations()=0
Clear the list of graph segmentations to process;.
cv::sfm::libmv_CameraIntrinsicsOptions::distortion_model
int distortion_model
Definition: simple_pipeline.hpp:107
cv::cudev::BrdReplicate::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:122
cv::v_broadcast_element
v_reg< _Tp, n > v_broadcast_element(const v_reg< _Tp, n > &a)
Broadcast i-th element of vector.
Definition: intrin_cpp.hpp:1962
cv::videoio_registry::getWriterBackends
std::vector< VideoCaptureAPIs > getWriterBackends()
Returns list of available backends which works via cv::VideoWriter()
cv::COLOR_BayerRG2BGR
@ COLOR_BayerRG2BGR
Definition: imgproc.hpp:745
cv::ccm::ColorCorrectionModel::infer
Mat infer(const Mat &img, bool islinear=false)
Infer using fitting ccm.
cv::ccm::COLOR_SPACE_REC_709_RGBL
@ COLOR_SPACE_REC_709_RGBL
https://en.wikipedia.org/wiki/Rec._709 , linear RGB color space
Definition: ccm.hpp:107
cv::CAP_PROP_XI_BINNING_VERTICAL
@ CAP_PROP_XI_BINNING_VERTICAL
Vertical Binning - number of vertical photo-sensitive cells to combine together.
Definition: videoio.hpp:370
cv::TrackerKCF::Params::interp_factor
float interp_factor
linear interpolation factor for adaptation
Definition: tracking.hpp:124
cv::cuda::createBoxMaxFilter
Ptr< Filter > createBoxMaxFilter(int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates the maximum filter.
cv::detail::GOpaqueTraitsOpaqueTypes
std::tuple< int, double, float, uint64_t, bool, std::string, cv::Size, cv::Point, cv::Point2f, cv::Rect, cv::gapi::wip::draw::Prim > GOpaqueTraitsOpaqueTypes
Definition: gcommon.hpp:82
cv::face::FacemarkLBF::create
static Ptr< FacemarkLBF > create(const FacemarkLBF::Params &parameters=FacemarkLBF::Params())
nppiStVectorWarp_PSF2x2_32f_C1
NCVStatus nppiStVectorWarp_PSF2x2_32f_C1(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f *pBuffer, Ncv32f timeScale, Ncv32f *pDst)
cv::v_load_expand_q
v_reg< typename V_TypeTraits< _Tp >::q_type, V_TypeTraits< _Tp >::nlanes128/4 > v_load_expand_q(const _Tp *ptr)
Load register contents from memory with quad expand.
Definition: intrin_cpp.hpp:1570
cv::sfm::essentialFromRt
void essentialFromRt(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray E)
Get Essential matrix from Motion (R's and t's ).
cv::BackgroundSubtractorKNN::getNSamples
virtual int getNSamples() const =0
Returns the number of data samples in the background model.
cv::Mat::row
Mat row(int y) const
Creates a matrix header for the specified matrix row.
cv::Mat::dot
double dot(InputArray m) const
Computes a dot-product of two vectors.
cv::ovis::WindowScene::createEntity
virtual void createEntity(const String &name, const String &meshname, InputArray tvec=noArray(), InputArray rot=noArray())=0
cv::cudev::FindMinMaxValExprBody
Definition: reduction.hpp:131
cv::rgbd::RgbdPlane::~RgbdPlane
~RgbdPlane()
cv::cudev::atan2
__device__ __forceinline__ float1 atan2(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:812
cv::ximgproc::createFastBilateralSolverFilter
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.
cv::v_int32x4::v_int32x4
v_int32x4()
Definition: intrin_rvv.hpp:394
cv::Mahalanobis
double Mahalanobis(InputArray v1, InputArray v2, InputArray icovar)
Calculates the Mahalanobis distance between two vectors.
cv::cuda::createImagePyramid
Ptr< ImagePyramid > createImagePyramid(InputArray img, int nLayers=-1, Stream &stream=Stream::Null())
cv::KeyPoint::convert
static void convert(const std::vector< Point2f > &points2f, std::vector< KeyPoint > &keypoints, float size=1, float response=1, int octave=0, int class_id=-1)
cv::ocl::Device::isNVidia
bool isNVidia() const
Definition: ocl.hpp:191
cv::EMDHistogramCostExtractor::setNormFlag
virtual void setNormFlag(int flag)=0
cv::instr::setUseInstrumentation
void setUseInstrumentation(bool flag)
cv::ximgproc::createFastGlobalSmootherFilter
Ptr< FastGlobalSmootherFilter > createFastGlobalSmootherFilter(InputArray guide, double lambda, double sigma_color, double lambda_attenuation=0.25, int num_iter=3)
Factory method, create instance of FastGlobalSmootherFilter and execute the initialization routines.
cv::MediaFrame::MediaFrame
MediaFrame(AdapterPtr &&)
cv::cuda::SparsePyrLKOpticalFlow::setNumIters
virtual void setNumIters(int iters)=0
cv::COLOR_RGBA2mRGBA
@ COLOR_RGBA2mRGBA
alpha premultiplication
Definition: imgproc.hpp:724
cv::cuda::FEATURE_SET_COMPUTE_32
@ FEATURE_SET_COMPUTE_32
Definition: cuda.hpp:782
cv::cuda::createGoodFeaturesToTrackDetector
Ptr< CornersDetector > createGoodFeaturesToTrackDetector(int srcType, int maxCorners=1000, double qualityLevel=0.01, double minDistance=0.0, int blockSize=3, bool useHarrisDetector=false, double harrisK=0.04)
Creates implementation for cuda::CornersDetector .
cv::ml::EM::setCovarianceMatrixType
virtual void setCovarianceMatrixType(int val)=0
cv::hal::sqrt64f
void sqrt64f(const double *src, double *dst, int len)
cv::StereoBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::optflow::RLOFOpticalFlowParameter::getMinEigenValue
float getMinEigenValue() const
CPU_AVX_512VBMI2
@ CPU_AVX_512VBMI2
Definition: cvdef.h:315
cv::videostab::VideoFileSource
Definition: frame_source.hpp:73
cv::LDA
Linear Discriminant Analysis.
Definition: core.hpp:2560
cv::text::ERStat::~ERStat
~ERStat()
Destructor.
Definition: erfilter.hpp:72
cv::CAP_INTELPERC
@ CAP_INTELPERC
RealSense (former Intel Perceptual Computing SDK)
Definition: videoio.hpp:111
cv::COLOR_BayerGR2BGR_EA
@ COLOR_BayerGR2BGR_EA
Definition: imgproc.hpp:773
cv::COLOR_YUV2BGRA_YUNV
@ COLOR_YUV2BGRA_YUNV
Definition: imgproc.hpp:712
cv::detail::tracking::online_boosting::Detector::getConfidenceOfDetection
float getConfidenceOfDetection(int detectionIdx)
cv::gapi::onnx::Params::backend
GBackend backend() const
Definition: onnx.hpp:89
cv::PaniniWarper::PaniniWarper
PaniniWarper(float A=1, float B=1)
Definition: warpers.hpp:219
cv::_OutputArray::_OutputArray
_OutputArray(Matx< _Tp, m, n > &matx)
cv::cuda::COLOR_BayerGR2RGB_MHT
@ COLOR_BayerGR2RGB_MHT
Definition: cudaimgproc.hpp:103
cv::hal::cvtBGRtoXYZ
void cvtBGRtoXYZ(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
cv::cudev::DefaultTransformPolicy
Definition: transform.hpp:414
cv::cuda::COLOR_BayerBG2RGB_MHT
@ COLOR_BayerBG2RGB_MHT
Definition: cudaimgproc.hpp:100
cv::datasets::TRACK_alov::data
vector< vector< Ptr< TRACK_alovObj > > > data
Definition: track_alov.hpp:97
cv::tempfile
String tempfile(const char *suffix=0)
cv::solvePnPRefineLM
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...
cv::datasets::groundTruth::initialFrame
int initialFrame
Definition: gr_chalearn.hpp:62
cv::cuda::HoughCirclesDetector::getMinRadius
virtual int getMinRadius() const =0
cv::large_kinfu::Params::bilateral_sigma_depth
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: large_kinfu.hpp:53
cv::dpm::DPMDetector::ObjectDetection
Definition: dpm.hpp:109
NSObject-p
cv::Matx44d
Matx< double, 4, 4 > Matx44d
Definition: matx.hpp:255
cv::dnn::AccumLayer
Definition: all_layers.hpp:570
cv::Mat::rowRange
Mat rowRange(const Range &r) const
cv::mcc::DetectorParameters
Parameters for the detectMarker process:
Definition: checker_detector.hpp:100
cv::kinfu::Params::icpIterations
std::vector< int > icpIterations
Definition: kinfu.hpp:151
cv::detail::ExposureCompensator::~ExposureCompensator
virtual ~ExposureCompensator()
Definition: exposure_compensate.hpp:64
cv::ml::SVM::NU
@ NU
Definition: ml.hpp:673
cv::face::FacemarkAAM::Model::s0
std::vector< Point2f > s0
the basic shape obtained from training dataset
Definition: facemarkAAM.hpp:141
cv::CAP_PROP_XI_DEBOUNCE_EN
@ CAP_PROP_XI_DEBOUNCE_EN
Enable/Disable debounce to selected GPI.
Definition: videoio.hpp:433
cv_vsqrtq_f32
float32x4_t cv_vsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:114
cv::VideoCapture::VideoCapture
VideoCapture(int index, int apiPreference=CAP_ANY)
Opens a camera for video capturing.
cv::DetectionBasedTracker::InnerParameters::coeffObjectSizeToTrack
float coeffObjectSizeToTrack
Definition: detection_based_tracker.hpp:173
cv::line_descriptor::LSDParam::LSDParam
LSDParam()
Definition: descriptor.hpp:710
cv::ximgproc::LocalBinarizationMethods
LocalBinarizationMethods
Specifies the binarization method to use in cv::ximgproc::niBlackThreshold.
Definition: ximgproc.hpp:118
cv::COLOR_HSV2RGB_FULL
@ COLOR_HSV2RGB_FULL
Definition: imgproc.hpp:616
cv::InferAPI::type
typename std::enable_if< detail::valid_infer_types< Ts... >::value &&std::tuple_size< typename Net::InArgs >::value==sizeof...(Ts), std::function< typename Net::Result(Ts...)> >::type type
Definition: infer.hpp:117
cv::optflow::SparseRLOFOpticalFlow
Class used for calculation sparse optical flow and feature tracking with robust local optical flow (R...
Definition: rlofflow.hpp:412
cv::utils::logging::LogTag::LogTag
LogTag(const char *_name, LogLevel _level)
Definition: logtag.hpp:20
cv::ximgproc::FastLineDetector::detect
virtual void detect(InputArray _image, OutputArray _lines)=0
Finds lines in the input image. This is the output of the default parameters of the algorithm on the ...
cv::AVIWriteContainer::jputStreamShort
void jputStreamShort(int val)
cv::Rect_::tl
Point_< _Tp > tl() const
the top-left corner
cv::StereographicWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:190
cv::WarperCreator
Image warper factories base class.
Definition: warpers.hpp:140
cv::getTrackbarPos
int getTrackbarPos(const String &trackbarname, const String &winname)
Returns the trackbar position.
cv::gapi::GBackend::GBackend
GBackend(std::shared_ptr< Priv > &&p)
cv::fastFree
void fastFree(void *ptr)
Deallocates a memory buffer.
cv::cuda::createConvolution
Ptr< Convolution > createConvolution(Size user_block_size=Size())
Creates implementation for cuda::Convolution .
cv::GNetworkType< K, std::function< R(Args...)> >::Result
R Result
Definition: infer.hpp:104
hal_ni_magnitude32f
int hal_ni_magnitude32f(const float *x, const float *y, float *dst, int len)
Definition: hal_replacement.hpp:405
cv::Vec::Vec
Vec(const _Tp *values)
cv::videostab::TwoPassStabilizer::wobbleSuppressor
Ptr< WobbleSuppressorBase > wobbleSuppressor() const
Definition: stabilizer.hpp:172
nppsStCompactGetSize_32s
NCVStatus nppsStCompactGetSize_32s(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::detail::BlocksCompensator::setBlockSize
void setBlockSize(int width, int height)
Definition: exposure_compensate.hpp:182
cv::Algorithm::save
virtual void save(const String &filename) const
cv::detail::tracking::tbm::ResizedImageDescriptor
Uses resized image as descriptor.
Definition: tracking_by_matching.hpp:106
cv::detail::AffineWarper::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray H, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
cv::_OutputArray::_OutputArray
_OutputArray(const Mat &m)
cv::COLOR_BGR5652RGB
@ COLOR_BGR5652RGB
Definition: imgproc.hpp:558
cv::V_TypeTraits< double >::int_type
int64 int_type
Definition: intrin.hpp:169
blenders.hpp
cv::DetectionBasedTracker::ExtObject::status
ObjectStatus status
Definition: detection_based_tracker.hpp:149
cv::ocl::PlatformInfo::versionMinor
int versionMinor() const
cv::viz::WWidgetMerger
This class allows to merge several widgets to single one.
Definition: widgets.hpp:803
cv::cuda::GpuMat::assignTo
void assignTo(GpuMat &m, int type=-1) const
cv::Mat::Mat
Mat(const Mat &m, const Range *ranges)
cv::hal::merge8u
void merge8u(const uchar **src, uchar *dst, int len, int cn)
cv::kinfu::Params::icpAngleThresh
float icpAngleThresh
Definition: kinfu.hpp:149
cv::RNG_MT19937::next
unsigned next()
cv::CAP_PROP_GUID
@ CAP_PROP_GUID
Definition: videoio.hpp:165
cv::fitLine
void fitLine(InputArray points, OutputArray line, int distType, double param, double reps, double aeps)
Fits a line to a 2D or 3D point set.
cv::v_reduce_min
_Tp v_reduce_min(const v_reg< _Tp, n > &a)
Find one min value.
Definition: intrin_cpp.hpp:674
cv::reg::MapProjec::MapProjec
MapProjec(InputArray projTr)
cv::hal::max16u
void max16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::COLOR_YUV420p2RGB
@ COLOR_YUV420p2RGB
Definition: imgproc.hpp:656
cv::videostab::KeypointBasedMotionEstimator::setDetector
void setDetector(Ptr< FeatureDetector > val)
Definition: global_motion.hpp:237
cv::detail::tracking::tbm::ResizedImageDescriptor::compute
void compute(const std::vector< cv::Mat > &mats, std::vector< cv::Mat > &descrs) override
Computes images descriptors.
Definition: tracking_by_matching.hpp:141
cv::stereo::starCensusTransform
void starCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2)
in a 9x9 kernel only certain positions are choosen
cv::cudev::ResizePtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: resize.hpp:63
cv::cudev::Min::rebind::other
Min< U > other
Definition: reduce_to_vec.hpp:111
cv::viz::Mesh::polygons
Mat polygons
CV_32SC1 with only 1 row.
Definition: types.hpp:135
cv::ocl::Queue::finish
void finish()
cv::SOLVEPNP_IPPE_SQUARE
@ SOLVEPNP_IPPE_SQUARE
Definition: calib3d.hpp:467
cv::detail::tracking::TrackerStateEstimator::estimate
Ptr< TrackerTargetState > estimate(const std::vector< ConfidenceMap > &confidenceMaps)
Estimate the most likely target state, return the estimated state.
cv::cuda::TargetArchs::hasPtx
static bool hasPtx(int major, int minor)
cv::videostab::ImageMotionEstimatorBase::ImageMotionEstimatorBase
ImageMotionEstimatorBase(MotionModel model)
Definition: global_motion.hpp:192
cv::datasets::SR_div2kObj
Definition: sr_div2k.hpp:24
cv::cudev::PerspectiveMapPtr::value_type
float2 value_type
Definition: warping.hpp:109
cv::AgastFeatureDetector_Impl::getType
int getType() const
Definition: agast.txt:7530
cv::cudev::derivY_
__host__ Expr< DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivY_(const SrcPtr &src)
Definition: deriv.hpp:72
cv::detail::tracking::tbm::ObjectTracks
std::unordered_map< int, TrackedObjects > ObjectTracks
(object id, detected objects) pairs collection.
Definition: tracking_by_matching.hpp:70
NCVVector::_ptr
T * _ptr
Definition: NCV.hpp:619
cv::QtFont::line_type
int line_type
PointSize.
Definition: highgui.hpp:711
cv::datasets::MSM_middleburyObj
Definition: msm_middlebury.hpp:61
cv::cuda::HoughCirclesDetector::getVotesThreshold
virtual int getVotesThreshold() const =0
cv::HOGDescriptor::blockSize
Size blockSize
Block size in pixels. Align to cell size. Default value is Size(16,16).
Definition: objdetect.hpp:590
cv::utils::testAsyncArray
static AsyncArray testAsyncArray(InputArray argument)
Definition: bindings_utils.hpp:68
cv::videostab::StabilizerBase::setLog
void setLog(Ptr< ILog > ilog)
Definition: stabilizer.hpp:71
cv::datasets::FR_adienceObj::original_image
std::string original_image
Definition: fr_adience.hpp:70
cv::ocl::Device::preferredVectorWidthHalf
int preferredVectorWidthHalf() const
cv::cuda::OpticalFlowDual_TVL1::getTheta
virtual double getTheta() const =0
cv::detail::BlocksChannelsCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image block on eac...
Definition: exposure_compensate.hpp:232
cv::Vec::operator[]
_Tp & operator[](int i)
cv::detail::VectorRef::VectorRef
VectorRef(std::vector< T > &vec)
Definition: garray.hpp:251
cv::Error::StsParseError
@ StsParseError
invalid syntax/structure of the parsed file
Definition: base.hpp:112
cv::MergeMertens::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response) CV_OVERRIDE=0
Merges images.
cv::xphoto::SimpleWB::getOutputMax
virtual float getOutputMax() const =0
Output image range maximum value.
cv::BackgroundSubtractorMOG2::setBackgroundRatio
virtual void setBackgroundRatio(double ratio)=0
Sets the "background ratio" parameter of the algorithm.
cv::GeneralizedHough::setTemplate
virtual void setTemplate(InputArray templ, Point templCenter=Point(-1, -1))=0
set template to search
NPPST_MEMFREE_ERR
@ NPPST_MEMFREE_ERR
CUDA memory deallocation error.
Definition: NCV.hpp:362
cv::gapi::normL1
GScalar normL1(const GMat &src)
Calculates the absolute L1 norm of a matrix.
cv::ParamType
Definition: core.hpp:3073
cv::findHomography
Mat findHomography(InputArray srcPoints, InputArray dstPoints, int method=0, double ransacReprojThreshold=3, OutputArray mask=noArray(), const int maxIters=2000, const double confidence=0.995)
Finds a perspective transformation between two planes.
cv::cuda::OpticalFlowDual_TVL1::setScaleStep
virtual void setScaleStep(double scaleStep)=0
cv::detail::GOpaqueU::priv
GOrigin & priv()
cv::FileNode::operator[]
FileNode operator[](const char *nodename) const
cv::face::drawFacemarks
void drawFacemarks(InputOutputArray image, InputArray points, Scalar color=Scalar(255, 0, 0))
Utility to draw the detected facial landmark points.
cv::detail::tracking::tbm::ITrackerByMatching::params
virtual const TrackerParams & params() const =0
Pipeline parameters getter.
cv::viz::Color::Color
Color(double gray)
The three channels will have the same value equal to gray.
cv::COLOR_YUV2BGR_YUY2
@ COLOR_YUV2BGR_YUY2
Definition: imgproc.hpp:697
cv::DescriptorExtractor
Feature2D DescriptorExtractor
Definition: features2d.hpp:242
cv::videostab::StabilizerBase
Definition: stabilizer.hpp:67
cv::line_descriptor::KeyLine::getStartPoint
Point2f getStartPoint() const
Definition: descriptor.hpp:144
cv::cudev::FindMinValExprBody::src
SrcPtr src
Definition: reduction.hpp:88
NCVMemSegment::begin
NCVMemPtr begin
Definition: NCV.hpp:452
cv::crossProduct
Quat< T > crossProduct(const Quat< T > &p, const Quat< T > &q)
cv::ocl::ProgramSource::ProgramSource
ProgramSource(const String &module, const String &name, const String &codeStr, const String &codeHash)
cv::ml::VariableTypes
VariableTypes
Variable types.
Definition: ml.hpp:82
cv::graph_dump_path::m_dump_path
std::string m_dump_path
Definition: gcommon.hpp:250
hal_ni_cvtYUVtoBGR
int hal_ni_cvtYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isCbCr)
hal_cvtYUVtoBGR
Definition: hal_replacement.hpp:406
cv::cuda::HostMem::create
void create(Size size, int type)
cv::GInferInputs::operator[]
cv::GMat & operator[](const std::string &name)
cv::ximgproc::WMF_OFF
@ WMF_OFF
unweighted
Definition: weighted_median_filter.hpp:71
cv::optflow::RLOFOpticalFlowParameter::largeWinSize
int largeWinSize
Definition: rlofflow.hpp:107
cv::cuda::DescriptorMatcher::knnMatch
virtual void knnMatch(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArray mask=noArray(), bool compactResult=false)=0
Finds the k best matches for each descriptor from a query set (blocking version).
cv::BackgroundSubtractorMOG2::setVarThresholdGen
virtual void setVarThresholdGen(double varThresholdGen)=0
Sets the variance threshold for the pixel-model match used for new mixture component generation.
cv::ocl::Queue
Definition: ocl.hpp:358
cv::cudev::ThreshToZeroInvFunc::thresh
T thresh
Definition: functional.hpp:773
cv::cuda::BackgroundSubtractorMOG::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage, Stream &stream) const =0
cv::ccalib::CustomPattern::findRt
bool findRt(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
cv::TrackerCSRT::Params::background_ratio
int background_ratio
Definition: tracking.hpp:67
cv::detail::tracking::TrackerTargetState::getTargetWidth
int getTargetWidth() const
Get the width of the target.
cv::aruco::DetectorParameters::aprilTagCriticalRad
float aprilTagCriticalRad
Definition: aruco.hpp:184
cv::KAZE::setThreshold
virtual void setThreshold(double threshold)=0
cv::structured_light::FTP
@ FTP
Definition: sinusoidalpattern.hpp:58
cv::va_intel::ocl::initializeContextFromVA
Context & initializeContextFromVA(VADisplay display, bool tryInterop=true)
Creates OpenCL context from VA.
cv::superres::createFrameSource_Empty
Ptr< FrameSource > createFrameSource_Empty()
cv::ccm::DISTANCE_CIE94_GRAPHIC_ARTS
@ DISTANCE_CIE94_GRAPHIC_ARTS
The 1976 definition was extended to address perceptual non-uniformities.
Definition: ccm.hpp:347
cv::UMat::step
MatStep step
Definition: mat.hpp:2575
cv::cuda::BufferPool::getBuffer
GpuMat getBuffer(Size size, int type)
Allocates a new GpuMat of given size and type.
Definition: cuda.hpp:495
cv::saliency::ObjectnessBING::getobjectnessValues
std::vector< float > getobjectnessValues()
Return the list of the rectangles' objectness value,.
cv::ccm::ColorCorrectionModel::ColorCorrectionModel
ColorCorrectionModel(const Mat &src, CONST_COLOR constcolor)
Color Correction Model.
cv::datasets::HPE_parse::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::CAP_PROP_XI_HDR_KNEEPOINT_COUNT
@ CAP_PROP_XI_HDR_KNEEPOINT_COUNT
The number of kneepoints in the PWLR.
Definition: videoio.hpp:477
cv::FastFeatureDetector
Wrapping class for feature detection using the FAST method. :
Definition: features2d.hpp:541
cv::detail::scratch_helper< false, Impl, Ins... >::help_reset
static void help_reset(gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:250
cv::viz::MouseEvent
This class represents a mouse event.
Definition: types.hpp:306
cv::videostab::WobbleSuppressorBase
Definition: wobble_suppression.hpp:61
cv::cudev::CubicInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:179
cv::gapi::cmpEQ
GMat cmpEQ(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are equal ...
cv::datasets::GR_skigObj::person
char person
Definition: gr_skig.hpp:98
cv::Error::BadModelOrChSeq
@ BadModelOrChSeq
Definition: base.hpp:83
cv::CascadeClassifier::CascadeClassifier
CascadeClassifier()
cv::line_descriptor::BinaryDescriptor::computeImpl
virtual void computeImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr, bool useDetectionData) const
cv::CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
@ CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON
Definition: videoio.hpp:260
optical_flow.hpp
cv::BackgroundSubtractorKNN::setHistory
virtual void setHistory(int history)=0
Sets the number of last frames that affect the background model.
cv::FarnebackOpticalFlow::getNumLevels
virtual int getNumLevels() const =0
cv::destroyWindow
void destroyWindow(const String &winname)
Destroys the specified window.
cv::MatCommaInitializer_::MatCommaInitializer_
MatCommaInitializer_(Mat_< _Tp > *_m)
the constructor, created by "matrix << firstValue" operator, where matrix is cv::Mat
cv::Formatted
Definition: core.hpp:3021
cv::dnn::ScaleLayer::create
static Ptr< ScaleLayer > create(const LayerParams &params)
cv::detail::GCompoundCallHelper
Definition: gcompoundkernel.hpp:89
cv::KAZE::setExtended
virtual void setExtended(bool extended)=0
cv::ft::FT12D_inverseFT
void FT12D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -transfrom.
cv::gapi::video::BackgroundSubtractorParams::BackgroundSubtractorParams
BackgroundSubtractorParams(BackgroundSubtractorType op, int histLength, double thrshld, bool detect, double lRate)
Definition: video.hpp:139
cv::detail::tracking::feature::CvFeatureEvaluator
Definition: tracking_feature.private.hpp:52
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(int arows, int acols, T *adata, size_t astep=Mat::AUTO_STEP)
constructs a matrix on top of user-allocated data. step is in bytes(!!!), regardless of the type
cv::_InputArray::~_InputArray
~_InputArray()
cv::cudev::Expr
Definition: expr.hpp:58
cv::cuda::BackgroundSubtractorMOG::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
cvTrunc
int cvTrunc(const cv::softfloat &a)
Truncates number to integer with minimum magnitude.
cv::detail::tracking::TrackerContribSamplerCSC::samplingImpl
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
cv::cudev::pyrUp_
__host__ Expr< PyrUpBody< SrcPtr > > pyrUp_(const SrcPtr &src)
Definition: warping.hpp:143
cv::cuda::StereoBeliefPropagation::getNumLevels
virtual int getNumLevels() const =0
number of levels
cv::COLOR_YUV2RGBA_UYVY
@ COLOR_YUV2RGBA_UYVY
Definition: imgproc.hpp:687
HaarFeature64::getWeight
__device__ __host__ Ncv32f getWeight(void)
Definition: NCVHaarObjectDetection.hpp:110
cv::detail::get_compound_in
Definition: gcompoundkernel.hpp:54
cv::cudev::RemapPtr1Sz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: remap.hpp:97
cv::AKAZE::setDescriptorType
virtual void setDescriptorType(AKAZE::DescriptorType dtype)=0
cv::MergeDebevec
The resulting HDR image is calculated as weighted average of the exposures considering exposure value...
Definition: photo.hpp:619
cv::ml::Boost::getWeightTrimRate
virtual double getWeightTrimRate() const =0
cv::TLSData
Simple TLS data class.
Definition: tls.hpp:62
cv::cudev::MakeVec
Definition: vec_traits.hpp:58
cv::ChiHistogramCostExtractor
An Chi based cost extraction. :
Definition: hist_cost.hpp:96
cv::videostab::StabilizerBase::setMotionEstimator
void setMotionEstimator(Ptr< ImageMotionEstimatorBase > val)
Definition: stabilizer.hpp:83
cv::detail::tracking::tbm::TrackedObject::rect
cv::Rect rect
Detected object ROI (zero area if N/A).
Definition: tracking_by_matching.hpp:34
cv::v_dotprod
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_dotprod(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Dot product of elements.
Definition: intrin_cpp.hpp:965
HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
#define HaarFeatureDescriptor32_CreateCheck_MaxNumFeatures
Definition: NCVHaarObjectDetection.hpp:124
cv::AKAZE::setNOctaveLayers
virtual void setNOctaveLayers(int octaveLayers)=0
cv::detail::CylindricalProjector
Definition: warpers.hpp:333
cv::SamplingMethod
SamplingMethod
Definition: calib3d.hpp:545
cv::hdf::HDF5::atwrite
virtual void atwrite(InputArray value, const String &atlabel)=0
cv::detail::GArrayU::storeKind
void storeKind()
Definition: garray.hpp:113
cv::kinfu::Intr::scale
Intr scale(int pyr) const
Definition: intrinsics.hpp:65
cv::VariationalRefinement::setFixedPointIterations
virtual void setFixedPointIterations(int val)=0
Number of outer (fixed-point) iterations in the minimization procedure.
cv::detail::PlaneWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point.
cv::GScalar::GScalar
GScalar(double v0)
cv::MatOp::augAssignMultiply
virtual void augAssignMultiply(const MatExpr &expr, Mat &m) const
cv::videostab::ISparseOptFlowEstimator
Definition: optical_flow.hpp:62
cv::quality::QualityPSNR::_mse_to_psnr
static double _mse_to_psnr(double mse, double max_pixel_value)
Definition: qualitypsnr.hpp:101
NCVMatrix::width
Ncv32u width() const
Definition: NCV.hpp:824
cv::HOGDescriptor::HistogramNormType
HistogramNormType
Definition: objdetect.hpp:375
cv::setNumThreads
void setNumThreads(int nthreads)
OpenCV will try to set the number of threads for the next parallel region.
cv::datasets::SLAM_kittiObj::name
std::string name
Definition: slam_kitti.hpp:67
cv::detail::normalizeUsingWeightMap
void normalizeUsingWeightMap(InputArray weight, InputOutputArray src)
cv::ml::KNearest::getEmax
virtual int getEmax() const =0
cv::omnidir::CALIB_FIX_P1
@ CALIB_FIX_P1
Definition: omnidir.hpp:61
cv::ocl::Queue::ptr
void * ptr() const
cv::cudev::Int2Type
Definition: type_traits.hpp:65
cv::solvePnPRefineVVS
void solvePnPRefineVVS(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, TermCriteria criteria=TermCriteria(TermCriteria::EPS+TermCriteria::COUNT, 20, FLT_EPSILON), double VVSlambda=1)
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coo...
cv::HOGDescriptor::save
virtual void save(const String &filename, const String &objname=String()) const
saves HOGDescriptor parameters and coefficients for the linear SVM classifier to a file
cv::FileStorage::releaseAndGetString
virtual String releaseAndGetString()
Closes the file and releases all the memory buffers.
cv::detail::tracking::TrackerFeature::compute
void compute(const std::vector< Mat > &images, Mat &response)
Compute the features in the images collection.
cv::gapi::detail::getRunArgs
cv::GRunArgs getRunArgs(const std::vector< char > &p)
cv::CALIB_USE_INTRINSIC_GUESS
@ CALIB_USE_INTRINSIC_GUESS
Definition: calib3d.hpp:496
cv::reg::MapShift::MapShift
MapShift(InputArray shift)
cv::QtFont::ascii
const int * ascii
font data and metrics
Definition: highgui.hpp:704
cv::face::FacemarkLBF::Params::verbose
bool verbose
show the training print-out
Definition: facemarkLBF.hpp:62
cv::bioinspired::RetinaParameters
retina model parameters structure
Definition: retina.hpp:149
cv::dnn::LRNLayer
Definition: all_layers.hpp:234
cv::Vec4b
Vec< uchar, 4 > Vec4b
Definition: matx.hpp:411
cv::line
void line(InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a line segment connecting two points.
cv::ocl::Program::source
const ProgramSource & source() const
cv::alignSize
static size_t alignSize(size_t sz, int n)
Aligns a buffer size to the specified number of bytes.
Definition: utility.hpp:470
cv::mcc::DetectorParameters::minContourPointsAllowed
int minContourPointsAllowed
Definition: checker_detector.hpp:118
cv::stereo::PropagationParameters::borderX
int borderX
Definition: quasi_dense_stereo.hpp:43
cv::TermCriteria::MAX_ITER
@ MAX_ITER
ditto
Definition: types.hpp:861
cv::cudev::ZipPtr
Definition: zip.hpp:58
cv::instr::NodeDataTls
Definition: instrumentation.hpp:61
cv::face::FacemarkLBF::Params::stages_n
int stages_n
number of refinement stages
Definition: facemarkLBF.hpp:70
cv::instr::NodeData::getMeanMs
double getMeanMs() const
Definition: instrumentation.hpp:93
cv::cudev::magnitude_sqr_func
Definition: functional.hpp:623
cv::COLOR_BGRA2YUV_IYUV
@ COLOR_BGRA2YUV_IYUV
Definition: imgproc.hpp:736
cv::cudev::UnaryTupleAdapter::operator()
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:64
cv::ml::TRAIN_ERROR
@ TRAIN_ERROR
Definition: ml.hpp:92
cv::LU
int LU(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::cuda::DisparityBilateralFilter::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::gapi::findContours
GArray< GArray< Point > > findContours(const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset)
Finds contours in a binary image.
cv::cuda::GpuMat::ptr
const uchar * ptr(int y=0) const
cv::COLOR_mRGBA2RGBA
@ COLOR_mRGBA2RGBA
Definition: imgproc.hpp:725
cv::detail::plaidml_get_in< cv::GMat >::get
static const plaidml::edsl::Tensor & get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:81
cv::omnidir::RECTIFY_STEREOGRAPHIC
@ RECTIFY_STEREOGRAPHIC
Definition: omnidir.hpp:72
cv::AVIReadContainer::m_fps
double m_fps
Definition: container_avi.private.hpp:131
cv::Stitcher::matchingMask
const cv::UMat & matchingMask() const
Definition: stitching.hpp:217
cv::RNG_MT19937::uniform
int uniform(int a, int b)
returns uniformly distributed integer random number from [a,b) range
cv::linemod::QuantizedPyramid::Candidate::f
Feature f
Definition: linemod.hpp:95
cv::quality::QualitySSIM::create
static Ptr< QualitySSIM > create(InputArray ref)
Create an object which calculates quality.
cv::reprojectImageTo3D
void reprojectImageTo3D(InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1)
Reprojects a disparity image to 3D space.
cv::videostab::estimateGlobalMotionRansac
Mat estimateGlobalMotionRansac(InputArray points0, InputArray points1, int model=MM_AFFINE, const RansacParams &params=RansacParams::default2dMotion(MM_AFFINE), float *rmse=0, int *ninliers=0)
Estimates best global motion between two 2D point clouds robustly (using RANSAC method).
cv::legacy::TrackerMedianFlow::~TrackerMedianFlow
virtual ~TrackerMedianFlow() CV_OVERRIDE
Definition: tracking_legacy.hpp:216
cv::cuda::HostMem::dataend
const uchar * dataend
Definition: cuda.hpp:597
cv::cuda::GpuMat::step
size_t step
a distance between successive rows in bytes; includes the gap if any
Definition: cuda.hpp:326
cv::ximgproc::DisparityWLSFilter::getConfidenceMap
virtual Mat getConfidenceMap()=0
Get the confidence map that was used in the last filter call. It is a CV_32F one-channel image with v...
cv::detail::tracking::kalman_filters::AugmentedUnscentedKalmanFilterParams::init
void init(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::dnn::PoolingLayer::psRoiOutChannels
int psRoiOutChannels
Definition: all_layers.hpp:264
cv::Size2l
Size_< int64 > Size2l
Definition: types.hpp:344
cv::HistogramCostExtractor::getDefaultCost
virtual float getDefaultCost() const =0
cv::ml::ParamGrid::ParamGrid
ParamGrid()
Default constructor.
cv::GComputation::apply
void apply(cv::Mat in1, cv::Mat in2, cv::Scalar &out, GCompileArgs &&args={})
Execute an binary computation (with compilation on the fly)
cv::cuda::GpuMat::flags
int flags
Definition: cuda.hpp:320
cv::rectangle
void rectangle(InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a simple, thick, or filled up-right rectangle.
cv::cudev::GpuMat_::upload
__host__ void upload(InputArray arr, Stream &stream)
pefroms upload data to GpuMat (Non-Blocking call)
cv::Size_::Size_
Size_(const Size_ &sz)
private.cuda.hpp
cv::Mat_::Mat_
Mat_(Size _size, const _Tp &value)
constructor that sets each matrix element to specified value
cv::MarkerTypes
MarkerTypes
Definition: imgproc.hpp:833
cv::utils::logging::setLogLevel
LogLevel setLogLevel(LogLevel logLevel)
cv::ogl::Buffer::mapHost
Mat mapHost(Access access)
Maps OpenGL buffer to host memory.
cv::PyRotationWarper::getScale
float getScale() const
Definition: warpers.hpp:129
cv::DescriptorMatcher::DescriptorCollection::startIdxs
std::vector< int > startIdxs
Definition: features2d.hpp:1172
cv::popCountTable
static const unsigned char popCountTable[]
Definition: intrin_cpp.hpp:685
cv::text::ERFilter::Callback::~Callback
virtual ~Callback()
Definition: erfilter.hpp:130
cv::Vec::Vec
Vec()
default constructor
cv::ximgproc::ARO_315_0
@ ARO_315_0
Definition: fast_hough_transform.hpp:69
cv::gapi::fluid::Buffer::Buffer
Buffer(const cv::GMatDesc &desc)
cv::videostab::StabilizerBase::logProcessingTime
void logProcessingTime()
cv::aruco::estimatePoseCharucoBoard
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.
cv::Quat::log
friend Quat< T > log(const Quat< T > &q, QuatAssumeType assumeUnit)
return the value of logarithm function.
cv::cudev::logical_or::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:207
cv::videostab::DeblurerBase::setMotions
virtual void setMotions(const std::vector< Mat > &val)
Definition: deblurring.hpp:77
cv::ml::TrainData::getCatMap
virtual Mat getCatMap() const =0
cv::cuda::DeviceInfo::memPitch
size_t memPitch() const
maximum pitch in bytes allowed by memory copies
hal_ni_absdiff32s
int hal_ni_absdiff32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:134
cv::datasets::SLAM_kittiObj::posesArray
std::vector< pose > posesArray
Definition: slam_kitti.hpp:71
cv::Scalar_::Scalar_
Scalar_(_Tp v0)
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::updateImpl
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
cv::cudev::GlobPtr::data
T * data
Definition: glob.hpp:67
cv::GMat
Definition: gmat.hpp:50
cv::gapi::nn::parsers::G_TYPED_KERNEL
G_TYPED_KERNEL(GParseSSDBL,< GDetections(GMat, GOpaque< Size >, float, int)>, "org.opencv.nn.parsers.parseSSD_BL")
Definition: parsers.hpp:22
cv::videostab::InpainterBase::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask)=0
cv::MatOp::size
virtual Size size(const MatExpr &expr) const
cv::ximgproc::EdgeAwareInterpolator::setK
virtual void setK(int _k)=0
Parameter to tune the approximate size of the superpixel used for oversegmentation.
cv::viz::SHADING_PHONG
@ SHADING_PHONG
Definition: widgets.hpp:85
cv::KalmanFilter
Kalman filter class.
Definition: tracking.hpp:361
CV_32F
#define CV_32F
Definition: interface.h:78
cv::cudev::bind1st
__host__ __device__ Binder1st< Op > bind1st(const Op &op, const typename Op::first_argument_type &arg1)
Definition: functional.hpp:843
cv::viz::Camera::getFov
const Vec2d & getFov() const
Definition: types.hpp:216
cv::v_rshr_pack_store
void v_rshr_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:2583
cv::optflow::GPCDetails::dropOutliers
static void dropOutliers(std::vector< std::pair< Point2i, Point2i > > &corr)
cv::SimpleBlobDetector::Params::Params
Params()
cv::datasets::IR_affine
Definition: ir_affine.hpp:68
cv::MediaFrame::IAdapter::access
virtual MediaFrame::View access(MediaFrame::Access)=0
cv::structured_light::SinusoidalPattern::Params::Params
Params()
cv::ocl::Device::available
bool available() const
cv::detail::Blender::dst_roi_
Rect dst_roi_
Definition: blenders.hpp:95
cv::cuda::DensePyrLKOpticalFlow::setUseInitialFlow
virtual void setUseInitialFlow(bool useInitialFlow)=0
cv::MSER::getPass2Only
virtual bool getPass2Only() const =0
cv::cudev::vcmpne4
__device__ __forceinline__ uint vcmpne4(uint a, uint b)
Definition: simd_functions.hpp:823
cv::gapi::s11n::detail::NotImplemented
Definition: base.hpp:21
cv::detail::GainCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
cv::ocl::Timer::stop
void stop()
deblurring.hpp
cv::optflow::DenseRLOFOpticalFlow::setRICSLICType
virtual void setRICSLICType(int val)=0
Parameter to choose superpixel algorithm variant to use:
cv::line_descriptor::KeyLine::KeyLine
KeyLine()
Definition: descriptor.hpp:168
cv::CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
@ CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH
Device output data bit depth.
Definition: videoio.hpp:396
cv::hal::split16u
void split16u(const ushort *src, ushort **dst, int len, int cn)
cv::imdecode
CV_EXPORTS_W Mat imdecode(InputArray buf, int flags)
Reads an image from a buffer in memory.
types.hpp
cv::DataType
Template "trait" class for OpenCV primitive data types.
Definition: traits.hpp:113
cv::viz::writeCloud
void writeCloud(const String &file, InputArray cloud, InputArray colors=noArray(), InputArray normals=noArray(), bool binary=false)
Read/write clouds. Supported formats: ply, xyz, obj and stl (readonly)
cv::cuda::meanShiftSegmentation
void meanShiftSegmentation(InputArray src, OutputArray dst, int sp, int sr, int minsize, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs a mean-shift segmentation of the source image and eliminates small segments.
cv::detail::HomographyBasedEstimator::HomographyBasedEstimator
HomographyBasedEstimator(bool is_focals_estimated=false)
Definition: motion_estimators.hpp:103
cv::findChessboardCornersSB
bool findChessboardCornersSB(InputArray image, Size patternSize, OutputArray corners, int flags, OutputArray meta)
Finds the positions of internal corners of the chessboard using a sector based approach.
cv::cuda::createStereoBeliefPropagation
Ptr< cuda::StereoBeliefPropagation > createStereoBeliefPropagation(int ndisp=64, int iters=5, int levels=5, int msg_type=CV_32F)
Creates StereoBeliefPropagation object.
cv::aruco::DetectorParameters
Parameters for the detectMarker process:
Definition: aruco.hpp:150
cv::dilate
void dilate(InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Dilates an image by using a specific structuring element.
cv::face::BasicFaceRecognizer::setNumComponents
void setNumComponents(int val)
cv::AsyncPromise::p
Impl * p
Definition: async_promise.hpp:65
cv::detail::ChannelsCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
optim.hpp
cv::datasets::Dataset::getTest
std::vector< Ptr< Object > > & getTest(int splitNum=0)
cv::sfm::computeOrientation
void computeOrientation(InputArrayOfArrays x1, InputArrayOfArrays x2, OutputArray R, OutputArray t, double s)
Computes Absolute or Exterior Orientation (Pose Estimation) between 2 sets of 3D point.
cv::ocl::Kernel::compileWorkGroupSize
bool compileWorkGroupSize(size_t wsz[]) const
cv::Mat_::iterator
MatIterator_< _Tp > iterator
Definition: mat.hpp:2188
cv::detail::tracking::TrackerStateEstimatorSVM::TrackerStateEstimatorSVM
TrackerStateEstimatorSVM()
cv::THRESH_TRIANGLE
@ THRESH_TRIANGLE
flag, use Triangle algorithm to choose the optimal threshold value
Definition: imgproc.hpp:327
cv::v_mul_wrap
v_reg< _Tp, n > v_mul_wrap(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Multiply values without saturation.
Definition: intrin_cpp.hpp:822
frame_source.hpp
cv::sfm::libmv_ReconstructionOptions::refine_intrinsics
int refine_intrinsics
Definition: simple_pipeline.hpp:153
cv::reg::MapTypeCaster::toShift
static Ptr< MapShift > toShift(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:88
cv::datasets::sectionNames
const string sectionNames[]
Definition: track_alov.hpp:68
gpumat.hpp
cv::cuda::Convolution
Base class for convolution (or cross-correlation) operator. :
Definition: cudaarithm.hpp:857
cv::cudev::Binder1st::arg1
Op::first_argument_type arg1
Definition: functional.hpp:833
cv::descrs_of
cv::GMetaArgs descrs_of(const std::vector< cv::Mat > &vec)
cv::utils::fs::createDirectory
bool createDirectory(const cv::String &path)
cv::ogl::Texture2D::create
void create(int arows, int acols, Format aformat, bool autoRelease=false)
Allocates memory for ogl::Texture2D object.
cv::datasets::OR_mnistObj::label
char label
Definition: or_mnist.hpp:62
nppiStTranspose_64f_C1R_host
NCVStatus nppiStTranspose_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStride, Ncv64f *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::fisheye::calibrate
double calibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, const Size &image_size, InputOutputArray K, InputOutputArray D, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 100, DBL_EPSILON))
Performs camera calibaration.
cv::ocl::Device::OpenCL_C_Version
String OpenCL_C_Version() const
cv::dnn::DetectionModel
This class represents high-level API for object detection networks.
Definition: dnn.hpp:1283
cv::utils::AllocatorStatisticsInterface::AllocatorStatisticsInterface
AllocatorStatisticsInterface()
Definition: allocator_stats.hpp:15
cv::hal::log32f
void log32f(const float *src, float *dst, int n)
cv::EMDL1
float EMDL1(InputArray signature1, InputArray signature2)
Computes the "minimal work" distance between two weighted point configurations base on the papers "EM...
cv::dnn::readNetFromModelOptimizer
Net readNetFromModelOptimizer(const String &xml, const String &bin)
Load a network from Intel's Model Optimizer intermediate representation.
cv::detail::tracking::tbm::TrackedObjects
std::deque< TrackedObject > TrackedObjects
Definition: tracking_by_matching.hpp:65
cv::ThinPlateSplineShapeTransformer::getRegularizationParameter
virtual double getRegularizationParameter() const =0
cv::optflow::OpticalFlowPCAFlow::basisSize
const Size basisSize
Definition: pcaflow.hpp:98
cv::extractChannel
void extractChannel(InputArray src, OutputArray dst, int coi)
Extracts a single channel from src (coi is 0-based index)
cv::videostab::InpainterBase::motionModel
virtual MotionModel motionModel() const
Definition: inpainting.hpp:74
cv::aruco::DetectorParameters::aprilTagDeglitch
int aprilTagDeglitch
Definition: aruco.hpp:187
cv::cudev::less::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:165
cv::CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
@ CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE
FrameStartTriggerMode: Determines how a frame is initiated.
Definition: videoio.hpp:302
cv::PCA::PCA
PCA(InputArray data, InputArray mean, int flags, int maxComponents=0)
cv::cuda::DescriptorMatcher::knnMatchAsync
virtual void knnMatchAsync(InputArray queryDescriptors, OutputArray matches, int k, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
cv::cudev::SelectIf< false, ThenType, ElseType >::type
ElseType type
Definition: type_traits.hpp:102
cv::ml::SVMSGD::setTermCriteria
virtual void setTermCriteria(const cv::TermCriteria &val)=0
Termination criteria of the training algorithm. You can specify the maximum number of iterations (max...
cv::COLOR_BayerBG2RGB_VNG
@ COLOR_BayerBG2RGB_VNG
Definition: imgproc.hpp:764
cv::_OutputArray::move
void move(Mat &m) const
cv::dnn::BackendWrapper::backendId
int backendId
Backend identifier.
Definition: dnn.hpp:172
cv::COLOR_YUV2BGR
@ COLOR_YUV2BGR
Definition: imgproc.hpp:632
cv::detail::tracking::contrib_feature::CvHaarEvaluator::sum
Mat sum
Definition: feature.hpp:293
cv::CAP_OPENNI2_ASTRA
@ CAP_OPENNI2_ASTRA
OpenNI2 (for Orbbec Astra)
Definition: videoio.hpp:115
cv::IMWRITE_EXR_TYPE
@ IMWRITE_EXR_TYPE
Definition: imgcodecs.hpp:97
cv::FileNode::ofs
size_t ofs
Definition: persistence.hpp:624
cv::face::MACE::salt
virtual void salt(const cv::String &passphrase)=0
optionally encrypt images with random convolution
cv::randpattern::RandomPatternGenerator
Definition: randpattern.hpp:161
cv::KAZE::getExtended
virtual bool getExtended() const =0
cv::datasets::OR_pascalObj::width
int width
Definition: or_pascal.hpp:82
cv::DetectionBasedTracker::calcTrackedObjectPositionToShow
cv::Rect calcTrackedObjectPositionToShow(int i, ObjectStatus &status) const
cv::TLSDataContainer::gatherData
void gatherData(std::vector< void * > &data) const
cv::ocl::Queue::create
bool create(const Context &c=Context(), const Device &d=Device())
HaarClassifierNode128::getRightNodeDesc
__host__ __device__ HaarClassifierNodeDescriptor32 getRightNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:261
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const KeyPoint &kpt)
Definition: persistence.hpp:1057
cv::CALIB_CB_MARKER
@ CALIB_CB_MARKER
Definition: calib3d.hpp:487
cv::dnn::Layer::finalize
virtual void finalize(InputArrayOfArrays inputs, OutputArrayOfArrays outputs)
Computes and sets internal parameters according to inputs, outputs and blobs.
cv::viz::Viz3d::registerMouseCallback
void registerMouseCallback(MouseCallback callback, void *cookie=0)
Sets mouse handler.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5)
6-element vector constructor
cv::AgastFeatureDetector::getThreshold
virtual int getThreshold() const =0
cv::dnn::DictValue::DictValue
DictValue(const String &s)
Constructs string scalar.
Definition: dict.hpp:68
cv::saliency::MotionSaliencyBinWangApr2014::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:180
cv::TonemapDrago::getBias
virtual float getBias() const =0
cv::ml::SVM::ParamTypes
ParamTypes
SVM params type
Definition: ml.hpp:669
cv::dnn::Net::setInputShape
void setInputShape(const String &inputName, const MatShape &shape)
Specify shape of network input.
cv::kinfu::Intr::makeReprojector
Reprojector makeReprojector() const
Definition: intrinsics.hpp:70
cv::reg::MapProjec
Definition: mapprojec.hpp:54
ncvGrowDetectionsVector_device
NCVStatus ncvGrowDetectionsVector_device(NCVVector< Ncv32u > &pixelMask, Ncv32u numPixelMaskDetections, NCVVector< NcvRect32u > &hypotheses, Ncv32u &totalDetections, Ncv32u totalMaxDetections, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32f curScale, cudaStream_t cuStream)
cv::datasets::TRACK_alov::loadAnnotatedOnly
virtual void loadAnnotatedOnly(const std::string &path)=0
cv::_InputArray::channels
int channels(int i=-1) const
cv::VideoWriterProperties
VideoWriterProperties
VideoWriter generic properties identifier.
Definition: videoio.hpp:193
cv::PlaneWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:153
cv::saturate_cast< unsigned >
unsigned saturate_cast< unsigned >(schar v)
Definition: saturate.hpp:143
cv::cudev::bit_not::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:254
cv::videostab::MotionInpainter::MotionInpainter
MotionInpainter()
cv::BackgroundSubtractorMOG2
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: background_segm.hpp:91
cv::dnn::MatShape
std::vector< int > MatShape
Definition: dnn.hpp:59
NCVMatrixAlloc::NCVMatrixAlloc
NCVMatrixAlloc(INCVMemAllocator &allocator_, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0)
Definition: NCV.hpp:851
cv::GTransform::substitute
F substitute
Definition: gtransform.hpp:32
cv::viz::Viz3d::setOffScreenRendering
void setOffScreenRendering()
Create a window in memory instead of on the screen.
cv::LineIterator::pos
Point pos() const
returns coordinates of the current pixel
hal_ni_sub64f
int hal_ni_sub64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:90
cv::detail::GraphEdge::GraphEdge
GraphEdge(int from, int to, float weight)
Definition: util.hpp:82
cv::quality::QualityPSNR::MAX_PIXEL_VALUE_DEFAULT
static const int MAX_PIXEL_VALUE_DEFAULT
Default maximum pixel value.
Definition: qualitypsnr.hpp:30
cv::detail::GainCompensator::getNrFeeds
int getNrFeeds()
Definition: exposure_compensate.hpp:127
cv::ml::EM::getCovs
virtual void getCovs(std::vector< Mat > &covs) const =0
Returns covariation matrices.
cv::ppf_match_3d::PoseCluster3D::readPoseCluster
int readPoseCluster(const std::string &FileName)
cv::cudev::LinearInterPtrSz
Definition: interpolation.hpp:135
cv::detail::CompressedRectilinearProjector
Definition: warpers.hpp:389
cv::dnn::ResizeLayer::create
static Ptr< ResizeLayer > create(const LayerParams &params)
cv::DISOpticalFlow::setUseMeanNormalization
virtual void setUseMeanNormalization(bool val)=0
Whether to use mean-normalization of patches when computing patch distance. It is turned on by defaul...
cv::img_hash::RadialVarianceHash::getPixPerLine
Mat getPixPerLine(Mat const &input)
cv::dnn::Layer::finalize
void finalize(const std::vector< Mat > &inputs, std::vector< Mat > &outputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::detail::BlocksChannelsCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
cv::ml::SVM::setNu
virtual void setNu(double val)=0
cv::datasets::FR_lfwObj::same
bool same
Definition: fr_lfw.hpp:63
cv::dnn::Layer::initHalide
virtual Ptr< BackendNode > initHalide(const std::vector< Ptr< BackendWrapper > > &inputs)
Returns Halide backend node.
cv::cudev::VecTraits< char4 >::elem_type
schar elem_type
Definition: vec_traits.hpp:176
cv::detail::tracking::online_boosting::BaseClassifier::getReferenceWeakClassifier
WeakClassifierHaarFeature ** getReferenceWeakClassifier()
Definition: onlineBoosting.hpp:119
CV_CUDEV_RGB2RGB_INST
#define CV_CUDEV_RGB2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:59
cv::CAP_PROP_XI_TS_RST_MODE
@ CAP_PROP_XI_TS_RST_MODE
Defines how time stamp reset engine will be armed.
Definition: videoio.hpp:463
cv::videostab::MaskFrameSource
Definition: frame_source.hpp:90
cv::detail::GTypeTraits< cv::GArray< T > >::host_type
std::vector< T > host_type
Definition: gtype_traits.hpp:85
cv::ocl::Device::Device
Device(void *d)
cv::MatConstIterator::pos
Point pos() const
returns the current iterator position
cv::videostab::NullOutlierRejector::process
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask) CV_OVERRIDE
cv::ml::LogisticRegression::getLearningRate
virtual double getLearningRate() const =0
cv::gapi::wip::IStreamSource::descr_of
virtual GMetaArg descr_of() const =0
nppiStTranspose_32s_C1R
NCVStatus nppiStTranspose_32s_C1R(Ncv32s *d_src, Ncv32u srcStride, Ncv32s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::detail::overlapRoi
bool overlapRoi(Point tl1, Point tl2, Size sz1, Size sz2, Rect &roi)
cv::viz::Color::cherry
static Color cherry()
cv::MatConstIterator::sliceStart
const uchar * sliceStart
Definition: mat.hpp:3065
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< cuda::GpuMat > &d_mat)
cv::COLOR_COLORCVT_MAX
@ COLOR_COLORCVT_MAX
Definition: imgproc.hpp:791
cv::GInferInputs::setInput
GAPI_WRAP void setInput(const std::string &name, const cv::GMat &value)
cv::stereo::QuasiDenseStereo::Param
PropagationParameters Param
Definition: quasi_dense_stereo.hpp:189
cv::cudacodec::SF_GRAY
@ SF_GRAY
Definition: cudacodec.hpp:80
cv::Stitcher::setSeamFinder
void setSeamFinder(Ptr< detail::SeamFinder > seam_finder)
Definition: stitching.hpp:245
cv::datasets::PascalPart::name
std::string name
Definition: or_pascal.hpp:61
hal_ni_Cholesky64f
int hal_ni_Cholesky64f(double *src1, size_t src1_step, int m, double *src2, size_t src2_step, int n, bool *info)
Definition: hal_replacement.hpp:614
cv::cudev::LutPtr::operator()
__device__ __forceinline__ PtrTraits< TablePtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: lut.hpp:68
cv::resizeWindow
void resizeWindow(const String &winname, int width, int height)
Resizes the window to the specified size.
cv::Error::BadCallBack
@ BadCallBack
Definition: base.hpp:91
cv::StereographicWarper
Definition: warpers.hpp:188
cv::cudev::ScharrYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:305
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::getSigma
float getSigma()
cv::Vec6d
Vec< double, 6 > Vec6d
Definition: matx.hpp:435
cv::saliency::StaticSaliencySpectralResidual::write
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
cv::ximgproc::ARO_0_45
@ ARO_0_45
Definition: fast_hough_transform.hpp:66
cv::Error::BadDataPtr
@ BadDataPtr
Definition: base.hpp:81
cv::cudev::Binder2nd::op
Op op
Definition: functional.hpp:853
cv::cudev::ThreshBinaryInvFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:719
cv::HOGDescriptor::gammaCorrection
bool gammaCorrection
Flag to specify whether the gamma correction preprocessing is required or not.
Definition: objdetect.hpp:614
cv::optflow::GPCTrainingSamples::create
static Ptr< GPCTrainingSamples > create(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > &gt, int descriptorType)
This function can be used to extract samples from a pair of images and a ground truth flow....
cv::CalibrateDebevec::setRandom
virtual void setRandom(bool random)=0
cv::ximgproc::FastBilateralSolverFilter
Interface for implementations of Fast Bilateral Solver.
Definition: edge_filter.hpp:383
cv::saliency::ObjectnessBING::computeSaliencyImpl
bool computeSaliencyImpl(InputArray image, OutputArray objectnessBoundingBox) CV_OVERRIDE
Performs all the operations and calls all internal functions necessary for the accomplishment of the ...
CPU_RVV
@ CPU_RVV
Definition: cvdef.h:329
cv::rapid::drawSearchLines
void drawSearchLines(InputOutputArray img, InputArray locations, const Scalar &color)
cv::cudev::getRows
__host__ int getRows(const Ptr2DSz &ptr)
Definition: traits.hpp:91
cv::Vec::Vec
Vec(_Tp v0)
1-element vector constructor
cv::CAP_PROP_ORIENTATION_AUTO
@ CAP_PROP_ORIENTATION_AUTO
if true - rotates output frames of CvCapture considering video file's metadata (applicable for FFmpeg...
Definition: videoio.hpp:184
cv::OPTFLOW_FARNEBACK_GAUSSIAN
@ OPTFLOW_FARNEBACK_GAUSSIAN
Definition: tracking.hpp:58
HaarClassifierCascadeDescriptor::ClassifierSize
NcvSize32u ClassifierSize
Definition: NCVHaarObjectDetection.hpp:339
cv::detail::PairwiseSeamFinder::images_
std::vector< UMat > images_
Definition: seam_finders.hpp:100
cv::cuda::CascadeClassifier::getMinNeighbors
virtual int getMinNeighbors() const =0
cv::Mat_::diag
Mat_ diag(int d=0) const
cv::optflow::ST_STANDART
@ ST_STANDART
Definition: rlofflow.hpp:24
cv::QtFont::hscale
float hscale
Definition: highgui.hpp:707
cv::text::ERStat::convex_hull_ratio
float convex_hull_ratio
Definition: erfilter.hpp:90
cv::cuda::BackgroundSubtractorGMG::setMaxVal
virtual void setMaxVal(double val)=0
cv::gapi::onnx::detail::ParamDesc::input_names
std::vector< std::string > input_names
Definition: onnx.hpp:48
hal_ni_absdiff8u
int hal_ni_absdiff8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:130
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::array< Mat, _Nm > &arr)
cv::cuda::HostMem::createGpuMatHeader
GpuMat createGpuMatHeader() const
Maps CPU memory to GPU address space and creates the cuda::GpuMat header without reference counting f...
cv::GInferROIBase::id
static constexpr const char * id()
Definition: infer.hpp:215
cv::dnn::ConcatLayer::padding
bool padding
Add zero padding in case of concatenation of blobs with different spatial sizes.
Definition: all_layers.hpp:320
unary_op.hpp
cv::cudev::BinaryTupleAdapter::operator()
__device__ __forceinline__ Op::result_type operator()(const Tuple &t) const
Definition: tuple_adapter.hpp:85
hashnode_i::key
KeyType key
Definition: t_hash_int.hpp:62
cv::rgbd::RgbdOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:684
cv::VideoWriter::fourcc
static int fourcc(char c1, char c2, char c3, char c4)
Concatenates 4 chars to a fourcc code.
cv::gapi::wip::draw::freetype_font::path
std::string path
The path to the font file (.ttf)
Definition: render_types.hpp:33
cv::face::FacemarkAAM::Model::Texture::AA0
Mat AA0
average of gray values from all erorded face region in the dataset
Definition: facemarkAAM.hpp:125
cv::Stitcher::Mode
Mode
Definition: stitching.hpp:161
cv::saturate_cast
static _Tp saturate_cast(uchar v)
Template function for accurate conversion from one primitive type to another.
Definition: saturate.hpp:80
cv::_OutputArray::assign
void assign(const UMat &u) const
cv::ocl::OCL_VECTOR_OWN
@ OCL_VECTOR_OWN
Definition: ocl.hpp:656
cv::gapi::own::Mat::operator=
Mat & operator=(Mat &&)=default
cv::CAP_PROP_GAIN
@ CAP_PROP_GAIN
Gain of the image (only for those cameras that support).
Definition: videoio.hpp:149
cv::COLOR_XYZ2RGB
@ COLOR_XYZ2RGB
Definition: imgproc.hpp:582
cv::detail::tracking::Trajectory
std::vector< Ptr< TrackerTargetState > > Trajectory
Represents the estimate states for all frames.
Definition: tracking.private.hpp:222
cv::getTextSize
Size getTextSize(const String &text, int fontFace, double fontScale, int thickness, int *baseLine)
Calculates the width and height of a text string.
cv::gapi::own::Rect::Rect
Rect(const cv::Rect &other)
Definition: types.hpp:47
cv::cuda::CascadeClassifier::create
static Ptr< cuda::CascadeClassifier > create(const FileStorage &file)
cv::intensity_transform::contrastStretching
void contrastStretching(const Mat input, Mat &output, const int r1, const int s1, const int r2, const int s2)
Given an input bgr or grayscale image, apply linear contrast stretching on domain [0,...
cv::detail::ProtoToMetaT
typename ProtoToMeta< T >::type ProtoToMetaT
Definition: gtyped.hpp:38
cv::SIFT::create
static Ptr< SIFT > create(int nfeatures=0, int nOctaveLayers=3, double contrastThreshold=0.04, double edgeThreshold=10, double sigma=1.6)
cv::softdouble::fromRaw
static softdouble fromRaw(const uint64_t a)
Construct from raw.
Definition: softfloat.hpp:243
cv::AKAZE::create
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.
cv::COLOR_BayerBG2RGBA
@ COLOR_BayerBG2RGBA
Definition: imgproc.hpp:786
cv::ImwritePAMFlags
ImwritePAMFlags
Imwrite PAM specific tupletype flags used to define the 'TUPETYPE' field of a PAM file.
Definition: imgcodecs.hpp:130
cv::GInferListBase
Definition: infer.hpp:225
cv::Mat::Mat
Mat(Size size, int type)
CV_CUDEV_EXPR_BINOP_INST
#define CV_CUDEV_EXPR_BINOP_INST(op, functor)
Definition: binary_op.hpp:66
cv::ml::DTrees::setRegressionAccuracy
virtual void setRegressionAccuracy(float val)=0
cv::datasets::GR_skigObj
Definition: gr_skig.hpp:95
cv::ocl::Device::maxReadImageArgs
int maxReadImageArgs() const
cv::detail::tracking::contrib_feature::CvFeatureParams::FeatureType
FeatureType
Definition: feature.hpp:144
cv::xphoto::TonemapDurand::getSigmaColor
virtual float getSigmaColor() const =0
cv::viz::WArrow::WArrow
WArrow(const Point3d &pt1, const Point3d &pt2, double thickness=0.03, const Color &color=Color::white())
Constructs an WArrow.
cv::decomposeHomographyMat
int decomposeHomographyMat(InputArray H, InputArray K, OutputArrayOfArrays rotations, OutputArrayOfArrays translations, OutputArrayOfArrays normals)
Decompose a homography matrix to rotation(s), translation(s) and plane normal(s).
cv::line_descriptor::BinaryDescriptorMatcher::createBinaryDescriptorMatcher
static Ptr< BinaryDescriptorMatcher > createBinaryDescriptorMatcher()
Create a BinaryDescriptorMatcher object and return a smart pointer to it.
cv::AKAZE::setDescriptorChannels
virtual void setDescriptorChannels(int dch)=0
cv::_InputArray::getUMat
UMat getUMat(int idx=-1) const
cv::BorderTypes
BorderTypes
Definition: base.hpp:268
cv::cuda::BroxOpticalFlow::getFlowSmoothness
virtual double getFlowSmoothness() const =0
OPENCV_HAL_IMPL_RVV_PACK
#define OPENCV_HAL_IMPL_RVV_PACK(_Tpvec, _Tp, _wTpvec, _wTp, width, suffix, rshr, shr)
Definition: intrin_rvv.hpp:2025
cv::detail::FeatherBlender::setSharpness
void setSharpness(float val)
Definition: blenders.hpp:106
cv::DetectionBasedTracker::parameters
Parameters parameters
Definition: detection_based_tracker.hpp:178
cv::gapi::onnx::PortCfg::In
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: onnx.hpp:68
cv::ocl::Device::nativeVectorWidthHalf
int nativeVectorWidthHalf() const
cv::hal::max16s
void max16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::datasets::FR_lfwObj::image2
std::string image2
Definition: fr_lfw.hpp:62
cv::ShapeContextDistanceExtractor::setStdDev
virtual void setStdDev(float sigma)=0
Set the value of the standard deviation for the Gaussian window for the image appearance cost.
cv::CAP_PROP_XI_CC_MATRIX_22
@ CAP_PROP_XI_CC_MATRIX_22
Color Correction Matrix element [2][2].
Definition: videoio.hpp:424
cv::Size_::operator=
Size_ & operator=(const Size_ &sz)
cv::reg::MapTypeCaster::toAffine
static Ptr< MapAffine > toAffine(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:82
cv::createBackgroundSubtractorKNN
Ptr< BackgroundSubtractorKNN > createBackgroundSubtractorKNN(int history=500, double dist2Threshold=400.0, bool detectShadows=true)
Creates KNN Background Subtractor.
cv::detail::OpaqueRefT::ptr
virtual const void * ptr() const override
Definition: gopaque.hpp:216
cv::COLOR_YUV2RGB_Y422
@ COLOR_YUV2RGB_Y422
Definition: imgproc.hpp:682
cv::videoio_registry::getStreamBackends
std::vector< VideoCaptureAPIs > getStreamBackends()
Returns list of available backends which works via cv::VideoCapture(filename)
cv::freetype::FreeType2::getTextSize
virtual Size getTextSize(const String &text, int fontHeight, int thickness, int *baseLine)=0
Calculates the width and height of a text string.
cv::cuda::DisparityBilateralFilter::getRadius
virtual int getRadius() const =0
cv::ccm::COLOR_SPACE_Lab_A_10
@ COLOR_SPACE_Lab_A_10
non-RGB color space
Definition: ccm.hpp:127
CV_CUDEV_Lab2RGB_INST
#define CV_CUDEV_Lab2RGB_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:344
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategyTexture
Ptr< SelectiveSearchSegmentationStrategyTexture > createSelectiveSearchSegmentationStrategyTexture()
Create a new size-based strategy.
cv::kinfu::VolumeParams::raycastStepFactor
float raycastStepFactor
Length of single raycast step Describes the percentage of voxel length that is skipped per march.
Definition: volume.hpp:97
cv::datasets::OR_imagenetObj
Definition: or_imagenet.hpp:61
cv::DetectionBasedTracker::InnerParameters::coeffTrackingWindowSize
float coeffTrackingWindowSize
Definition: detection_based_tracker.hpp:172
cv::bgsegm::createBackgroundSubtractorGSOC
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.
cv::fastNlMeansDenoisingMulti
void fastNlMeansDenoisingMulti(InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been ...
cv::dnn::Net::connect
void connect(String outPin, String inpPin)
Connects output of the first layer to input of the second layer.
cv::datasets::TRACK_alov::initDataset
virtual bool initDataset(int id)=0
cv::cuda::FastFeatureDetector::setThreshold
virtual void setThreshold(int threshold)=0
cv::InferAPIRoi::type
typename std::enable_if< detail::valid_infer_types< T >::value &&std::tuple_size< typename Net::InArgs >::value==1u, std::function< typename Net::Result(cv::GOpaque< cv::Rect >, T)> >::type type
Definition: infer.hpp:127
cv::AgastFeatureDetector::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::AgastFeatureDetector_Impl::set
void set(int prop, double value)
Definition: agast.txt:7503
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_()
default constructor
cv::Mat::Mat
Mat(int ndims, const int *sizes, int type, void *data, const size_t *steps=0)
cv::AVIWriteContainer::writeStreamHeader
void writeStreamHeader(Codecs codec_)
cv::ml::SVMSGD
Stochastic Gradient Descent SVM classifier.
Definition: ml.hpp:1797
GAPI_DbgAssert
#define GAPI_DbgAssert(expr)
Definition: assert.hpp:25
cv::detail::tracking::contrib_feature::CvHaarEvaluator::features
std::vector< FeatureHaar > features
Definition: feature.hpp:292
CvAbstractCamera::currentDeviceOrientation
UIDeviceOrientation currentDeviceOrientation
Definition: cap_ios.h:44
cv::CAP_INTELPERC_GENERATORS_MASK
@ CAP_INTELPERC_GENERATORS_MASK
Definition: videoio.hpp:552
cv::detail::KernelTag
Definition: gcommon.hpp:36
cv::detail::CylindricalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:592
cv::EVENT_MOUSEHWHEEL
@ EVENT_MOUSEHWHEEL
positive and negative values mean right and left scrolling, respectively.
Definition: highgui.hpp:221
cv::MatOp::transpose
virtual void transpose(const MatExpr &expr, MatExpr &res) const
cv::Mat_::Mat_
Mat_(const Matx< typename DataType< _Tp >::channel_type, m, n > &mtx, bool copyData=true)
cv::calibrateCameraRO
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.
cv::ml::EM::setClustersNumber
virtual void setClustersNumber(int val)=0
cv::ocl::Device::deviceVersionMinor
int deviceVersionMinor() const
cv::CAP_WINRT
@ CAP_WINRT
Microsoft Windows Runtime using Media Foundation.
Definition: videoio.hpp:110
cv::viz::WImageOverlay
This 2D Widget represents an image overlay. :
Definition: widgets.hpp:458
cv::_OutputArray::rawOut
static _OutputArray rawOut(std::vector< _Tp > &vec)
cv::detail::Yield< cv::GArray< U > >::yield
static cv::GArray< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:87
cv::dnn::TextRecognitionModel::getDecodeType
const std::string & getDecodeType() const
Get the decoding method.
hal_ni_gemm64f
int hal_ni_gemm64f(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:697
cv::ocl::Program::getImpl
Impl * getImpl() const
Definition: ocl.hpp:526
cv::cuda::EventAccessor::wrapEvent
static Event wrapEvent(cudaEvent_t event)
cv::AVIWriteContainer::pushFrameOffset
void pushFrameOffset(size_t elem)
Definition: container_avi.private.hpp:171
cv::cudev::GlobPtr::value_type
T value_type
Definition: glob.hpp:64
cv::detail::OptionalOpaqueRef
OptRef< cv::detail::OpaqueRef > OptionalOpaqueRef
Definition: gstreaming.hpp:61
cv::Scalar_::Scalar_
Scalar_(const Scalar_ &s)
cv::ximgproc::createStructuredEdgeDetection
Ptr< StructuredEdgeDetection > createStructuredEdgeDetection(const String &model, Ptr< const RFFeatureGetter > howToGetFeatures=Ptr< RFFeatureGetter >())
cv::hal::fastAtan64f
void fastAtan64f(const double *y, const double *x, double *dst, int n, bool angleInDegrees)
cv::detail::BlocksCompensator::setNrFeeds
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:178
cv::xphoto::SimpleWB::setP
virtual void setP(float val)=0
Percent of top/bottom values to ignore.
cv::videostab::MotionEstimatorBase
Base class for all global motion estimation methods.
Definition: global_motion.hpp:98
cv::FileNodeIterator::readRaw
FileNodeIterator & readRaw(const String &fmt, void *vec, size_t len=(size_t) INT_MAX)
Reads node elements to the buffer with the specified format.
cv::v_int16x8::lane_type
short lane_type
Definition: intrin_rvv.hpp:327
cv::cuda::ALPHA_OVER_PREMUL
@ ALPHA_OVER_PREMUL
Definition: cudaimgproc.hpp:159
cv::COLORMAP_COOL
@ COLORMAP_COOL
Definition: imgproc.hpp:4275
cv::MORPH_CLOSE
@ MORPH_CLOSE
Definition: imgproc.hpp:217
cv::util::variant::variant
variant() noexcept
Definition: variant.hpp:243
CPU_FMA3
@ CPU_FMA3
Definition: cvdef.h:303
cv::cudev::MakeVec< bool, 1 >::type
uchar type
Definition: vec_traits.hpp:81
cv::cudev::LinearInterPtr::index_type
float index_type
Definition: interpolation.hpp:100
cv::ocl::KernelArg::obj
const void * obj
Definition: ocl.hpp:415
cv::text::ERStat::num_inflexion_points
float num_inflexion_points
Definition: erfilter.hpp:91
cv::AVIReadContainer::initStream
void initStream(const String &filename)
imgproc.hpp
cv::COLOR_YUV2RGBA_IYUV
@ COLOR_YUV2RGBA_IYUV
Definition: imgproc.hpp:661
cv::viz::Viz3d::spin
void spin()
The window renders and starts the event loop.
cv::dnn::TextDetectionModel::detect
void detect(InputArray frame, std::vector< std::vector< Point > > &detections, std::vector< float > &confidences) const
Performs detection.
cv::DetectionBasedTracker::resetTracking
virtual void resetTracking()
cv::aruco::DICT_5X5_100
@ DICT_5X5_100
Definition: dictionary.hpp:147
cv::ml::SVMSGD::getShift
virtual float getShift()=0
cv::gapi::imgproc::GMat3
std::tuple< GMat, GMat, GMat > GMat3
Definition: imgproc.hpp:52
cv::detail::GraphEdge::to
int to
Definition: util.hpp:78
cv::GArg::unsafe_get
T & unsafe_get()
Definition: garg.hpp:77
cv::datasets::IS_bsdsObj
Definition: is_bsds.hpp:61
cv::bioinspired::TransientAreasSegmentationModule::getSize
virtual Size getSize()=0
return the sze of the manage input and output images
cv::detail::OpaqueKind
OpaqueKind
Definition: gcommon.hpp:43
cv::ml::ParamGrid::create
static Ptr< ParamGrid > create(double minVal=0., double maxVal=0., double logstep=1.)
Creates a ParamGrid Ptr that can be given to the SVM::trainAuto method.
cv::FONT_ITALIC
@ FONT_ITALIC
flag for italic font
Definition: imgproc.hpp:826
cv::viz::makeCameraPose
Affine3d makeCameraPose(const Vec3d &position, const Vec3d &focal_point, const Vec3d &y_dir)
Constructs camera pose from position, focal_point and up_vector (see gluLookAt() for more information...
cv::datasets::SLAM_kittiObj
Definition: slam_kitti.hpp:66
cv::sfm::libmv_CameraIntrinsicsOptions::polynomial_k3
double polynomial_k3
Definition: simple_pipeline.hpp:114
cv::videostab::MotionInpainter::flowErrorThreshold
float flowErrorThreshold() const
Definition: inpainting.hpp:150
cv::Feature2D::descriptorType
virtual int descriptorType() const
OPENCV_HAL_IMPL_MATH_FUNC
#define OPENCV_HAL_IMPL_MATH_FUNC(func, cfunc, _Tp2)
Helper macro.
Definition: intrin_cpp.hpp:553
cv::cuda::GpuMat::datastart
uchar * datastart
helper fields used in locateROI and adjustROI
Definition: cuda.hpp:336
cv::BackgroundSubtractorMOG2::getVarThreshold
virtual double getVarThreshold() const =0
Returns the variance threshold for the pixel-model match.
cv::ocl::Device::preferredVectorWidthLong
int preferredVectorWidthLong() const
intrin_vsx.hpp
cv::videostab::LpMotionStabilizer::setWeight4
void setWeight4(float val)
Definition: motion_stabilizing.hpp:140
cv::detail::tracking::tbm::Track::back
const TrackedObject & back() const
back returns const reference to last object in track.
Definition: tracking_by_matching.hpp:372
cv::cudev::scharrXPtr
__host__ ScharrXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > scharrXPtr(const SrcPtr &src)
Definition: deriv.hpp:266
cv::TrackerCSRT::Params::use_segmentation
bool use_segmentation
Definition: tracking.hpp:50
cv::COLOR_YUV420sp2RGB
@ COLOR_YUV420sp2RGB
Definition: imgproc.hpp:640
cv::FarnebackOpticalFlow::setFastPyramids
virtual void setFastPyramids(bool fastPyramids)=0
cv::gapi::GNetParam::params
util::any params
Definition: infer.hpp:448
cv::stereo::StereoBinarySGBM::setSubPixelInterpolationMethod
virtual void setSubPixelInterpolationMethod(int value)=0
cv::TrackerCSRT::Params::Params
Params()
cv::utils::logging::LOG_LEVEL_INFO
@ LOG_LEVEL_INFO
Info message.
Definition: logger.defines.hpp:30
cv::SparseMat::SparseMat
SparseMat(const SparseMat &m)
cv::cuda::GpuMat::download
void download(OutputArray dst) const
Performs data download from GpuMat (Blocking call)
cv::cuda::GpuMat::upload
void upload(InputArray arr)
Performs data upload to GpuMat (Blocking call)
cv::ccm::ColorCorrectionModel::setLinear
void setLinear(LINEAR_TYPE linear_type)
set Linear
cv::cudev::ThreshBinaryInvFunc::maxVal
T maxVal
Definition: functional.hpp:717
cv::PyRotationWarper::~PyRotationWarper
~PyRotationWarper()
Definition: warpers.hpp:57
cv::dnn::ReLU6Layer::create
static Ptr< ReLU6Layer > create(const LayerParams &params)
cv::viz::WTrajectory::WTrajectory
WTrajectory(InputArray path, int display_mode=WTrajectory::PATH, double scale=1.0, const Color &color=Color::white())
Constructs a WTrajectory.
cv::int32_t
::int32_t int32_t
Definition: cvdef.h:798
cv::cudev::Binder1st::operator()
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::second_argument_type >::parameter_type a) const
Definition: functional.hpp:835
cv::COLOR_HSV2BGR
@ COLOR_HSV2BGR
backward conversions to RGB/BGR
Definition: imgproc.hpp:600
cv::Quat::power
Quat< _Tp > power(const Quat< _Tp > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return the value of power function with quaternion .
cv::FileNodeIterator::operator=
FileNodeIterator & operator=(const FileNodeIterator &it)
cv::BackgroundSubtractorKNN::setShadowValue
virtual void setShadowValue(int value)=0
Sets the shadow value.
cv::text::loadOCRHMMClassifierCNN
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
cv::datasets::humaneva_2
@ humaneva_2
Definition: hpe_humaneva.hpp:74
paillou_filter.hpp
cv::dnn::SoftmaxLayer::create
static Ptr< SoftmaxLayer > create(const LayerParams &params)
cv::large_kinfu::Params::pyramidLevels
int pyramidLevels
Number of pyramid levels for ICP.
Definition: large_kinfu.hpp:60
cv::omnidir::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: omnidir.hpp:59
cv::gapi::RGB2HSV
GMat RGB2HSV(const GMat &src)
Converts an image from RGB color space to HSV. The function converts an input image from RGB color sp...
cv::xphoto::TransformTypes
TransformTypes
BM3D transform types.
Definition: bm3d_image_denoising.hpp:62
cv::videostab::OnePassStabilizer::reset
virtual void reset() CV_OVERRIDE
cv::Size_::width
_Tp width
the width
Definition: types.hpp:339
cv::convexHull
void convexHull(InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true)
Finds the convex hull of a point set.
cv::gapi::convertTo
GMat convertTo(const GMat &src, int rdepth, double alpha=1, double beta=0)
Converts a matrix to another data depth with optional scaling.
cv::Subdiv2D::Subdiv2D
Subdiv2D()
cv::COLOR_HLS2RGB_FULL
@ COLOR_HLS2RGB_FULL
Definition: imgproc.hpp:618
hal_ni_sqrt32f
int hal_ni_sqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:439
cv::detail::tracking::tbm::TrackedObject::confidence
double confidence
Detection confidence level (-1 if N/A).
Definition: tracking_by_matching.hpp:35
cv::gapi::fitLine3D
GOpaque< Vec6f > fitLine3D(const GMat &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.)
Fits a line to a 3D point set.
cv::CascadeClassifier
Cascade classifier class for object detection.
Definition: objdetect.hpp:225
cv::vint32mf2_t::vint32mf2_t
vint32mf2_t(const int *ptr)
Definition: intrin_rvv.hpp:85
cv::cudev::CubicInterPtr::index_type
float index_type
Definition: interpolation.hpp:158
cv::ml::SVM
Support Vector Machines.
Definition: ml.hpp:527
cv::GScalar::priv
const GOrigin & priv() const
cv::Mat::empty
bool empty() const
Returns true if the array has no elements.
cv::detail::tracking::TrackerSampler::getSamplers
const std::vector< Ptr< TrackerSamplerAlgorithm > > & getSamplers() const
Return the collection of the TrackerSamplerAlgorithm.
cv::FileNode::operator[]
FileNode operator[](const String &nodename) const
Returns element of a mapping node or a sequence node.
cv::_OutputArray::_OutputArray
_OutputArray(cudev::GpuMat_< _Tp > &m)
cv::videostab::LpMotionStabilizer::setWeight3
void setWeight3(float val)
Definition: motion_stabilizing.hpp:137
cv::datasets::OR_pascalObj
Definition: or_pascal.hpp:79
OPENCV_HAL_IMPL_RVV_MUL_EXPAND
#define OPENCV_HAL_IMPL_RVV_MUL_EXPAND(_Tpvec, _Tpwvec, _Tpw, suffix, wmul, width)
Definition: intrin_rvv.hpp:2844
cv::videostab::InpainterBase::motions
virtual const std::vector< Mat > & motions() const
Definition: inpainting.hpp:85
cv::VIDEOWRITER_PROP_NSTRIPES
@ VIDEOWRITER_PROP_NSTRIPES
Number of stripes for parallel encoding. -1 for auto detection.
Definition: videoio.hpp:196
cv::HuMoments
void HuMoments(const Moments &moments, double hu[7])
Calculates seven Hu invariants.
cv::HoughCircles
void HoughCircles(InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0)
Finds circles in a grayscale image using the Hough transform.
cv::cudev::DerivXPtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:68
cv::gapi::video::GBuildPyrOutput
std::tuple< GArray< GMat >, GScalar > GBuildPyrOutput
Definition: video.hpp:47
cv::hal::cmp32f
void cmp32f(const float *src1, size_t step1, const float *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::GMat::priv
GOrigin & priv()
cv::ml::TrainData::getTestResponses
virtual Mat getTestResponses() const =0
cv::GFluidParallelFor
This structure allows to customize the way how Fluid executes parallel regions.
Definition: gfluidkernel.hpp:140
cv::detail::GOpaqueU::specifyType
void specifyType()
Definition: gopaque.hpp:101
cv::cudev::TypeTraits::is_reference
@ is_reference
Definition: type_traits.hpp:139
cv::ocl::Device::globalMemCacheSize
size_t globalMemCacheSize() const
cv::meanStdDev
void meanStdDev(InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray())
cv::detail::plaidml_get_in::get
static T get(GPlaidMLContext &ctx, int idx)
Definition: gplaidmlkernel.hpp:89
cv::detail::tracking::TrackerSampler
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking.private.hpp:129
cv::SVDecomp
void SVDecomp(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
cv::cuda::connectivityMask
void connectivityMask(const GpuMat &image, GpuMat &mask, const cv::Scalar &lo, const cv::Scalar &hi, Stream &stream=Stream::Null())
compute mask for Generalized Flood fill componetns labeling.
cv::SparseMatConstIterator::SparseMatConstIterator
SparseMatConstIterator()
the default constructor
cv::v_uint16x8::nlanes
@ nlanes
Definition: intrin_rvv.hpp:296
cv::solvePnP
bool solvePnP(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
Finds an object pose from 3D-2D point correspondences. This function returns the rotation and the tra...
cv::superres::createSuperResolution_BTVL1_CUDA
Ptr< SuperResolution > createSuperResolution_BTVL1_CUDA()
NCVMemSegment::size
size_t size
Definition: NCV.hpp:453
cv::RotatedRect::center
Point2f center
returns the rectangle mass center
Definition: types.hpp:530
cv::CAP_ANY
@ CAP_ANY
Auto detect == 0.
Definition: videoio.hpp:90
cv::datasets::IR_robotObj::name
std::string name
Definition: ir_robot.hpp:72
cv::cudev::IsUnaryFunction::value
@ value
Definition: functional.hpp:884
cv::v_int8x16
v_reg< schar, 16 > v_int8x16
Sixteen 8-bit signed integer values.
Definition: intrin_cpp.hpp:395
cv::datasets::TRACK_vot::create
static Ptr< TRACK_vot > create()
cv::ogl::Buffer::cols
int cols() const
cv::optflow::DualTVL1OpticalFlow::getLambda
virtual double getLambda() const =0
Weight parameter for the data term, attachment parameter.
cv::cuda::DFT
Base class for DFT operator as a cv::Algorithm. :
Definition: cudaarithm.hpp:828
plaidml
Definition: gplaidmlkernel.hpp:16
cv::reg::MapShift::getShift
void getShift(OutputArray shift) const
Definition: mapshift.hpp:89
cv::MatOp::augAssignDivide
virtual void augAssignDivide(const MatExpr &expr, Mat &m) const
cv::rgbd::OdometryFrame
Definition: depth.hpp:484
cv::GeneralizedHoughGuil::getScaleStep
virtual double getScaleStep() const =0
cv::GFluidKernel::B
std::function< gapi::fluid::BorderOpt(const GMetaArgs &, const GArgs &)> B
Definition: gfluidkernel.hpp:68
cv::softfloat::isInf
bool isInf() const
Inf state indicator.
Definition: softfloat.hpp:170
cv::DIST_L12
@ DIST_L12
L1-L2 metric: distance = 2(sqrt(1+x*x/2) - 1))
Definition: imgproc.hpp:304
cv::USAC_FM_8PTS
@ USAC_FM_8PTS
USAC, fundamental matrix 8 points.
Definition: calib3d.hpp:449
cv::face::FaceRecognizer::predict
void predict(InputArray src, int &label, double &confidence) const
Predicts a label and associated confidence (e.g. distance) for a given input image.
cv::ml::TrainData::setTrainTestSplit
virtual void setTrainTestSplit(int count, bool shuffle=true)=0
Splits the training data into the training and test parts.
cv::detail::GOpaqueU::GOpaqueU
GOpaqueU()
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4)
1x5 or 5x1 matrix
cv::detail::tracking::contrib_feature::CvParams::printAttrs
virtual void printAttrs() const
cv::cudev::PtrTraits
Definition: traits.hpp:81
cv::COLOR_LBGR2Luv
@ COLOR_LBGR2Luv
Definition: imgproc.hpp:622
cv::videostab::DeblurerBase::DeblurerBase
DeblurerBase()
Definition: deblurring.hpp:62
cv::linemod::Feature::write
void write(FileStorage &fs) const
cv::legacy::MultiTracker_Alt::colors
std::vector< Scalar > colors
List of randomly generated colors for bounding boxes display.
Definition: tracking_legacy.hpp:461
cv::DetectionBasedTracker::TrackedObject
Definition: detection_based_tracker.hpp:182
cv::cuda::ensureSizeIsEnough
void ensureSizeIsEnough(int rows, int cols, int type, OutputArray arr)
Ensures that the size of a matrix is big enough and the matrix has a proper type.
cv::detail::tracking::tbm::operator==
bool operator==(const TrackedObject &first, const TrackedObject &second)
cv::COLORMAP_CIVIDIS
@ COLORMAP_CIVIDIS
Definition: imgproc.hpp:4284
cv::ogl::mapGLBuffer
UMat mapGLBuffer(const Buffer &buffer, AccessFlag accessFlags=ACCESS_READ|ACCESS_WRITE)
Maps Buffer object to process on CL side (convert to UMat).
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::nbrOfLargeBins
int nbrOfLargeBins
Definition: histogramphaseunwrapping.hpp:85
cv::dnn::getAvailableTargets
std::vector< Target > getAvailableTargets(dnn::Backend be)
cv::CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
@ CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ
Definition: videoio.hpp:544
ushort
unsigned short ushort
Definition: interface.h:52
cv::dnn::Model::getImplRef
Impl & getImplRef() const
Definition: dnn.hpp:1176
cv::v_uint64x2::v_uint64x2
v_uint64x2(uint64 v0, uint64 v1)
Definition: intrin_rvv.hpp:462
cv::utils::dumpCString
static String dumpCString(const char *argument)
Definition: bindings_utils.hpp:56
cv::StereoSGBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::Vec
Template class for short numerical vectors, a partial case of Matx.
Definition: matx.hpp:342
cv::GFTTDetector::create
static Ptr< GFTTDetector > create(int maxCorners, double qualityLevel, double minDistance, int blockSize, int gradiantSize, bool useHarrisDetector=false, double k=0.04)
cv::bioinspired::TransientAreasSegmentationModule::run
virtual void run(InputArray inputToSegment, const int channelIndex=0)=0
main processing method, get result using methods getSegmentationPicture()
cv::gapi::wip::draw::Circle::center
cv::Point center
The center of the circle.
Definition: render_types.hpp:186
cv::v_int16x8::v_int16x8
v_int16x8(vint16m1_t v)
Definition: intrin_rvv.hpp:331
cv::cuda::calcSum
void calcSum(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
cv::detail::SphericalProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
operations.hpp
cv::detail::tracking::TrackerFeatureLBP::~TrackerFeatureLBP
~TrackerFeatureLBP()
cv::detail::TypeHintBase::~TypeHintBase
virtual ~TypeHintBase()=default
warp_shuffle.hpp
CV_CUDEV_VEC_TRAITS_INST
#define CV_CUDEV_VEC_TRAITS_INST(type)
Definition: vec_traits.hpp:90
cv::ppf_match_3d::PPF3DDetector::setSearchParams
void setSearchParams(const double positionThreshold=-1, const double rotationThreshold=-1, const bool useWeightedClustering=false)
cv::gapi::fluid::Buffer::y
int y() const
cv::BOWKMeansTrainer::BOWKMeansTrainer
BOWKMeansTrainer(int clusterCount, const TermCriteria &termcrit=TermCriteria(), int attempts=3, int flags=KMEANS_PP_CENTERS)
The constructor.
cv::Mat::~Mat
~Mat()
destructor - calls release()
cv::face::PredictCollector::~PredictCollector
virtual ~PredictCollector()
Definition: predict_collector.hpp:64
cv::datasets::SLAM_tumindoor::create
static Ptr< SLAM_tumindoor > create()
cv::DescriptorMatcher::isMaskedOut
static bool isMaskedOut(InputArrayOfArrays masks, int queryIdx)
cv::gapi::own::to_ocv
cv::Mat to_ocv(Mat const &m)
Definition: convert.hpp:41
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const ogl::Buffer &buf)
cv::linemod::Detector::class_templates
TemplatesMap class_templates
Definition: linemod.hpp:402
cv::ml::DTrees::create
static Ptr< DTrees > create()
Creates the empty model.
cv::optflow::DualTVL1OpticalFlow
"Dual TV L1" Optical Flow Algorithm.
Definition: optflow.hpp:219
NcvPoint2D32u::NcvPoint2D32u
__host__ __device__ NcvPoint2D32u()
Definition: NCV.hpp:204
cv::detail::DisjointSets::mergeSets
int mergeSets(int set1, int set2)
cv::text::ERFilter::getNumRejected
virtual int getNumRejected() const =0
cv::superres::FarnebackOpticalFlow::setLevelsNumber
virtual void setLevelsNumber(int val)=0
cv::stereo::PropagationParameters::textrureThreshold
float textrureThreshold
Definition: quasi_dense_stereo.hpp:48
cv::structured_light::GrayCodePattern
Class implementing the Gray-code pattern, based on .
Definition: graycodepattern.hpp:69
cv::cudev::histogram_
__host__ Expr< HistogramBody< BIN_COUNT, SrcPtr > > histogram_(const SrcPtr &src)
Definition: reduction.hpp:231
cv::cudev::ReduceToColumnBody
Definition: reduction.hpp:197
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::OutArgs
std::tuple< R... > OutArgs
Definition: infer.hpp:88
cv::L1::ValueType
T ValueType
Definition: features2d.hpp:930
cv::FileNode::read
void read(const FileNode &node, Mat &mat, const Mat &default_mat=Mat())
cv::quality::QualityBRISQUE::QualityBRISQUE
QualityBRISQUE(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Internal constructor.
Definition: qualitybrisque.hpp:74
cv::detail::tracking::TrackerSamplerCSC::Params::initInRad
float initInRad
radius for gathering positive instances during init
Definition: tracking.private.hpp:366
gapi.hpp
cv::ogl::Buffer::Target
Target
The target defines how you intend to use the buffer object.
Definition: opengl.hpp:85
cv::copyTo
void copyTo(InputArray src, OutputArray dst, InputArray mask)
This is an overloaded member function, provided for convenience (python) Copies the matrix to another...
cv::videostab::ILog::~ILog
virtual ~ILog()
Definition: log.hpp:59
cv::CAP_INTELPERC_IMAGE_GENERATOR
@ CAP_INTELPERC_IMAGE_GENERATOR
Definition: videoio.hpp:550
cv::ovis::SCENE_SEPARATE
@ SCENE_SEPARATE
the window will use a separate scene. The scene will be shared otherwise.
Definition: ovis.hpp:47
cv::rgbd::RgbdNormals::~RgbdNormals
~RgbdNormals()
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::initBaseClassifier
void initBaseClassifier()
cv::createStitcher
Ptr< Stitcher > createStitcher(bool try_use_gpu=false)
cv::Algorithm::write
void write(const Ptr< FileStorage > &fs, const String &name=String()) const
simplified API for language bindings This is an overloaded member function, provided for convenience....
cv::va_intel::convertFromVASurface
void convertFromVASurface(VADisplay display, VASurfaceID surface, Size size, OutputArray dst)
Converts VASurfaceID object to OutputArray.
cv::cudev::getCols
__host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:97
cv::bioinspired::RetinaFastToneMapping::create
static Ptr< RetinaFastToneMapping > create(Size inputSize)
cv::ocl::Context::create
bool create()
cv::optflow::RLOFOpticalFlowParameter::setNormSigma1
void setNormSigma1(float val)
cv::detail::tracking::TrackerTargetState::getTargetPosition
Point2f getTargetPosition() const
Get the position.
cv::MatCommaInitializer_::operator,
MatCommaInitializer_< _Tp > & operator,(T2 v)
the operator that takes the next value and put it to the matrix
cv::gapi::wip::draw::Text::color
cv::Scalar color
The text color.
Definition: render_types.hpp:78
cv::cudev::DefaultReduceToVecPolicy
Definition: reduce_to_vec.hpp:212
cv::detail::CameraParams::t
Mat t
Definition: camera.hpp:70
cv::GeneralizedHoughGuil::getXi
virtual double getXi() const =0
cv::dnn::Model::setInputSize
Model & setInputSize(const Size &size)
Set input size for frame.
cv::TLSDataContainer
Definition: tls.hpp:24
cv::ovis::ENTITY_AABB_WORLD
@ ENTITY_AABB_WORLD
Definition: ovis.hpp:76
cv::ocl::Kernel::set_args_
int set_args_(int i, const _Tp0 &a0, const _Tps &... rest_args)
Definition: ocl.hpp:449
cv::CALIB_CB_ADAPTIVE_THRESH
@ CALIB_CB_ADAPTIVE_THRESH
Definition: calib3d.hpp:480
cv::rgbd::RgbdICPOdometry::getMaxDepth
double getMaxDepth() const
Definition: depth.hpp:933
cv::bgsegm::LSBP_CAMERA_MOTION_COMPENSATION_NONE
@ LSBP_CAMERA_MOTION_COMPENSATION_NONE
Definition: bgsegm.hpp:246
cv::dnn::Net::getMemoryConsumption
void getMemoryConsumption(const int layerId, const MatShape &netInputShape, size_t &weights, size_t &blobs) const
cv::ocl::Kernel::preferedWorkGroupSizeMultiple
size_t preferedWorkGroupSizeMultiple() const
cv::videostab::ImageMotionEstimatorBase
Base class for global 2D motion estimation methods which take frames as input.
Definition: global_motion.hpp:176
cv::Stitcher::setBlender
void setBlender(Ptr< detail::Blender > b)
Definition: stitching.hpp:249
cv::cuda::DeviceInfo::kernelExecTimeoutEnabled
bool kernelExecTimeoutEnabled() const
specified whether there is a run time limit on kernels
retinafasttonemapping.hpp
cv::Size_::Size_
Size_()
default constructor
cv::MatExpr::operator==
MatExpr operator==(const Mat &a, const Mat &b)
cv::Mat::Mat
Mat(int rows, int cols, int type, const Scalar &s)
cv::videostab::StabilizerBase::setUp
virtual void setUp(const Mat &firstFrame)
cv::rgbd::RgbdICPOdometry::checkParams
virtual void checkParams() const CV_OVERRIDE
cv::ccm::LINEARIZATION_IDENTITY
@ LINEARIZATION_IDENTITY
no change is made
Definition: ccm.hpp:332
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::stateInit
Mat stateInit
Initial state, DP x 1, default is zero.
Definition: kalman_filters.hpp:136
cv::detail::tracking::contrib_feature::CvLBPEvaluator::features
std::vector< Feature > features
Definition: feature.hpp:395
cv::img_hash::AverageHash::create
static Ptr< AverageHash > create()
INCVMemAllocator
Definition: NCV.hpp:462
cv::gapi::goodFeaturesToTrack
GArray< Point2f > goodFeaturesToTrack(const GMat &image, int maxCorners, double qualityLevel, double minDistance, const Mat &mask=Mat(), int blockSize=3, bool useHarrisDetector=false, double k=0.04)
Determines strong corners on an image.
cv::util::any::operator=
any & operator=(any const &src)
Definition: any.hpp:87
cv::line_descriptor::DrawLinesMatchesFlags
Definition: descriptor.hpp:1154
cv::linemod::Match::operator<
bool operator<(const Match &rhs) const
Sort matches with high similarity to the front.
Definition: linemod.hpp:268
cv::hfs::HfsSegment::setSegEgbThresholdI
virtual void setSegEgbThresholdI(float c)=0
: set and get the parameter segEgbThresholdI. This parameter is used in the second stage mentioned ab...
cv::convertPointsFromHomogeneous
void convertPointsFromHomogeneous(InputArray src, OutputArray dst)
Converts points from homogeneous to Euclidean space.
cv::detail::tracking::tbm::operator!=
bool operator!=(const TrackedObject &first, const TrackedObject &second)
cv::detail::tracking::kalman_filters::createAugmentedUnscentedKalmanFilter
Ptr< UnscentedKalmanFilter > createAugmentedUnscentedKalmanFilter(const AugmentedUnscentedKalmanFilterParams &params)
Augmented Unscented Kalman Filter factory method.
nppiStVectorWarp_PSF1x1_32f_C1
NCVStatus nppiStVectorWarp_PSF1x1_32f_C1(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, const Ncv32f *pU, const Ncv32f *pV, Ncv32u nVFStep, Ncv32f timeScale, Ncv32f *pDst)
HaarClassifierCascadeDescriptor::NumClassifierRootNodes
Ncv32u NumClassifierRootNodes
Definition: NCVHaarObjectDetection.hpp:336
cv::Error::BadNumChannel1U
@ BadNumChannel1U
Definition: base.hpp:85
cv::Quat::operator-
Quat< _Tp > operator-() const
Return opposite quaternion which satisfies .
cv::COLORMAP_INFERNO
@ COLORMAP_INFERNO
Definition: imgproc.hpp:4281
cv::SimilarRects
Definition: objdetect.hpp:122
cv::GTransformImpl< K, std::function< R(Args...)> >::API
K API
Definition: gtransform.hpp:78
cv::cuda::HoughLinesDetector::setDoSort
virtual void setDoSort(bool doSort)=0
cv::dnn::PriorBoxLayer::create
static Ptr< PriorBoxLayer > create(const LayerParams &params)
cv::Mat_::zeros
static MatExpr zeros(int rows, int cols)
overridden forms of Mat::zeros() etc. Data type is omitted, of course
cv::bioinspired::SegmentationParameters
parameter structure that stores the transient events detector setup parameters
Definition: transientareassegmentationmodule.hpp:82
cv::cudev::TypeTraits
Definition: type_traits.hpp:129
cv::hal::DCT2D::~DCT2D
virtual ~DCT2D()
Definition: hal.hpp:224
cv::gapi::own::Point2f::Point2f
Point2f()=default
cv::videostab::WobbleSuppressorBase::frameCount_
int frameCount_
Definition: wobble_suppression.hpp:89
cv::TrackerKCF::Params::output_sigma_factor
float output_sigma_factor
spatial bandwidth (proportional to target)
Definition: tracking.hpp:125
cv::ccm::COLOR_SPACE_AdobeRGBL
@ COLOR_SPACE_AdobeRGBL
https://en.wikipedia.org/wiki/Adobe_RGB_color_space , linear RGB color space
Definition: ccm.hpp:97
cv::ShapeContextDistanceExtractor::getShapeContextWeight
virtual float getShapeContextWeight() const =0
cv::aruco::CharucoBoard::getChessboardSize
Size getChessboardSize() const
Definition: charuco.hpp:106
cv::ogl::Texture2D::copyTo
void copyTo(OutputArray arr, int ddepth=CV_32F, bool autoRelease=false) const
Copies from OpenGL texture to host/device memory or another OpenGL texture object.
cv::SORT_EVERY_ROW
@ SORT_EVERY_ROW
each matrix row is sorted independently
Definition: core.hpp:154
cv::Mat_::Mat_
Mat_(const Mat_ &m, const Range *ranges)
selects a submatrix, n-dim version
cv::gapi::own::Rect::Rect
Rect()=default
cv::line_descriptor::KeyLine::class_id
int class_id
Definition: descriptor.hpp:109
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11, _Tp v12, _Tp v13, _Tp v14, _Tp v15)
1x16, 4x4 or 16x1 matrix
cv::gapi::fluid::Border::Border
Border(int _type, cv::Scalar _val)
Definition: gfluidbuffer.hpp:28
cv::CAP_PROP_XI_LENS_MODE
@ CAP_PROP_XI_LENS_MODE
Status of lens control interface. This shall be set to XI_ON before any Lens operations.
Definition: videoio.hpp:437
cv::cudev::gridTransformTuple
__host__ void gridTransformTuple(const SrcPtr &src, const tuple< GpuMat_< D0 > &, GpuMat_< D1 > & > &dst, const OpTuple &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:471
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s, Stream &stream)
sets some of the GpuMat elements to s (Non-Blocking call)
cv::viz::Widget3D::Widget3D
Widget3D()
Definition: widgets.hpp:184
cv::cudev::sobelY_
__host__ Expr< SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > sobelY_(const SrcPtr &src)
Definition: deriv.hpp:90
cv::COLOR_YUV2RGBA_YV12
@ COLOR_YUV2RGBA_YV12
Definition: imgproc.hpp:659
cv::SolvePnPMethod
SolvePnPMethod
Definition: calib3d.hpp:456
ridgefilter.hpp
cv::detail::Timelapser::initialize
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes)
cv::viz::WWidgetMerger::finalize
void finalize()
Repacks internal structure to single widget.
cv::detail::tracking::tbm::IImageDescriptor::compute
virtual void compute(const std::vector< cv::Mat > &mats, std::vector< cv::Mat > &descrs)=0
Computes image descriptors in batches.
cv::CAP_PROP_GIGA_FRAME_WIDTH_MAX
@ CAP_PROP_GIGA_FRAME_WIDTH_MAX
Definition: videoio.hpp:528
cv::detail::tracking::TrackerModel::modelEstimation
void modelEstimation(const std::vector< Mat > &responses)
Estimate the most likely target location.
cv::instr::TYPE_MARKER
@ TYPE_MARKER
Definition: instrumentation.hpp:48
cv::UMat::UMat
UMat(const UMat &m)
copy constructor
cv::convexityDefects
void convexityDefects(InputArray contour, InputArray convexhull, OutputArray convexityDefects)
Finds the convexity defects of a contour.
cv::v_reverse
v_reg< _Tp, n > v_reverse(const v_reg< _Tp, n > &a)
Vector reverse order.
Definition: intrin_cpp.hpp:1892
cv::cuda::CannyEdgeDetector::detect
virtual void detect(InputArray image, OutputArray edges, Stream &stream=Stream::Null())=0
Finds edges in an image using the algorithm.
cv::kinfu::Params::tsdf_max_weight
int tsdf_max_weight
max number of frames per voxel
Definition: kinfu.hpp:131
cv::detail::FisheyeWarper
Definition: warpers.hpp:368
cv::AsyncPromise
Provides result of asynchronous operations.
Definition: async_promise.hpp:23
hashnode_i
Definition: t_hash_int.hpp:61
cv::large_kinfu::LargeKinfu
Large Scale Dense Depth Fusion implementation.
Definition: large_kinfu.hpp:118
cv::text::page_seg_mode
page_seg_mode
Tesseract.PageSegMode Enumeration.
Definition: ocr.hpp:68
cv::ocl::Device::OpenCLVersion
String OpenCLVersion() const
cv::util::optional::has_value
bool has_value() const noexcept
Definition: optional.hpp:134
cv::detail::wref_spec::type
T type
Definition: gstreaming.hpp:26
cv::detail::tracking::contrib_feature::CvFeatureParams
Definition: feature.hpp:141
cv::viz::MouseEvent::MouseButton
MouseButton
Definition: types.hpp:309
cv::superres::createOptFlow_Farneback
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback()
cv::kinfu::Params::setInitialVolumePose
void setInitialVolumePose(Matx44f homogen_tf)
Set Initial Volume Pose Sets the initial pose of the TSDF volume.
cv::cudev::ThreshBinaryFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:699
cv::Matx::solve
Vec< _Tp, n > solve(const Vec< _Tp, m > &rhs, int method) const
cv::COLOR_Lab2LRGB
@ COLOR_Lab2LRGB
Definition: imgproc.hpp:626
cv::FileStorage::~FileStorage
virtual ~FileStorage()
the destructor. calls release()
Cv32suf::i
int i
Definition: cvdef.h:377
cv::detail::BundleAdjusterBase::estimate
virtual bool estimate(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< CameraParams > &cameras) CV_OVERRIDE
This method must implement camera parameters estimation logic in order to make the wrapper detail::Es...
cv::utils::lock_guard::lock_guard
lock_guard(Mutex &m)
Definition: lock.private.hpp:20
cv::ml::SVM::getKernelType
virtual int getKernelType() const =0
cv::ppf_match_3d::PPF3DDetector::~PPF3DDetector
virtual ~PPF3DDetector()
cv::detail::tracking::feature::CvFeatureParams::FeatureType
FeatureType
Definition: tracking_feature.private.hpp:38
cv::utils::logging::LOG_LEVEL_ERROR
@ LOG_LEVEL_ERROR
Error message.
Definition: logger.defines.hpp:28
cv::Matx::div
Matx< _Tp, m, n > div(const Matx< _Tp, m, n > &a) const
divide two matrices element-wise
cv::cudev::VecTraits< char2 >::elem_type
schar elem_type
Definition: vec_traits.hpp:160
cv::text::ERStat::level
int level
Definition: erfilter.hpp:76
cv::superres::PyrLKOpticalFlow::getWindowSize
virtual int getWindowSize() const =0
cv::bgsegm::BackgroundSubtractorGSOC::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate=-1) CV_OVERRIDE=0
Computes a foreground mask.
cv::detail::ChannelsCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
cv::detail::tracked_cv_mat
Definition: gcpukernel.hpp:208
cv::rgbd::RgbdOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: depth.hpp:716
cv::datasets::FR_adienceObj::fiducial_yaw_angle
int fiducial_yaw_angle
Definition: fr_adience.hpp:79
cv::HOGDescriptor::HOGDescriptor
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
cv::hal::gemm64fc
void gemm64fc(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::videostab::DeblurerBase::motions_
const std::vector< Mat > * motions_
Definition: deblurring.hpp:86
cv::COLOR_BayerBG2BGR_VNG
@ COLOR_BayerBG2BGR_VNG
Demosaicing using Variable Number of Gradients.
Definition: imgproc.hpp:759
cv::datasets::GR_skigObj::background
backgroundType background
Definition: gr_skig.hpp:99
cv::optflow::DenseRLOFOpticalFlow
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-t...
Definition: rlofflow.hpp:233
cv::dnn::DNN_BACKEND_HALIDE
@ DNN_BACKEND_HALIDE
Definition: dnn.hpp:71
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11, _Tp v12, _Tp v13)
1x14, 2x7, 7x2 or 14x1 matrix
cv::cudev::IsUnaryFunction::No
Definition: functional.hpp:877
cv::calibrationMatrixValues
void calibrationMatrixValues(InputArray cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio)
Computes useful camera characteristics from the camera intrinsic matrix.
cv::bioinspired::TransientAreasSegmentationModule::getParameters
virtual SegmentationParameters getParameters()=0
return the current parameters setup
cv::gapi::BGR2LUV
GMat BGR2LUV(const GMat &src)
Converts an image from BGR color space to LUV color space.
cv::ximgproc::RICInterpolator::setUseVariationalRefinement
virtual void setUseVariationalRefinement(bool use_variational_refinement=false)=0
Parameter to choose wether the VariationalRefinement post-processing is employed.
cv::detail::ConstructOpaque
std::function< void(OpaqueRef &)> ConstructOpaque
Definition: gopaque.hpp:56
cv::instr::NodeData
Definition: instrumentation.hpp:70
cv::ogl::POLYGON
@ POLYGON
Definition: opengl.hpp:488
cv::ocl::initializeContextFromHandle
void initializeContextFromHandle(Context &ctx, void *platform, void *context, void *device)
cv::parallel_for_
void parallel_for_(const Range &range, const ParallelLoopBody &body, double nstripes=-1.)
Parallel data processor.
cv::ml::EM::setTermCriteria
virtual void setTermCriteria(const TermCriteria &val)=0
cv::legacy::TrackerMedianFlow::Params::termCriteria
TermCriteria termCriteria
termination criteria for Lucas-Kanade optical flow
Definition: tracking_legacy.hpp:201
cv::cuda::FarnebackOpticalFlow::create
static Ptr< cuda::FarnebackOpticalFlow > create(int numLevels=5, double pyrScale=0.5, bool fastPyramids=false, int winSize=13, int numIters=10, int polyN=5, double polySigma=1.1, int flags=0)
cv::cuda::createScharrFilter
Ptr< Filter > createScharrFilter(int srcType, int dstType, int dx, int dy, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a vertical or horizontal Scharr operator.
cv::detail::SphericalWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
saturate.hpp
cv::Stitcher::setEstimator
void setEstimator(Ptr< detail::Estimator > estimator)
Definition: stitching.hpp:231
cv::Mat::Mat
Mat(int rows, int cols, int type, void *data, size_t step=AUTO_STEP)
cv::detail::tracking::kalman_filters::UkfSystemModel::measurementFunction
virtual void measurementFunction(const Mat &x_k, const Mat &n_k, Mat &z_k)=0
cv::cudev::NormL2::mySum
result_type mySum
Definition: vec_distance.hpp:127
cv::Vec::Vec
Vec(std::initializer_list< _Tp >)
cv::GTypeInfo
Definition: gkernel.hpp:30
cv::util::optional
Definition: optional.hpp:31
cv::rgbd::RgbdNormals::RgbdNormals
RgbdNormals(int rows, int cols, int depth, InputArray K, int window_size=5, int method=RgbdNormals::RGBD_NORMALS_METHOD_FALS)
cv::cuda::blendLinear
void blendLinear(InputArray img1, InputArray img2, InputArray weights1, InputArray weights2, OutputArray result, Stream &stream=Stream::Null())
Performs linear blending of two images.
cv::gapi::streaming::detail::GMeta::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &args, const GArgs &)
Definition: meta.hpp:37
cv::legacy::TrackerMedianFlow
the Median Flow tracker
Definition: tracking_legacy.hpp:191
cv::COLOR_YUV420p2GRAY
@ COLOR_YUV420p2GRAY
Definition: imgproc.hpp:675
cv::AutoBuffer::resize
void resize(size_t _size)
resizes the buffer and preserves the content
cv::detail::RotationWarperBase::setScale
void setScale(float val) CV_OVERRIDE
Definition: warpers.hpp:176
cv::_OutputArray::create
void create(int rows, int cols, int type, int i=-1, bool allowTransposed=false, _OutputArray::DepthMask fixedDepthMask=static_cast< _OutputArray::DepthMask >(0)) const
cv::text::PSM_OSD_ONLY
@ PSM_OSD_ONLY
Definition: ocr.hpp:69
cv::datasets::IR_robotObj::pos
std::vector< cameraPos > pos
Definition: ir_robot.hpp:73
cv::COLOR_YUV2BGR_UYVY
@ COLOR_YUV2BGR_UYVY
Definition: imgproc.hpp:679
cv::gapi::networks
cv::gapi::GNetPackage networks(Args &&... args)
Definition: infer.hpp:486
cv::cudev::magnitude_func
Definition: functional.hpp:614
cv::cudev::LaplacianPtr
Definition: deriv.hpp:327
cv::CAP_PROP_APERTURE
@ CAP_PROP_APERTURE
Aperture. Can be readonly, depends on camera program.
Definition: videoio.hpp:580
cv::CAP_PROP_GPHOTO2_RELOAD_CONFIG
@ CAP_PROP_GPHOTO2_RELOAD_CONFIG
Trigger, only by set. Reload camera settings.
Definition: videoio.hpp:575
cv::operator|
v_reg< _Tp, n > operator|(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise OR.
cv::cuda::OpticalFlowDual_TVL1::getLambda
virtual double getLambda() const =0
cv::BOWImgDescriptorExtractor::compute2
void compute2(const Mat &image, std::vector< KeyPoint > &keypoints, Mat &imgDescriptor)
Definition: features2d.hpp:1523
cv::v_load_deinterleave
void v_load_deinterleave(const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b)
Load and deinterleave (2 channels)
Definition: intrin_cpp.hpp:1592
functional.hpp
cv::COLOR_YUV2RGBA_NV21
@ COLOR_YUV2RGBA_NV21
Definition: imgproc.hpp:645
cv::softfloat::softfloat
softfloat(const uint64_t)
cv::cuda::HoughCirclesDetector::detect
virtual void detect(InputArray src, OutputArray circles, Stream &stream=Stream::Null())=0
Finds circles in a grayscale image using the Hough transform.
cv::stereo::StereoBinarySGBM::setP1
virtual void setP1(int P1)=0
cv::datasets::cameraPos::images
std::vector< std::string > images
Definition: ir_robot.hpp:67
cv::kinfu::Intr::fx
float fx
Definition: intrinsics.hpp:75
cv::quality::QualityGMSD::create
static Ptr< QualityGMSD > create(InputArray ref)
Create an object which calculates image quality.
cv::GOCLContext::m_args
std::vector< GArg > m_args
Definition: goclkernel.hpp:80
widgets.hpp
cv::GeneralizedHough::setCannyLowThresh
virtual void setCannyLowThresh(int cannyLowThresh)=0
Canny low threshold.
cv::viz::WImage3D::WImage3D
WImage3D(InputArray image, const Size2d &size, const Vec3d &center, const Vec3d &normal, const Vec3d &up_vector)
Constructs an WImage3D.
cv::videostab::StabilizerBase::frameSize_
Size frameSize_
Definition: stabilizer.hpp:125
cv::kinfu::KinFu::~KinFu
virtual ~KinFu()
cv::COLOR_Lab2LBGR
@ COLOR_Lab2LBGR
Definition: imgproc.hpp:625
cv::optflow::GPCForest
Definition: sparse_matching_gpc.hpp:192
NCVBroxOpticalFlow.hpp
cvhalFilter2D
Dummy structure storing filtering context.
Definition: hal_replacement.hpp:84
cv::COLOR_BayerGR2RGBA
@ COLOR_BayerGR2RGBA
Definition: imgproc.hpp:789
cv::cudev::not_equal_to::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:145
cv::dynafu::DynaFu
Definition: dynafu.hpp:47
cv::Mat::cols
int cols
Definition: mat.hpp:2092
cv::datasets::OR_mnistObj
Definition: or_mnist.hpp:61
cv::cudev::GpuMat_::upload
__host__ void upload(InputArray arr)
pefroms upload data to GpuMat (Blocking call)
cv::detail::GraphCutSeamFinder::~GraphCutSeamFinder
~GraphCutSeamFinder()
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::npos
int npos
Definition: feature.hpp:195
cv::ppf_match_3d::hashtableRemove
int hashtableRemove(hashtable_int *hashtbl, KeyType key)
cv::face::FacemarkAAM::Config::t
Point2f t
Definition: facemarkAAM.hpp:89
cv::detail::FeatherBlender::sharpness
float sharpness() const
Definition: blenders.hpp:105
cv::COLOR_HSV2RGB
@ COLOR_HSV2RGB
Definition: imgproc.hpp:601
cv::detail::tracking::TrackerSamplerCS
TrackerContribSampler based on CS (current state), used by algorithm TrackerBoosting.
Definition: tracking_internals.hpp:701
cv::cudacodec::EncoderParams::DisableCabac
int DisableCabac
NVVE_DISABLE_CABAC,.
Definition: cudacodec.hpp:103
cv::aruco::DetectorParameters::maxMarkerPerimeterRate
double maxMarkerPerimeterRate
Definition: aruco.hpp:161
cv::detail::MatchesInfo
Structure containing information about matches between two images.
Definition: matchers.hpp:100
cv::gin
GRunArgs gin(const Ts &... args)
Definition: garg.hpp:242
hal_ni_filter
int hal_ni_filter(cvhalFilter2D *context, uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int full_width, int full_height, int offset_x, int offset_y)
hal_filter
Definition: hal_replacement.hpp:122
cv::directx::ocl::initializeContextFromDirect3DDevice9
Context & initializeContextFromDirect3DDevice9(IDirect3DDevice9 *pDirect3DDevice9)
Creates OpenCL context from Direct3DDevice9 device.
cv::Algorithm::read
static Ptr< _Tp > read(const FileNode &fn)
Reads algorithm from the file node.
Definition: core.hpp:3125
cv::cudev::gridTranspose
__host__ void gridTranspose(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:93
NPPST_INVALID_STEP
@ NPPST_INVALID_STEP
Invalid image lines step argument (check sign, alignment, relation to image width)
Definition: NCV.hpp:366
cv::SparseMat_::SparseMat_
SparseMat_(const SparseMat &m)
the copy constructor. If DataType<_Tp>.type != m.type(), the m elements are converted
cv::detail::tracking::TrackerFeatureSet::~TrackerFeatureSet
~TrackerFeatureSet()
cv::AgastFeatureDetector
Wrapping class for feature detection using the AGAST method. :
Definition: features2d.hpp:601
cv::softfloat::inf
static softfloat inf()
Positive infinity constant.
Definition: softfloat.hpp:206
cv::ccm::COLOR_SPACE_ProPhotoRGBL
@ COLOR_SPACE_ProPhotoRGBL
https://en.wikipedia.org/wiki/ProPhoto_RGB_color_space , linear RGB color space
Definition: ccm.hpp:101
cv::aruco::Dictionary::getBitsFromByteList
static Mat getBitsFromByteList(const Mat &byteList, int markerSize)
Transform list of bytes to matrix of bits.
cv::Allocator::~Allocator
~Allocator()
Definition: cvstd.hpp:123
cv::detail::tracking::TrackerContribSampler
Class that manages the sampler in order to select regions for the update the model of the tracker [AA...
Definition: tracking_internals.hpp:447
cv::IMWRITE_PNG_STRATEGY_DEFAULT
@ IMWRITE_PNG_STRATEGY_DEFAULT
Use this value for normal data.
Definition: imgcodecs.hpp:122
cv::linemod::Detector::writeClass
void writeClass(const String &class_id, FileStorage &fs) const
cv::cuda::BackgroundSubtractorMOG::getBackgroundImage
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:90
cv::GTransform::pattern
F pattern
Definition: gtransform.hpp:31
cv::detail::Graph::forEach
B forEach(B body) const
cv::cudev::numeric_limits< schar >::min
__device__ static __forceinline__ schar min()
Definition: limits.hpp:69
cv::plot::Plot2d::setPlotBackgroundColor
virtual void setPlotBackgroundColor(Scalar _plotBackgroundColor)=0
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cv::saveWindowParameters
void saveWindowParameters(const String &windowName)
Saves parameters of the specified window.
cv::util::variant::operator==
friend bool operator==(const variant< Us... > &lhs, const variant< Us... > &rhs)
Definition: variant.hpp:411
cv::TLSDataAccumulator::cleanup
void cleanup()
Release associated thread data.
Definition: tls.hpp:164
cv::detail::DpSeamFinder::setCostFunction
void setCostFunction(CostFunction val)
Definition: seam_finders.hpp:129
cv::ml::SVM::getNu
virtual double getNu() const =0
cv::quality::QualityMSE::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitymse.hpp:28
cv::dnn_objdetect::object::class_idx
size_t class_idx
Definition: core_detect.hpp:29
cv::CLOSE_CAMERA
@ CLOSE_CAMERA
Definition: cap_winrt.hpp:41
cv::sfm::BaseSFM::~BaseSFM
virtual ~BaseSFM()
Definition: simple_pipeline.hpp:164
cv::RMat::Adapter::desc
virtual GMatDesc desc() const =0
cv::cuda::transformPoints
void transformPoints(const GpuMat &src, const Mat &rvec, const Mat &tvec, GpuMat &dst, Stream &stream=Stream::Null())
NCVPipeObjDet_UseFairImageScaling
@ NCVPipeObjDet_UseFairImageScaling
Definition: NCVHaarObjectDetection.hpp:355
cv::cudacodec::FormatInfo::codec
Codec codec
Definition: cudacodec.hpp:283
cv::gapi::BGR2RGB
GMat BGR2RGB(const GMat &src)
Converts an image from BGR color space to RGB color space.
cv::TonemapReinhard::getIntensity
virtual float getIntensity() const =0
cv::cudev::unary_function
Definition: functional.hpp:63
cv::reg::MapProjec::inverseWarp
void inverseWarp(InputArray img1, OutputArray img2) const CV_OVERRIDE
cv::ocl::Kernel::set
int set(int i, const Image2D &image2D)
cv::CommandLineParser::impl
Impl * impl
Definition: utility.hpp:931
cv::instr::NodeData::m_implType
cv::instr::IMPL m_implType
Definition: instrumentation.hpp:79
cv::ocl::KernelArg
Definition: ocl.hpp:383
cv::linemod::Detector::TemplatePyramid
std::vector< Template > TemplatePyramid
Definition: linemod.hpp:400
block.hpp
cv::gapi::erode
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.
cv::GCPUKernel::GCPUKernel
GCPUKernel(const RunF &runF, const SetupF &setupF=nullptr)
cv::gapi::ie::Params< cv::gapi::Generic >::desc
detail::ParamDesc desc
Definition: ie.hpp:183
cv::groupRectangles
void groupRectangles(std::vector< Rect > &rectList, int groupThreshold, double eps=0.2)
Groups the object candidate rectangles.
cv::videostab::StabilizerBase::estimateStabilizationMotion
virtual Mat estimateStabilizationMotion()=0
cv::calibrateRobotWorldHandEye
void calibrateRobotWorldHandEye(InputArrayOfArrays R_world2cam, InputArrayOfArrays t_world2cam, InputArrayOfArrays R_base2gripper, InputArrayOfArrays t_base2gripper, OutputArray R_base2world, OutputArray t_base2world, OutputArray R_gripper2cam, OutputArray t_gripper2cam, RobotWorldHandEyeCalibrationMethod method=CALIB_ROBOT_WORLD_HAND_EYE_SHAH)
Computes Robot-World/Hand-Eye calibration: and .
cudaimgproc.hpp
cvv::impl::CallMetaData::function
const char * function
Definition: call_meta_data.hpp:48
cv::Quat::cosh
friend Quat< T > cosh(const Quat< T > &q)
return cosh value of quaternion q, cosh could be calculated as:
K_WARP_SIZE
const Ncv32u K_WARP_SIZE
Definition: NCV.hpp:236
cv::hal::addWeighted64f
void addWeighted64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scalars)
cv::reg::MapperPyramid::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
cv::medianBlur
void medianBlur(InputArray src, OutputArray dst, int ksize)
Blurs an image using the median filter.
cv::Point_::cross
double cross(const Point_ &pt) const
cross-product
cv::ocl::Device::image2DMaxWidth
size_t image2DMaxWidth() const
cv::ccm::COLORCHECKER_DigitalSG
@ COLORCHECKER_DigitalSG
DigitalSG ColorChecker with 140 squares.
Definition: ccm.hpp:91
cv::ft::FT02D_process
void FT02D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
cv::_OutputArray::_OutputArray
_OutputArray(const cuda::GpuMat &d_mat)
cv_vsqrt_f32
float32x2_t cv_vsqrt_f32(float32x2_t val)
Definition: neon_utils.hpp:119
cv::MatSize::operator[]
int & operator[](int i)
cv::text::detectRegions
void detectRegions(InputArray image, const Ptr< ERFilter > &er_filter1, const Ptr< ERFilter > &er_filter2, std::vector< std::vector< Point > > &regions)
cv::multicalib::MultiCameraCalibration::edge::photoIndex
int photoIndex
Definition: multicalib.hpp:86
cv::gapi::onnx::PortCfg::NormCoefs
std::array< cv::Scalar, std::tuple_size< typename Net::InArgs >::value > NormCoefs
Definition: onnx.hpp:74
cv::quality::QualityMSE
Full reference mean square error algorithm https://en.wikipedia.org/wiki/Mean_squared_error.
Definition: qualitymse.hpp:18
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::isTargetFg
bool isTargetFg() const
Get the label. Return true for target foreground, false for background.
cv::sfm::libmv_CameraIntrinsicsOptions::image_width
int image_width
Definition: simple_pipeline.hpp:108
cv::LineIterator::p
Point p
Definition: imgproc.hpp:4819
cv::detail::ocl_get_out< cv::GScalar >::get
static cv::Scalar & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:174
cv::optflow::DenseRLOFOpticalFlow::setFgsSigma
virtual void setFgsSigma(float val)=0
see ximgproc::EdgeAwareInterpolator().
cv::cudev::AffineMapPtrSz
Definition: warping.hpp:78
cv::cudev::atanh
__device__ __forceinline__ float1 atanh(const uchar1 &a)
Definition: vec_math.hpp:384
pyramids.hpp
cv::AffineWarper
Affine warper factory class.
Definition: warpers.hpp:160
cv::rapid::Tracker
Abstract base class for stateful silhouette trackers.
Definition: rapid.hpp:128
cv::face::FacemarkKazemi::Params
Definition: face_alignment.hpp:15
cv::videostab::OnePassStabilizer::estimateMotion
virtual Mat estimateMotion() CV_OVERRIDE
cv::bioinspired::SegmentationParameters::localEnergy_temporalConstant
float localEnergy_temporalConstant
the time constant of the first order low pass filter, use it to cut high temporal frequencies (noise ...
Definition: transientareassegmentationmodule.hpp:97
OPENCV_HAL_IMPL_RVV_POPCOUNT_OP
#define OPENCV_HAL_IMPL_RVV_POPCOUNT_OP(_rTpvec, _Tpvec, _rTp, _Tp, suffix)
Definition: intrin_rvv.hpp:2336
cv::Algorithm::Algorithm
Algorithm()
cv::cuda::FarnebackOpticalFlow::setNumIters
virtual void setNumIters(int numIters)=0
cv::aruco::DetectorParameters::cornerRefinementMaxIterations
int cornerRefinementMaxIterations
Definition: aruco.hpp:168
cv::DistanceTransformMasks
DistanceTransformMasks
Mask size for distance transform.
Definition: imgproc.hpp:311
cv::QT_FONT_BLACK
@ QT_FONT_BLACK
Weight of 87.
Definition: highgui.hpp:245
cv::StereoBM::getSmallerBlockSize
virtual int getSmallerBlockSize() const =0
cv::rgbd::DepthCleaner::getWindowSize
int getWindowSize() const
Definition: depth.hpp:231
cv::detail::BlocksGainCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:225
cv::aruco::DetectorParameters::adaptiveThreshWinSizeMax
int adaptiveThreshWinSizeMax
Definition: aruco.hpp:157
cv::IMWRITE_TIFF_YDPI
@ IMWRITE_TIFF_YDPI
For TIFF, use to specify the Y direction DPI.
Definition: imgcodecs.hpp:102
cv::ximgproc::RICInterpolator::getK
virtual int getK() const =0
K is a number of nearest-neighbor matches considered, when fitting a locally affine model for a super...
NCVMatrixAlloc::getAllocatorsAlignment
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:898
cv::Stitcher::seamFinder
Ptr< detail::SeamFinder > seamFinder()
Definition: stitching.hpp:243
cv::rgbd::RgbdOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:656
cv::detail::FluidCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... >, UseScratch >::getBorder
static gapi::fluid::BorderOpt getBorder(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:395
cv::ACCESS_MASK
@ ACCESS_MASK
Definition: mat.hpp:65
cv::getRotationMatrix2D
Mat getRotationMatrix2D(Point2f center, double angle, double scale)
Calculates an affine matrix of 2D rotation.
Definition: imgproc.hpp:2443
cv::videostab::IFrameSource::nextFrame
virtual Mat nextFrame()=0
cv::Stitcher::setInterpolationFlags
void setInterpolationFlags(InterpolationFlags interp_flags)
Definition: stitching.hpp:202
cv::videostab::TwoPassStabilizer::setEstimateTrimRatio
void setEstimateTrimRatio(bool val)
Definition: stabilizer.hpp:174
cv::cuda::createStereoSGM
Ptr< cuda::StereoSGM > createStereoSGM(int minDisparity=0, int numDisparities=128, int P1=10, int P2=120, int uniquenessRatio=5, int mode=cv::cuda::StereoSGM::MODE_HH4)
Creates StereoSGM object.
cv::MatOp::subtract
virtual void subtract(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
cv::cudev::BrdBase::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: extrapolation.hpp:112
cv::hal::cvtBGRtoLab
void cvtBGRtoLab(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isLab, bool srgb)
cv::CirclesGridFinderParameters::vertexPenalty
float vertexPenalty
Definition: calib3d.hpp:1640
cv::dnn_superres::DnnSuperResImpl::getAlgorithm
String getAlgorithm()
Returns the scale factor of the model:
cv::Range
Template class specifying a continuous subsequence (slice) of a sequence.
Definition: types.hpp:590
cv::quality::QualityBase::_mat_type
cv::UMat _mat_type
internal mat type default
Definition: qualitybase.hpp:54
cv::intensity_transform::logTransform
void logTransform(const Mat input, Mat &output)
Given an input bgr or grayscale image and constant c, apply log transformation to the image on domain...
cv::Mat_::release
void release()
equivalent to Mat::release()
cv::legacy::TrackerCSRT::Params
Definition: tracking_legacy.hpp:504
cv::utils::logging::LOG_LEVEL_VERBOSE
@ LOG_LEVEL_VERBOSE
Verbose (trace) messages. Requires verbosity level. Disabled in the "Release" build.
Definition: logger.defines.hpp:32
affine.hpp
cv::SparseMatConstIterator::m
const SparseMat * m
Definition: mat.hpp:3217
cv::softdouble::softdouble
softdouble(const double a)
Construct from double.
Definition: softfloat.hpp:257
cv::FileStorage::getDefaultObjectName
static String getDefaultObjectName(const String &filename)
Returns the normalized object name for the specified name of a file.
cv::plot::Plot2d::setInvertOrientation
virtual void setInvertOrientation(bool _invertOrientation)=0
cv::CAP_PROP_XI_CC_MATRIX_11
@ CAP_PROP_XI_CC_MATRIX_11
Color Correction Matrix element [1][1].
Definition: videoio.hpp:419
cv::gapi::wip::draw::Mosaic
This structure represents a mosaicing operation.
Definition: render_types.hpp:240
cv::INTER_CUBIC
@ INTER_CUBIC
Definition: imgproc.hpp:250
cv::COLOR_LRGB2Luv
@ COLOR_LRGB2Luv
Definition: imgproc.hpp:623
cv::detail::GArrayU::specifyType
void specifyType()
Definition: garray.hpp:108
cv::Mat::isSubmatrix
bool isSubmatrix() const
returns true if the matrix is a submatrix of another matrix
cv::Matx16f
Matx< float, 1, 6 > Matx16f
Definition: matx.hpp:227
cv::stereo::StereoBinarySGBM::MODE_SGBM
@ MODE_SGBM
Definition: stereo.hpp:201
cv::cudev::warpAffinePtr
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, AffineMapPtr > warpAffinePtr(const SrcPtr &src, Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:100
cv::cuda::StereoBeliefPropagation::setDataWeight
virtual void setDataWeight(double data_weight)=0
cv::quality::QualitySSIM::compute
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Computes SSIM.
cv::cuda::ALPHA_ATOP
@ ALPHA_ATOP
Definition: cudaimgproc.hpp:159
cv::ml::KNearest::findNearest
virtual float findNearest(InputArray samples, int k, OutputArray results, OutputArray neighborResponses=noArray(), OutputArray dist=noArray()) const =0
Finds the neighbors and predicts responses for input vectors.
cv::utils::optional_shared_lock_guard::Mutex
_Mutex Mutex
Definition: lock.private.hpp:102
OPENCV_HAL_IMPL_RVV_LOGIC_OP
#define OPENCV_HAL_IMPL_RVV_LOGIC_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1233
cv::cuda::DeviceInfo::maxTexture1DLinear
int maxTexture1DLinear() const
maximum size for 1D textures bound to linear memory
phase_unwrapping.hpp
cv::dnn::SegmentationModel::SegmentationModel
SegmentationModel(const Net &network)
Create model from deep learning network.
cv::SparseMatConstIterator::SparseMatConstIterator
SparseMatConstIterator(const SparseMat *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::Rect_::Rect_
Rect_(const Point_< _Tp > &org, const Size_< _Tp > &sz)
cv::ocl::memopTypeToStr
const char * memopTypeToStr(int t)
cv::ocl::typeToStr
const char * typeToStr(int t)
cv::polylines
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)
cv::linemod::Feature::label
int label
Quantization.
Definition: linemod.hpp:30
NPPST_MEM_ALLOC_ERR
@ NPPST_MEM_ALLOC_ERR
CUDA memory allocation error.
Definition: NCV.hpp:361
cv::ccm::DISTANCE_RGB
@ DISTANCE_RGB
Euclidean distance of rgb color space.
Definition: ccm.hpp:352
cv::v_reinterpret_as_u64
v_uint64x2 v_reinterpret_as_u64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2403
cv::VideoWriter::open
virtual bool open(const String &filename, int fourcc, double fps, Size frameSize, bool isColor=true)
Initializes or reinitializes video writer.
cv::detail::CameraParams::K
Mat K() const
cv::detail::GOpaqueU
Definition: gopaque.hpp:65
cv::cuda::DeviceInfo::maxTexture1DMipmap
int maxTexture1DMipmap() const
maximum 1D mipmapped texture size
scan.hpp
cv::MSER
Maximally stable extremal region extractor.
Definition: features2d.hpp:490
HaarFeatureDescriptor32::getNumFeatures
__device__ __host__ Ncv32u getNumFeatures(void)
Definition: NCVHaarObjectDetection.hpp:167
cv::MatExpr::t
MatExpr t() const
cv::cudev::vmax4
__device__ __forceinline__ uint vmax4(uint a, uint b)
Definition: simd_functions.hpp:870
cv::DFT_ROWS
@ DFT_ROWS
Definition: base.hpp:236
cv::kinfu::Volume::reset
virtual void reset()=0
cv::Stitcher::exposureCompensator
const Ptr< detail::ExposureCompensator > exposureCompensator() const
Definition: stitching.hpp:239
NCVMatrix::memType
NCVMemoryType memType() const
Definition: NCV.hpp:828
cv::DetectionBasedTracker::IDetector::setMaxObjectSize
void setMaxObjectSize(const cv::Size &max)
Definition: detection_based_tracker.hpp:84
cv::ml::SVMSGD::getMarginType
virtual int getMarginType() const =0
Margin type, one of SVMSGD::MarginType.
cv::softfloat::softfloat
softfloat()
Default constructor.
Definition: softfloat.hpp:93
cv::TickMeter::start
void start()
starts counting ticks.
Definition: utility.hpp:304
cv::Subdiv2D::nextEdge
int nextEdge(int edge) const
Returns next edge around the edge origin.
eigen.hpp
cv::hal::add32f
void add32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsLocalAdaptationSensitivity
float photoreceptorsLocalAdaptationSensitivity
Definition: retina.hpp:162
cv::RETR_FLOODFILL
@ RETR_FLOODFILL
Definition: imgproc.hpp:426
cv::UMatData::tempUMat
bool tempUMat() const
cv::bgsegm::SyntheticSequenceGenerator::SyntheticSequenceGenerator
SyntheticSequenceGenerator(InputArray background, InputArray object, double amplitude, double wavelength, double wavespeed, double objspeed)
Creates an instance of SyntheticSequenceGenerator.
cv::viz::WSphere
This 3D Widget defines a sphere. :
Definition: widgets.hpp:274
cv::large_kinfu::Params
Definition: large_kinfu.hpp:21
cv::face::FacemarkLBF::Params::read
void read(const FileNode &)
cv::CAP_PROP_XI_CHIP_TEMP
@ CAP_PROP_XI_CHIP_TEMP
Camera sensor temperature.
Definition: videoio.hpp:403
cv::videostab::StabilizerBase::inpainter
Ptr< InpainterBase > inpainter() const
Definition: stabilizer.hpp:99
cv::gapi::fluid::Buffer
Definition: gfluidbuffer.hpp:93
cv::RMat::View::ptr
T * ptr(int y=0)
Definition: rmat.hpp:78
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const cudev::GpuMat_< _Tp > &m)
cv::detail::tracking::TrackerModel::currentConfidenceMap
ConfidenceMap currentConfidenceMap
Definition: tracking.private.hpp:333
cv::Mat::total
size_t total() const
Returns the total number of array elements.
cv::superres::DualTVL1OpticalFlow::getIterations
virtual int getIterations() const =0
cv::EVENT_MBUTTONDBLCLK
@ EVENT_MBUTTONDBLCLK
indicates that middle mouse button is double clicked.
Definition: highgui.hpp:219
cv::COLOR_BGRA2RGBA
@ COLOR_BGRA2RGBA
Definition: imgproc.hpp:543
cv::superres::BroxOpticalFlow::setSolverIterations
virtual void setSolverIterations(int val)=0
Number of linear system solver iterations.
cv::FileStorage::operator[]
FileNode operator[](const String &nodename) const
Returns the specified element of the top-level mapping.
cv::tanh
Quat< T > tanh(const Quat< T > &q)
cv::cudev::vcmpge4
__device__ __forceinline__ uint vcmpge4(uint a, uint b)
Definition: simd_functions.hpp:745
cv::cuda::Event::elapsedTime
static float elapsedTime(const Event &start, const Event &end)
computes the elapsed time between events
cv::UsacParams::threshold
double threshold
Definition: calib3d.hpp:565
cv::videostab::StabilizerBase::maskSource
Ptr< IFrameSource > maskSource() const
Definition: stabilizer.hpp:81
cv::IMWRITE_JPEG_OPTIMIZE
@ IMWRITE_JPEG_OPTIMIZE
Enable JPEG features, 0 or 1, default is False.
Definition: imgcodecs.hpp:89
cv::detail::VectorRef::VectorRef
VectorRef()=default
cv::rgbd::RgbdPlane::setMethod
void setMethod(int val)
Definition: depth.hpp:409
cv::SimilarRects::operator()
bool operator()(const Rect &r1, const Rect &r2) const
Definition: objdetect.hpp:125
cv::Rect_::Rect_
Rect_(const Point_< _Tp > &pt1, const Point_< _Tp > &pt2)
cv::structured_light::SinusoidalPattern::Params::markersLocation
std::vector< Point2f > markersLocation
Definition: sinusoidalpattern.hpp:93
cv::MercatorWarper
Definition: warpers.hpp:238
cv::CAP_PVAPI_FSTRIGMODE_FIXEDRATE
@ CAP_PVAPI_FSTRIGMODE_FIXEDRATE
FixedRate.
Definition: videoio.hpp:314
cv::MatConstIterator::m
const Mat * m
Definition: mat.hpp:3062
cv::cuda::StreamAccessor::getStream
static cudaStream_t getStream(const Stream &stream)
expr.hpp
cvFloor
int cvFloor(const cv::softfloat &a)
Rounds a number down to integer.
cv::ximgproc::SuperpixelSEEDS::iterate
virtual void iterate(InputArray img, int num_iterations=4)=0
Calculates the superpixel segmentation on a given image with the initialized parameters in the Superp...
OPENCV_HAL_IMPL_SHIFT_OP
#define OPENCV_HAL_IMPL_SHIFT_OP(shift_op)
Helper macro.
Definition: intrin_cpp.hpp:1144
cv::stereo::StereoBinarySGBM::getBinaryKernelType
virtual int getBinaryKernelType() const =0
cv::ccalib::CustomPattern::create
bool create(InputArray pattern, const Size2f boardSize, OutputArray output=noArray())
cv::hal::xor8u
void xor8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::Matx66f
Matx< float, 6, 6 > Matx66f
Definition: matx.hpp:256
cv::detail::BlocksCompensator::getNrGainsFilteringIterations
int getNrGainsFilteringIterations() const
Definition: exposure_compensate.hpp:186
cv::face::StandardCollector::minRes
PredictResult minRes
Definition: predict_collector.hpp:93
cv::_InputArray::_InputArray
_InputArray(const Mat_< _Tp > &m)
cv::detail::tracking::TrackerContribFeatureSet::extraction
void extraction(const std::vector< Mat > &images)
Extract features from the images collection.
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D(Pose3DPtr newPose, int newId)
Definition: pose_3d.hpp:155
cv::GeneralizedHough::setMaxBufferSize
virtual void setMaxBufferSize(int maxBufferSize)=0
Maximal size of inner buffers.
cv::StereoMatcher::setNumDisparities
virtual void setNumDisparities(int numDisparities)=0
cv::aruco::generateCustomDictionary
Ptr< Dictionary > generateCustomDictionary(int nMarkers, int markerSize, int randomSeed=0)
cv::ximgproc::ContourFitting::setCtrSize
void setCtrSize(int n)
set number of Fourier descriptors used in estimateTransformation
cv::ocl::Image2D
Definition: ocl.hpp:684
cv::Quat::operator+
Quat< _Tp > operator+(const Quat< _Tp > &) const
Addition operator of two quaternions p and q. It returns a new quaternion that each value is the sum ...
cv::SVD::compute
static void compute(const Matx< _Tp, m, n > &a, Matx< _Tp, nm, 1 > &w)
cv::detail::tracking::tbm::Track::operator[]
TrackedObject & operator[](size_t i)
operator [] return non-const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:366
cv::datasets::PD_caltech::create
static Ptr< PD_caltech > create()
cv::SparsePyrLKOpticalFlow::getWinSize
virtual Size getWinSize() const =0
cv::Range::Range
Range(int _start, int _end)
cv::ft::FT02D_components
void FT02D_components(InputArray matrix, InputArray kernel, OutputArray components, InputArray mask=noArray())
Computes components of the array using direct -transform.
cv::CAP_OPENNI_IMAGE_GENERATOR_PRESENT
@ CAP_OPENNI_IMAGE_GENERATOR_PRESENT
Definition: videoio.hpp:254
sparse_matching_gpc.hpp
Implementation of the Global Patch Collider.
INCVMemAllocator::isInitialized
virtual NcvBool isInitialized(void) const =0
cv::_InputArray::_InputArray
_InputArray(const std::vector< Mat > &vec)
cv::_OutputArray
This type is very similar to InputArray except that it is used for input/output and output function p...
Definition: mat.hpp:291
cv::detail::PairwiseSeamFinder::sizes_
std::vector< Size > sizes_
Definition: seam_finders.hpp:101
cv::cudev::atan
__device__ __forceinline__ float1 atan(const uchar1 &a)
Definition: vec_math.hpp:330
cv::softdouble::eps
static softdouble eps()
Difference between 1 and next representable value.
Definition: softfloat.hpp:356
cv::MatOp::invert
virtual void invert(const MatExpr &expr, int method, MatExpr &res) const
cv::FileStorage::getFirstTopLevelNode
FileNode getFirstTopLevelNode() const
Returns the first element of the top-level mapping.
cv::detail::tracking::TrackerContribFeatureHAAR::Params::numFeatures
int numFeatures
Definition: tracking_internals.hpp:856
cv::detail::OpaqueRefT
Definition: gopaque.hpp:127
cv::CAP_V4L
@ CAP_V4L
V4L/V4L2 capturing support.
Definition: videoio.hpp:92
cv::detail::HomographyBasedEstimator
Homography based rotation estimator.
Definition: motion_estimators.hpp:101
cv::mcc::CCheckerDetector::create
static Ptr< CCheckerDetector > create()
Returns the implementation of the CCheckerDetector.
cv::INTER_LINEAR
@ INTER_LINEAR
Definition: imgproc.hpp:248
cv::vuint32mf2_t::vuint32mf2_t
vuint32mf2_t()
Definition: intrin_rvv.hpp:74
cv::sfm::BaseSFM::getCameras
virtual void getCameras(OutputArray Rs, OutputArray Ts)=0
cv::cudev::LutPtr::tbl
TablePtr tbl
Definition: lut.hpp:66
cv::v_load_expand
v_reg< typename V_TypeTraits< _Tp >::w_type, V_TypeTraits< _Tp >::nlanes128/2 > v_load_expand(const _Tp *ptr)
Load register contents from memory with double expand.
Definition: intrin_cpp.hpp:1546
cv::rgbd::RgbdPlane::setMinSize
void setMinSize(int val)
Definition: depth.hpp:401
cv::cuda::calcOpticalFlowBM
void calcOpticalFlowBM(const GpuMat &prev, const GpuMat &curr, Size block_size, Size shift_size, Size max_range, bool use_previous, GpuMat &velx, GpuMat &vely, GpuMat &buf, Stream &stream=Stream::Null())
Calculates optical flow for 2 images using block matching algorithm *‍/.
cv::gapi::ie::detail::ParamDesc::num_in
std::size_t num_in
Definition: ie.hpp:63
cv::operator>=
v_reg< _Tp, n > operator>=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than or equal comparison.
Definition: intrin_cpp.hpp:765
cv::v_cvt_f64_high
v_reg< double, 2 > v_cvt_f64_high(const v_reg< int, 4 > &a)
Convert to double high part of vector.
Definition: intrin_cpp.hpp:2120
cv::cuda::HostMem::depth
int depth() const
gcommon.hpp
cv::CALIB_FIX_K3
@ CALIB_FIX_K3
Definition: calib3d.hpp:503
cv::Subdiv2D::swapEdges
void swapEdges(int edge)
cv::RMat::View::type
int type() const
cv::cuda::DeviceInfo::maxThreadsDim
Vec3i maxThreadsDim() const
maximum size of each dimension of a block
cv::superres::DualTVL1OpticalFlow::getScalesNumber
virtual int getScalesNumber() const =0
cv::ocl::KernelArg::ReadOnly
static KernelArg ReadOnly(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:401
cv::cuda::FeatureSet
FeatureSet
Enumeration providing CUDA computing features.
Definition: cuda.hpp:774
cv::cudev::derivYPtr
__host__ DerivYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivYPtr(const SrcPtr &src)
Definition: deriv.hpp:126
cv::cuda::log
void log(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a natural logarithm of absolute value of each matrix element.
phash.hpp
cv::cudev::GlobPtr::index_type
int index_type
Definition: glob.hpp:65
cv::ml::ANN_MLP::setRpropDWMin
virtual void setRpropDWMin(double val)=0
cv::cuda::HoughCirclesDetector::setMaxRadius
virtual void setMaxRadius(int maxRadius)=0
cv::FLOODFILL_MASK_ONLY
@ FLOODFILL_MASK_ONLY
Definition: imgproc.hpp:383
cv::datasets::OR_imagenetObj::id
int id
Definition: or_imagenet.hpp:62
cv::CAP_PROP_OPENNI_APPROX_FRAME_SYNC
@ CAP_PROP_OPENNI_APPROX_FRAME_SYNC
Definition: videoio.hpp:244
cv::aruco::Dictionary::identify
bool identify(const Mat &onlyBits, int &idx, int &rotation, double maxCorrectionRate) const
Given a matrix of bits. Returns whether if marker is identified or not. It returns by reference the c...
CV_PROP
#define CV_PROP
Definition: cvdef.h:450
cv::DescriptorMatcher::DescriptorCollection::getDescriptor
const Mat getDescriptor(int globalDescIdx) const
cv::kinfu::Params::frameSize
Size frameSize
frame size in pixels
Definition: kinfu.hpp:78
cv::Mat_::depth
int depth() const
cv::cudev::RemapPtr1
Definition: remap.hpp:61
cv::Subdiv2D::vtx
std::vector< Vertex > vtx
All of the vertices.
Definition: imgproc.hpp:1238
cv::optflow::DenseRLOFOpticalFlow::getRLOFOpticalFlowParameter
virtual Ptr< RLOFOpticalFlowParameter > getRLOFOpticalFlowParameter() const =0
Configuration of the RLOF alogrithm.
cv::motempl::updateMotionHistory
void updateMotionHistory(InputArray silhouette, InputOutputArray mhi, double timestamp, double duration)
Updates the motion history image by a moving silhouette.
cv::viz::WPlane::WPlane
WPlane(const Point3d &center, const Vec3d &normal, const Vec3d &new_yaxis, const Size2d &size=Size2d(1.0, 1.0), const Color &color=Color::white())
Constructs a repositioned plane.
cv::FONT_HERSHEY_PLAIN
@ FONT_HERSHEY_PLAIN
small size sans-serif font
Definition: imgproc.hpp:819
cv::cuda::GpuMat::create
void create(int rows, int cols, int type)
allocates new GpuMat data unless the GpuMat already has specified size and type
cv::StereoBM::setROI1
virtual void setROI1(Rect roi1)=0
cv::drawFrameAxes
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.
CV_Error
#define CV_Error(code, msg)
Call the error handler.
Definition: base.hpp:320
cv::gapi::streaming::desync
GMat desync(const GMat &g)
Starts a desynchronized branch in the graph.
hal_ni_cvtXYZtoBGR
int hal_ni_cvtXYZtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue)
hal_cvtXYZtoBGR
Definition: hal_replacement.hpp:430
cv::ParamType< Algorithm >::member_type
Ptr< Algorithm > member_type
Definition: core.hpp:3244
cv::_InputArray::_InputArray
_InputArray(const double &val)
cv::cuda::GpuMat::rowRange
GpuMat rowRange(Range r) const
cv::transpose
void transpose(InputArray src, OutputArray dst)
Transposes a matrix.
cv::datasets::sampleType
sampleType
Definition: pd_inria.hpp:61
cv::aruco::DICT_6X6_50
@ DICT_6X6_50
Definition: dictionary.hpp:150
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator(const SparseMatIterator &it)
the copy constructor
cv::cudev::IsPowerOf2::value
@ value
Definition: type_traits.hpp:91
cv::db
@ db
Definition: container_avi.private.hpp:136
cv::CAP_PROP_BACKEND
@ CAP_PROP_BACKEND
Current backend (enum VideoCaptureAPIs). Read-only property.
Definition: videoio.hpp:177
cv::Mat_::Mat_
Mat_(int _rows, int _cols)
equivalent to Mat(_rows, _cols, DataType<_Tp>::type)
cv::legacy::MultiTracker_Alt::update
bool update(InputArray image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets.
cv::cudev::DerivYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:119
cv::SparseMat::Hdr::nodeCount
size_t nodeCount
Definition: mat.hpp:2679
cv::gapi::onnx::detail::ParamDesc::ConstInput
std::pair< cv::Mat, TraitAs > ConstInput
Definition: onnx.hpp:51
cv::dnn::TextDetectionModel_DB::setPolygonThreshold
TextDetectionModel_DB & setPolygonThreshold(float polygonThreshold)
cv::cudev::IsBinaryFunction::No
Definition: functional.hpp:890
cv::detail::VectorRef
Definition: garray.hpp:237
cv::Error::Code
Code
error codes
Definition: base.hpp:68
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
timer.h
cv::dnn::DeconvolutionLayer::create
static Ptr< BaseConvolutionLayer > create(const LayerParams &params)
face.hpp
nppiStIntegralGetSize_32f32f
NCVStatus nppiStIntegralGetSize_32f32f(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::contourArea
double contourArea(InputArray contour, bool oriented=false)
Calculates a contour area.
cv::cudev::VecTraits< char3 >::all
__host__ __device__ static __forceinline__ char3 all(schar v)
Definition: vec_traits.hpp:170
cv::videostab::NullInpainter
Definition: inpainting.hpp:103
cv::gapi::imgproc::cpu::kernels
GKernelPackage kernels()
cv::reg::MapperGradAffine::~MapperGradAffine
~MapperGradAffine(void)
cv::MatOp::elementWise
virtual bool elementWise(const MatExpr &expr) const
cv::videostab::StabilizerBase::finalFrame_
Mat finalFrame_
Definition: stabilizer.hpp:133
cv_vrnd_s32_f32
int32x2_t cv_vrnd_s32_f32(float32x2_t v)
Definition: neon_utils.hpp:52
cv::line_descriptor::BinaryDescriptor::operator()
virtual void operator()(InputArray image, InputArray mask, std::vector< KeyLine > &keylines, OutputArray descriptors, bool useProvidedKeyLines=false, bool returnFloatDescr=false) const
Define operator '()' to perform detection of KeyLines and computation of descriptors in a row.
img_hash_base.hpp
cv::cudev::vcmpeq4
__device__ __forceinline__ uint vcmpeq4(uint a, uint b)
Definition: simd_functions.hpp:630
cv::rgbd::FastICPOdometry::setKernelSize
void setKernelSize(int f)
Definition: depth.hpp:1116
cv::ccm::COLOR_SPACE_Lab_D55_10
@ COLOR_SPACE_Lab_D55_10
non-RGB color space
Definition: ccm.hpp:129
cv::MatOp::add
virtual void add(const MatExpr &expr1, const Scalar &s, MatExpr &res) const
cv::cuda::HOG::setWinSigma
virtual void setWinSigma(double win_sigma)=0
Gaussian smoothing window parameter.
hal_ni_sqrt64f
int hal_ni_sqrt64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:440
CV_MAT_TYPE
#define CV_MAT_TYPE(flags)
Definition: cvdef.h:465
cv::detail::BundleAdjusterBase::setRefinementMask
void setRefinementMask(const Mat &mask)
Definition: motion_estimators.hpp:137
cv::Moments::mu30
double mu30
Definition: types.hpp:946
cv::v_check_any
bool v_check_any(const v_reg< _Tp, n > &a)
Check if any of packed values is less than zero.
Definition: intrin_cpp.hpp:1318
cv::gapi::ie::PyParams
Definition: bindings_ie.hpp:23
cv::Feature2D::defaultNorm
virtual int defaultNorm() const
cv::v_int64x2::nlanes
@ nlanes
Definition: intrin_rvv.hpp:486
cv::OutputArray
const _OutputArray & OutputArray
Definition: mat.hpp:439
cv::cuda::GpuMat::row
GpuMat row(int y) const
returns a new GpuMat header for the specified row
cv::gapi::min
GMat min(const GMat &src1, const GMat &src2)
Calculates per-element minimum of two matrices.
cv::legacy::TrackerBoosting::Params::featureSetNumFeatures
int featureSetNumFeatures
Definition: tracking_legacy.hpp:158
cv::ccm::COLOR_SPACE_sRGBL
@ COLOR_SPACE_sRGBL
https://en.wikipedia.org/wiki/SRGB , linear RGB color space
Definition: ccm.hpp:95
cv::cudev::AffineMapPtr::index_type
float index_type
Definition: warping.hpp:64
cv::ogl::Texture2D::empty
bool empty() const
cv::gapi::polarToCart
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.
cv::rgbd::ICPOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: depth.hpp:851
cv::detail::BundleAdjusterBase::cam_params_
Mat cam_params_
Definition: motion_estimators.hpp:212
cv::dnn::MaxUnpoolLayer
Definition: all_layers.hpp:533
hal_ni_add8u
int hal_ni_add8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:76
cv::ccalib::CustomPattern::setDescriptorMatcher
bool setDescriptorMatcher(Ptr< DescriptorMatcher > matcher)
CPU_AVX_5124FMAPS
@ CPU_AVX_5124FMAPS
Definition: cvdef.h:320
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerStateEstimatorAdaBoosting
TrackerStateEstimatorAdaBoosting(int numClassifer, int initIterations, int nFeatures, Size patchSize, const Rect &ROI)
Constructor.
cv::sfm::projectionsFromFundamental
void projectionsFromFundamental(InputArray F, OutputArray P1, OutputArray P2)
Get projection matrices from Fundamental matrix.
cv::dnn::Net::getLayersShapes
void getLayersShapes(const std::vector< MatShape > &netInputShapes, std::vector< int > &layersIds, std::vector< std::vector< MatShape > > &inLayersShapes, std::vector< std::vector< MatShape > > &outLayersShapes) const
Returns input and output shapes for all layers in loaded model; preliminary inferencing isn't necessa...
cv::detail::tracking::tbm::ITrackerByMatching::isTrackValid
virtual bool isTrackValid(size_t track_id) const =0
isTrackValid Checks whether track is valid (duration > threshold).
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getNumFeatures
int getNumFeatures() const
Definition: feature.hpp:172
cv::datasets::poseType
poseType
Definition: gr_skig.hpp:75
cv::DISOpticalFlow::getUseSpatialPropagation
virtual bool getUseSpatialPropagation() const =0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
cv::hal::cvtBGR5x5toGray
void cvtBGR5x5toGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int greenBits)
cv::Mat::t
MatExpr t() const
Transposes a matrix.
cv::HersheyFonts
HersheyFonts
Definition: imgproc.hpp:817
cv::gapi::own::saturate
static DST saturate(SRC x)
Definition: saturate.hpp:26
cv::write
void write(FileStorage &fs, const String &name, const optflow::GPCTree::Node &node)
cv::cuda::DeviceInfo::canMapHostMemory
bool canMapHostMemory() const
device can map host memory with cudaHostAlloc/cudaHostGetDevicePointer
cv::gapi::ie::PortCfg::In
std::array< std::string, std::tuple_size< typename Net::InArgs >::value > In
Definition: ie.hpp:78
cv::cudacodec::VideoReader::~VideoReader
virtual ~VideoReader()
Definition: cudacodec.hpp:299
cv::optflow::GPCTrainingParams::check
bool check() const
Definition: sparse_matching_gpc.hpp:138
cv::dnn::TextDetectionModel_DB::TextDetectionModel_DB
TextDetectionModel_DB(const Net &network)
Create text detection algorithm from deep learning network.
cv::Matx23f
Matx< float, 2, 3 > Matx23f
Definition: matx.hpp:241
cv::kinfu::Params::voxelSize
float voxelSize
Size of voxel in meters.
Definition: kinfu.hpp:110
cv::gapi::s11n::detail::put_v
IOStream & put_v(IOStream &, const V &, std::size_t)
Definition: s11n.hpp:225
cv::videostab::ConsistentMosaicInpainter::setStdevThresh
void setStdevThresh(float val)
Definition: inpainting.hpp:132
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, double alpha, double beta=0.0) const
converts GpuMat to another datatype with scaling (Blocking call)
cv::initWideAngleProjMap
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
cv::util::any::unsafe_any_cast
friend value_t & unsafe_any_cast(any &operand)
Definition: any.hpp:159
cvv::debugFilter
static void debugFilter(cv::InputArray original, cv::InputArray result, impl::CallMetaData metaData=impl::CallMetaData(), const char *description=nullptr, const char *view=nullptr)
Use the debug-framework to compare two images (from which the second is intended to be the result of ...
Definition: filter.hpp:36
cv::detail::tracking::TrackerModel::TrackerModel
TrackerModel()
cv::aruco::DICT_4X4_100
@ DICT_4X4_100
Definition: dictionary.hpp:143
cv::_InputArray::offset
size_t offset(int i=-1) const
cv::glob
void glob(String pattern, std::vector< String > &result, bool recursive=false)
cv::detail::tracking::TrackerStateEstimator::create
static Ptr< TrackerStateEstimator > create(const String &trackeStateEstimatorType)
Create TrackerStateEstimator by tracker state estimator type.
cv::StereoMatcher::setBlockSize
virtual void setBlockSize(int blockSize)=0
cv::datasets::SR_bsds::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::DMatch::imgIdx
int imgIdx
train image index
Definition: types.hpp:817
cv::v_reinterpret_as_u32
v_uint32x4 v_reinterpret_as_u32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2399
cv::cudev::Sum::rebind::other
Sum< U > other
Definition: reduce_to_vec.hpp:71
OpenCV_API_Header::opencv_version_status
const char * opencv_version_status
compiled OpenCV version
Definition: llapi.h:47
cv::viz::WCameraPosition
This 3D Widget represents camera position in a scene by its axes or viewing frustum....
Definition: widgets.hpp:544
cv::optflow::DualTVL1OpticalFlow::setEpsilon
virtual void setEpsilon(double val)=0
Stopping criterion threshold used in the numerical scheme, which is a trade-off between precision and...
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::horizontalCellsGain
float horizontalCellsGain
Definition: retina.hpp:162
cv::Subdiv2D::calcVoronoi
void calcVoronoi()
cv::GComputationT< std::tuple< R... >(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs, GCompileArgs &&args)
Definition: gtyped.hpp:217
cv::videostab::DeblurerBase::setRadius
virtual void setRadius(int val)
Definition: deblurring.hpp:66
cv::FILLED
@ FILLED
Definition: imgproc.hpp:808
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< std::vector< _Tp > > &vec)
cv::cudev::binary_function::second_argument_type
_Arg2 second_argument_type
Definition: functional.hpp:71
cv::reg::MapAffine
Definition: mapaffine.hpp:53
cv::MIXED_CLONE
@ MIXED_CLONE
Definition: photo.hpp:719
cv::QT_FONT_LIGHT
@ QT_FONT_LIGHT
Weight of 25.
Definition: highgui.hpp:241
cv::Codecs
Codecs
Definition: container_avi.private.hpp:73
cv::hdf::HDF5::dsinsert
virtual void dsinsert(InputArray Array, const String &dslabel, const int *dims_offset, const int *dims_counts) const =0
Insert or overwrite a Mat object into specified dataset and auto expand dataset size if unlimited pro...
cv::detail::tracking::tbm::TrackerParams::TrackerParams
TrackerParams()
cv::hfs::HfsSegment::setMinRegionSizeI
virtual void setMinRegionSizeI(int n)=0
: set and get the parameter minRegionSizeI. This parameter is used in the second stage mentioned abov...
cv::DetectionBasedTracker::getParameters
const Parameters & getParameters() const
cv::HistogramCostExtractor::setDefaultCost
virtual void setDefaultCost(float defaultCost)=0
warpers.hpp
cv::ovis::WindowScene::~WindowScene
virtual ~WindowScene()
cv::cuda::HostMem::create
void create(int rows, int cols, int type)
allocates new matrix data unless the matrix already has specified size and type.
cv::CALIB_CB_SYMMETRIC_GRID
@ CALIB_CB_SYMMETRIC_GRID
Definition: calib3d.hpp:490
cv::optflow::SR_CROSS
@ SR_CROSS
Definition: rlofflow.hpp:19
cv::TrackerMIL::Params::samplerTrackInRadius
float samplerTrackInRadius
radius for gathering positive instances during tracking
Definition: tracking.hpp:764
cv::vint8mf4_t::val
schar val[4]
Definition: intrin_rvv.hpp:142
cv::datasets::PascalPart::xmax
int xmax
Definition: or_pascal.hpp:64
cv::detail::Yield< cv::GScalar >::yield
static cv::GScalar yield(cv::GCall &call, int i)
Definition: gkernel.hpp:83
cv::Param
Param
Definition: core.hpp:3186
cv::CALIB_ROBOT_WORLD_HAND_EYE_SHAH
@ CALIB_ROBOT_WORLD_HAND_EYE_SHAH
Solving the robot-world/hand-eye calibration problem using the kronecker product .
Definition: calib3d.hpp:541
cv::ovis::waitKey
int waitKey(int delay=0)
cv::gapi::flip
GMat flip(const GMat &src, int flipCode)
Flips a 2D matrix around vertical, horizontal, or both axes.
cv::linemod::Detector::classIds
std::vector< String > classIds() const
cv::detail::FeaturesMatcher::collectGarbage
virtual void collectGarbage()
Frees unused memory allocated before if there is any.
Definition: matchers.hpp:149
cv::hfs::HfsSegment::performSegmentCpu
virtual Mat performSegmentCpu(InputArray src, bool ifDraw=true)=0
do segmentation with cpu This method is only implemented for reference. It is highly NOT recommanded ...
cv::cudev::ResizePtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: resize.hpp:62
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_impl
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:383
cv::Quat::cosh
Quat< _Tp > cosh() const
return cosh value of this quaternion, cosh could be calculated as:
cv::datasets::tag::height
int height
Definition: tr_svt.hpp:63
NCVMatrixReuse
Definition: NCV.hpp:920
cv::TLSData::cleanup
void cleanup()
Release associated thread data.
Definition: tls.hpp:71
transform.hpp
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::TrackerAdaBoostingTargetState
TrackerAdaBoostingTargetState(const Point2f &position, int width, int height, bool foreground, const Mat &responses)
Constructor.
cv::detail::ChannelsCompensator::ChannelsCompensator
ChannelsCompensator(int nr_feeds=1)
Definition: exposure_compensate.hpp:148
cv::WarperCreator::create
virtual Ptr< detail::RotationWarper > create(float scale) const =0
gproto.hpp
cv::ogl::Buffer::copyFrom
void copyFrom(InputArray arr, cuda::Stream &stream, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::cudev::GpuMat_::create
__host__ void create(Size asize)
cv::vfloat32mf2_t
Definition: intrin_rvv.hpp:92
cv::bgsegm::SyntheticSequenceGenerator
Synthetic frame sequence generator for testing background subtraction algorithms.
Definition: bgsegm.hpp:330
cv::gapi::wip::draw::FText::fh
int fh
The height of text.
Definition: render_types.hpp:115
cv::dnn::total
static int total(const MatShape &shape, int start=-1, int end=-1)
Definition: shape_utils.hpp:161
cv::FileStorage::write
void write(FileStorage &fs, const String &name, int value)
cv::Subdiv2D::QuadEdge::isfree
bool isfree() const
CVVISUAL_THREAD_LOCAL
#define CVVISUAL_THREAD_LOCAL
Definition: debug_mode.hpp:7
cv::instr::NodeData::operator=
NodeData & operator=(const NodeData &)
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3, _Tp s4, _Tp s5, _Tp s6, _Tp s7)
Constructor.
Definition: intrin_cpp.hpp:299
cv::gapi::normL2
GScalar normL2(const GMat &src)
Calculates the absolute L2 norm of a matrix.
cv::Vec6f
Vec< float, 6 > Vec6f
Definition: matx.hpp:430
cv::mcc::DetectorParameters::adaptiveThreshWinSizeMax
int adaptiveThreshWinSizeMax
Definition: checker_detector.hpp:107
NCVMatrixReuse::NCVMatrixReuse
NCVMatrixReuse(const NCVMatrix< T > &mat, NcvRect32u roi)
Definition: NCV.hpp:961
cv::detail::BasicVectorRef::size
virtual std::size_t size() const =0
cv::EMDHistogramCostExtractor::getNormFlag
virtual int getNormFlag() const =0
cv::aruco::DetectorParameters::cornerRefinementMethod
int cornerRefinementMethod
Definition: aruco.hpp:166
cv::rapid::drawCorrespondencies
void drawCorrespondencies(InputOutputArray bundle, InputArray cols, InputArray colors=noArray())
cv::gapi::onnx::detail::ParamDesc
Definition: onnx.hpp:39
cv::detail::tracking::tbm::Track::back
TrackedObject & back()
back returns non-const reference to last object in track.
Definition: tracking_by_matching.hpp:381
cv::superres::FrameSource::nextFrame
virtual void nextFrame(OutputArray frame)=0
cv::detail::BasicOpaqueRef
Definition: gopaque.hpp:116
cv::detail::SphericalProjector
Definition: warpers.hpp:303
cv::detail::tracking::TrackerContribSamplerAlgorithm::~TrackerContribSamplerAlgorithm
virtual ~TrackerContribSamplerAlgorithm()
Destructor.
cv::BackgroundSubtractor::getBackgroundImage
virtual void getBackgroundImage(OutputArray backgroundImage) const =0
Computes a background image.
cv::_InputArray::rawIn
static _InputArray rawIn(const std::vector< _Tp > &vec)
cv::line_descriptor::BinaryDescriptor::getReductionRatio
int getReductionRatio()
Get current reduction ratio (used in Gaussian pyramids)
cv::GKernel
Definition: gkernel.hpp:44
cv::QRCodeDetector::decode
std::string decode(InputArray img, InputArray points, OutputArray straight_qrcode=noArray())
Decodes QR code in image once it's found by the detect() method.
cv::gapi::fluid::View::priv
const Priv & priv() const
cv::detail::get_in< cv::GScalar >::get
static cv::Scalar get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:172
cv::cuda::BackgroundSubtractorGMG
Background/Foreground Segmentation Algorithm.
Definition: cudalegacy.hpp:89
cv::ximgproc::SLICType
SLICType
Definition: slic.hpp:64
cv::superres::FarnebackOpticalFlow::getIterations
virtual int getIterations() const =0
cv::ocl::Device::maxComputeUnits
int maxComputeUnits() const
cv::gapi::wip::draw::Rect::thick
int thick
The thickness of lines that make up the rectangle. Negative values, like FILLED, mean that the functi...
Definition: render_types.hpp:150
cv::GFTTDetector::getHarrisDetector
virtual bool getHarrisDetector() const =0
cv::cudev::NormL1::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:80
cv::saliency::ObjectnessBING::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:303
cv::Matx61f
Matx< float, 6, 1 > Matx61f
Definition: matx.hpp:236
cv::_InputArray::getFlags
int getFlags() const
cv::ximgproc::rl::morphologyEx
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.
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< UMat > &vec)
cv::cudev::sqrt_func
Definition: functional.hpp:521
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::cls
Mat cls
Definition: feature.hpp:199
cv::gapi::ie::PyParams::PyParams
PyParams(const std::string &tag, const std::string &model, const std::string &device)
cv::AccessFlag
AccessFlag
Definition: mat.hpp:64
cv::cuda::StereoBeliefPropagation::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
cv::UMat::size
MatSize size
Definition: mat.hpp:2574
cv::cudev::VecTraits< schar >::all
__host__ __device__ static __forceinline__ schar all(schar v)
Definition: vec_traits.hpp:146
cv::optflow::GPCTree::Node
Definition: sparse_matching_gpc.hpp:158
cv::gapi::core::fluid::kernels
cv::gapi::GKernelPackage kernels()
cv::omnidir::initUndistortRectifyMap
void initUndistortRectifyMap(InputArray K, InputArray D, InputArray xi, InputArray R, InputArray P, const cv::Size &size, int m1type, OutputArray map1, OutputArray map2, int flags)
Computes undistortion and rectification maps for omnidirectional camera image transform by a rotation...
cv::cuda::GpuMat::colRange
GpuMat colRange(Range r) const
cv::legacy::TrackerTLD::create
static Ptr< legacy::TrackerTLD > create(const TrackerTLD::Params &parameters)
Constructor.
cv::AVIWriteContainer::countFrameSize
size_t countFrameSize() const
Definition: container_avi.private.hpp:175
cv::v_uint8x16::v_uint8x16
v_uint8x16(vuint8m1_t v)
Definition: intrin_rvv.hpp:233
cv::dnn::DetectionModel::setNmsAcrossClasses
DetectionModel & setNmsAcrossClasses(bool value)
nmsAcrossClasses defaults to false, such that when non max suppression is used during the detect() fu...
cv::quality::QualityGMSD::_mat_data::gradient_map_squared
mat_type gradient_map_squared
Definition: qualitygmsd.hpp:62
cv::TickMeter::getTimeSec
double getTimeSec() const
returns passed time in seconds.
Definition: utility.hpp:339
cv::startWindowThread
int startWindowThread()
cv::ml::TrainData::setTrainTestSplitRatio
virtual void setTrainTestSplitRatio(double ratio, bool shuffle=true)=0
Splits the training data into the training and test parts.
cv::MORPH_TOPHAT
@ MORPH_TOPHAT
Definition: imgproc.hpp:221
cv::GInferList2
Definition: infer.hpp:292
cv::datasets::GR_chalearnObj::skeletons
std::vector< skeleton > skeletons
Definition: gr_chalearn.hpp:80
cv::rgbd::FastICPOdometry::setSigmaDepth
void setSigmaDepth(float f)
Definition: depth.hpp:1100
cv::cuda::HOG::setHitThreshold
virtual void setHitThreshold(double hit_threshold)=0
cv::ximgproc::EdgeBoxes::setClusterMinMag
virtual void setClusterMinMag(float value)=0
Sets the cluster min magnitude.
cv::AVIReadContainer::skipJunk
void skipJunk(RiffList &list)
cv::BackgroundSubtractorKNN::getDist2Threshold
virtual double getDist2Threshold() const =0
Returns the threshold on the squared distance between the pixel and the sample.
cv::L2::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:917
cv::detail::valid_infer2_types
Definition: infer.hpp:46
Cv64suf::i
int64 i
Definition: cvdef.h:385
cv::CMP_GE
@ CMP_GE
src1 is greater than or equal to src2.
Definition: base.hpp:213
cv::ft::FT12D_components
void FT12D_components(InputArray matrix, InputArray kernel, OutputArray components)
Computes components of the array using direct -transform.
cv::detail::tracking::contrib_feature::CvLBPEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
cv::dnn::Layer::initVkCom
virtual Ptr< BackendNode > initVkCom(const std::vector< Ptr< BackendWrapper > > &inputs)
cv::vuint8mf4_t
Definition: intrin_rvv.hpp:129
cv::rgbd::RgbdNormals::setK
void setK(const cv::Mat &val)
Definition: depth.hpp:160
cv::face::StandardCollector::data
std::vector< PredictResult > data
Definition: predict_collector.hpp:94
cv::DetectionBasedTracker::addObject
virtual int addObject(const cv::Rect &location)
cv::gapi::detail::deserialize_runarg
Definition: s11n.hpp:296
cv::DFT_INVERSE
@ DFT_INVERSE
Definition: base.hpp:228
cv::dnn::SliceLayer::axis
int axis
Definition: all_layers.hpp:367
cv::linemod::ColorGradient::name
virtual String name() const CV_OVERRIDE
cv::viz::Viz3d::operator=
Viz3d & operator=(const Viz3d &)
cv::face::FacemarkAAM::Params::Params
Params()
Constructor.
cv::DCT_ROWS
@ DCT_ROWS
Definition: base.hpp:263
cv::videostab::ToFileMotionWriter::motionModel
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:215
cv::v_load_aligned
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_aligned(const _Tp *ptr)
Load register contents from memory (aligned)
Definition: intrin_cpp.hpp:1480
cv::UMat::UMat
UMat(const UMat &m, const std::vector< Range > &ranges)
cv::Mat::size
MatSize size
Definition: mat.hpp:2114
cv::VideoCapture::waitAny
static bool waitAny(const std::vector< VideoCapture > &streams, std::vector< int > &readyIndex, int64 timeoutNs=0)
Wait for ready frames from VideoCapture.
cv::videostab::StabilizerBase::curStabilizedPos_
int curStabilizedPos_
Definition: stabilizer.hpp:128
cv::datasets::cameraParam::mat2
double mat2[3]
Definition: msm_epfl.hpp:63
cv::COLOR_YUV2RGB_YV12
@ COLOR_YUV2RGB_YV12
Definition: imgproc.hpp:650
cv::BORDER_REFLECT_101
@ BORDER_REFLECT_101
gfedcb|abcdefgh|gfedcba
Definition: base.hpp:273
cv::v_uint8x16::val
uchar val[16]
Definition: intrin_rvv.hpp:257
cv::detail::tracking::TrackerSamplerAlgorithm
Abstract base class for TrackerSamplerAlgorithm that represents the algorithm for the specific sample...
Definition: tracking.private.hpp:99
cv::detail::BundleAdjusterBase::termCriteria
TermCriteria termCriteria()
Definition: motion_estimators.hpp:146
cv::utils::logging::setLogTagLevel
void setLogTagLevel(const char *tag, cv::utils::logging::LogLevel level)
saturate.hpp
cv::RNG::operator()
unsigned operator()()
returns a random integer sampled uniformly from [0, N).
cv::cudacodec::SF_NV12
@ SF_NV12
Definition: cudacodec.hpp:77
cv::detail::PlaneWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
cv::Scalar_::operator=
Scalar_ & operator=(Scalar_ &&s) CV_NOEXCEPT
cv::face::FacemarkLBF::Params
Definition: facemarkLBF.hpp:52
cv::cudev::ConstantPtr
Definition: constant.hpp:58
cv::detail::tracking::kalman_filters::UkfSystemModel::stateConversionFunction
virtual void stateConversionFunction(const Mat &x_k, const Mat &u_k, const Mat &v_k, Mat &x_kplus1)=0
cv::cudev::Max::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:134
cv::ml::SimulatedAnnealingSolverSystem
This class declares example interface for system state used in simulated annealing optimization algor...
Definition: ml.hpp:1916
cv::cuda::min
void min(InputArray src1, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
Computes the per-element minimum of two matrices (or a matrix and a scalar).
cv::TonemapReinhard::getColorAdaptation
virtual float getColorAdaptation() const =0
CV_NOEXCEPT
#define CV_NOEXCEPT
Definition: cvdef.h:752
cv::detail::tracking::tbm::ITrackerByMatching::~ITrackerByMatching
virtual ~ITrackerByMatching()
Destructor for the tracker.
Definition: tracking_by_matching.hpp:424
cv::cuda::OpticalFlowDual_TVL1::setNumIterations
virtual void setNumIterations(int iterations)=0
cv::v_uint32x4::v_uint32x4
v_uint32x4(vuint32m1_t v)
Definition: intrin_rvv.hpp:363
cv::optflow::GPCMatchingParams
Class encapsulating matching parameters.
Definition: sparse_matching_gpc.hpp:144
cv::ColormapTypes
ColormapTypes
GNU Octave/MATLAB equivalent colormaps.
Definition: imgproc.hpp:4266
cv::v_magnitude
v_reg< _Tp, n > v_magnitude(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Magnitude.
Definition: intrin_cpp.hpp:908
cv::gapi::render::ocv::kernels
cv::gapi::GKernelPackage kernels()
cv::cudev::saturate_cast< uint >
__device__ __forceinline__ uint saturate_cast< uint >(schar v)
Definition: saturate_cast.hpp:244
cv::Size_::area
_Tp area() const
the area (width*height)
cv::SVD::FULL_UV
@ FULL_UV
Definition: core.hpp:2653
cv::GCall
Definition: gcall.hpp:27
cv::BackgroundSubtractorMOG2::setDetectShadows
virtual void setDetectShadows(bool detectShadows)=0
Enables or disables shadow detection.
cv::gapi::own::Mat::Mat
Mat(Mat const &src, const Rect &roi)
Definition: mat.hpp:119
cv::ximgproc::EdgeBoxes::getBeta
virtual float getBeta() const =0
Returns the nms threshold for object proposals.
cv::aruco::DetectorParameters::adaptiveThreshConstant
double adaptiveThreshConstant
Definition: aruco.hpp:159
cv::detail::has_custom_wrap::test
static std::true_type test(check< C, decltype(&GTypeTraits< C >::wrap_value)> *)
cv::cuda::BackgroundSubtractorGMG::getBackgroundPrior
virtual double getBackgroundPrior() const =0
cv::Mat::checkVector
int checkVector(int elemChannels, int depth=-1, bool requireContinuous=true) const
cv::cuda::DeviceInfo::ComputeModeExclusive
@ ComputeModeExclusive
Definition: cuda.hpp:908
cv::detail::PlaidMLCallHelper
Definition: gplaidmlkernel.hpp:102
cv::videostab::StabilizerBase::radius_
int radius_
Definition: stabilizer.hpp:120
cv::linemod::Feature::x
int x
x offset
Definition: linemod.hpp:28
cv::datasets::OR_pascalObj::objects
std::vector< PascalObj > objects
Definition: or_pascal.hpp:86
cv::v_uint32x4
Definition: intrin_rvv.hpp:358
cv::ximgproc::EdgeAwareInterpolator::setUsePostProcessing
virtual void setUsePostProcessing(bool _use_post_proc)=0
Sets whether the fastGlobalSmootherFilter() post-processing is employed. It is turned on by default.
cv::detail::ChannelsCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
cv::CirclesGridFinderParameters::kmeansAttempts
int kmeansAttempts
Definition: calib3d.hpp:1635
cv::optflow::GPCTree::Node::operator==
bool operator==(const Node &n) const
Definition: sparse_matching_gpc.hpp:164
cv::GComputationT< R(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:143
cv::ximgproc::ARO_CTR_HOR
@ ARO_CTR_HOR
Definition: fast_hough_transform.hpp:73
cv::Mat_::value_type
_Tp value_type
Definition: mat.hpp:2186
cv::quality::QualitySSIM::_mat_data::sigma_2
mat_type sigma_2
Definition: qualityssim.hpp:64
cv::cnn_3dobj::descriptorExtractor::loadNet
void loadNet(const String &model_file, const String &trained_file, const String &mean_file="")
Initiate a classification structure, the net work parameter is stored in model_file,...
cv::cudev::gridCountNonZero_
__host__ void gridCountNonZero_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:250
cv::cuda::HostMem::isContinuous
bool isContinuous() const
cv::dnn::readNetFromTensorflow
Net readNetFromTensorflow(const String &model, const String &config=String())
Reads a network model stored in TensorFlow framework's format.
cv::ml::LogisticRegression::setTrainMethod
virtual void setTrainMethod(int val)=0
cv::ml::DTrees::setTruncatePrunedTree
virtual void setTruncatePrunedTree(bool val)=0
cv::ocl::Context::release
void release()
cv::fastNlMeansDenoisingColoredMulti
void fastNlMeansDenoisingColoredMulti(InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoisingMulti function for colored images sequences.
cv::videostab::InpaintingPipeline::setStabilizedFrames
virtual void setStabilizedFrames(const std::vector< Mat > &val) CV_OVERRIDE
cv::GInferInputs::GInferInputs
GAPI_WRAP GInferInputs()
seam_finders.hpp
cv::detail::get_compound_in< cv::GMatP >::get
static cv::GMatP get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:80
cv::Mat_::channel_type
DataType< _Tp >::channel_type channel_type
Definition: mat.hpp:2187
OPENCV_HAL_IMPL_C_PACK
#define OPENCV_HAL_IMPL_C_PACK(_Tpvec, _Tpnvec, _Tpn, pack_suffix, cast)
Helper macro.
Definition: intrin_cpp.hpp:2465
cv::ocl::haveOpenCL
bool haveOpenCL()
cv::videostab::LpMotionStabilizer::setFrameSize
void setFrameSize(Size val)
Definition: motion_stabilizing.hpp:125
cv::cuda::FarnebackOpticalFlow::getPolyN
virtual int getPolyN() const =0
intrin_avx512.hpp
cv::detail::tracking::TrackerStateEstimatorAdaBoosting
TrackerStateEstimatorAdaBoosting based on ADA-Boosting.
Definition: tracking_internals.hpp:514
cv::kinfu::Volume::~Volume
virtual ~Volume()
Definition: volume.hpp:29
cv::cuda::BackgroundSubtractorMOG::setNoiseSigma
virtual void setNoiseSigma(double noiseSigma)=0
cv::dnn::DNN_BACKEND_INFERENCE_ENGINE
@ DNN_BACKEND_INFERENCE_ENGINE
Definition: dnn.hpp:72
cv::Mat::mul
MatExpr mul(InputArray m, double scale=1) const
Performs an element-wise multiplication or division of the two matrices.
cv::sfm::SFM_REFINE_FOCAL_LENGTH
@ SFM_REFINE_FOCAL_LENGTH
Definition: simple_pipeline.hpp:124
cv::ml::ParamGrid::minVal
double minVal
Minimum value of the statmodel parameter. Default value is 0.
Definition: ml.hpp:115
cv::cudev::SobelYPtr::src
SrcPtr src
Definition: deriv.hpp:193
cv::Stitcher::blender
const Ptr< detail::Blender > blender() const
Definition: stitching.hpp:248
cv::optflow::DenseRLOFOpticalFlow::getGridStep
virtual Size getGridStep() const =0
Size of the grid to spawn the motion vectors.
cv::hal::STORE_ALIGNED_NOCACHE
@ STORE_ALIGNED_NOCACHE
Definition: intrin.hpp:97
cv::gapi::own::Mat::Mat
Mat(const std::vector< int > &_dims, int _type, void *_data)
Definition: mat.hpp:111
cv::cudev::vavg4
__device__ __forceinline__ uint vavg4(uint a, uint b)
Definition: simd_functions.hpp:574
cv::xphoto::SimpleWB::getInputMin
virtual float getInputMin() const =0
Input image range minimum value.
cv::dnn_superres::DnnSuperResImpl::setModel
void setModel(const String &algo, int scale)
Set desired model.
CV_INTRIN_DEF_TYPE_TRAITS
#define CV_INTRIN_DEF_TYPE_TRAITS(type, int_type_, uint_type_, abs_type_, w_type_, q_type_, sum_type_, nlanes128_)
Definition: intrin.hpp:107
cv::Stitcher::component
std::vector< int > component() const
Definition: stitching.hpp:288
cv::cudev::LaplacianPtrSz::rows
int rows
Definition: deriv.hpp:371
cv::cudacodec::HEVC
@ HEVC
Definition: cudacodec.hpp:255
cv::gapi::own::Mat::Mat
Mat()=default
cv::cuda::GpuMat::Allocator::allocate
virtual bool allocate(GpuMat *mat, int rows, int cols, size_t elemSize)=0
cv::Error::BadAlign
@ BadAlign
incorrect input align
Definition: base.hpp:90
cv::KeyPoint
Data structure for salient point detectors.
Definition: types.hpp:712
CV_CUDEV_RGB2HLS_INST
#define CV_CUDEV_RGB2HLS_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:263
cv::videostab::InpaintingPipeline::setMotionModel
virtual void setMotionModel(MotionModel val) CV_OVERRIDE
cv::ocl
Definition: ocl.hpp:47
cv::CAP_PROP_XI_CC_MATRIX_12
@ CAP_PROP_XI_CC_MATRIX_12
Color Correction Matrix element [1][2].
Definition: videoio.hpp:420
cv::gapi::fluid::Buffer::length
int length() const
Definition: gfluidbuffer.hpp:133
cv::utils::logging::LOG_LEVEL_DEBUG
@ LOG_LEVEL_DEBUG
Debug message. Disabled in the "Release" build.
Definition: logger.defines.hpp:31
cv::Quat::crossProduct
friend Quat< T > crossProduct(const Quat< T > &p, const Quat< T > &q)
return the crossProduct between and .
cv::line_descriptor::drawKeylines
void drawKeylines(const Mat &image, const std::vector< KeyLine > &keylines, Mat &outImage, const Scalar &color=Scalar::all(-1), int flags=DrawLinesMatchesFlags::DEFAULT)
Draws keylines.
cv::ccalib::CustomPattern::setDescriptorExtractor
bool setDescriptorExtractor(Ptr< DescriptorExtractor > extractor)
CV_FINAL
#define CV_FINAL
Definition: cvdef.h:743
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Point3_< _Tp > &pt)
Definition: persistence.hpp:1002
cv::detail::tracking::online_boosting::BaseClassifier::m_wCorrect
std::vector< float > m_wCorrect
Definition: onlineBoosting.hpp:148
cv::stereo::StereoBinarySGBM::setP2
virtual void setP2(int P2)=0
cv::line_descriptor::KeyLine::lineLength
float lineLength
Definition: descriptor.hpp:138
cv::mcc::CCheckerDetector::process
virtual bool process(InputArray image, const TYPECHART chartType, const std::vector< Rect > &regionsOfInterest, const int nc=1, bool useNet=false, const Ptr< DetectorParameters > &params=DetectorParameters::create())=0
Find the ColorCharts in the given image.
cv::dnn::readNetFromTorch
Net readNetFromTorch(const String &model, bool isBinary=true, bool evaluate=true)
Reads a network model stored in Torch7 framework's format.
cv::dnn::BackendWrapper::~BackendWrapper
virtual ~BackendWrapper()
Virtual destructor to make polymorphism.
hal_ni_split16u
int hal_ni_split16u(const ushort *src_data, ushort **dst_data, int len, int cn)
Definition: hal_replacement.hpp:346
cv::v_uint64x2
v_reg< uint64, 2 > v_uint64x2
Two 64-bit unsigned integer values.
Definition: intrin_cpp.hpp:409
cv::GFrame::GFrame
GAPI_WRAP GFrame()
cv::detail::tracking::TrackerStateEstimatorSVM::updateImpl
void updateImpl(std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
HaarFeature64::getRect
__device__ __host__ void getRect(Ncv32u *rectX, Ncv32u *rectY, Ncv32u *rectWidth, Ncv32u *rectHeight)
Definition: NCVHaarObjectDetection.hpp:101
cv::RMat::desc
GMatDesc desc() const
Definition: rmat.hpp:121
gscalar.hpp
cv::cudev::BinaryNegate::pred
Predicate pred
Definition: functional.hpp:812
cv::videostab::PyrLkOptFlowEstimatorBase::maxLevel
virtual int maxLevel() const
Definition: optical_flow.hpp:88
cv::videostab::MotionInpainter::setBorderMode
void setBorderMode(int val)
Definition: inpainting.hpp:155
cv::detail::CompressedRectilinearProjector::b
float b
Definition: warpers.hpp:390
cv::detail::PlaneWarper::PlaneWarper
PlaneWarper(float scale=1.f)
Construct an instance of the plane warper class.
Definition: warpers.hpp:206
cv::FileStorage::FileStorage
FileStorage()
The constructors.
cv::xphoto::SimpleWB::getOutputMin
virtual float getOutputMin() const =0
Output image range minimum value.
cv::mcc::CChecker::getTarget
virtual TYPECHART getTarget()=0
cv::computeRecallPrecisionCurve
void computeRecallPrecisionCurve(const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve)
cv::createBackgroundSubtractorMOG2
Ptr< BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
cv::viz::WTrajectorySpheres
This 3D Widget represents a trajectory using spheres and lines.
Definition: widgets.hpp:659
cv::videostab::StabilizerBase::borderMode_
int borderMode_
Definition: stabilizer.hpp:123
cv::Error::StsNotImplemented
@ StsNotImplemented
the requested function/feature is not implemented
Definition: base.hpp:113
cv::multicalib::MultiCameraCalibration::vertex::timestamp
int timestamp
Definition: multicalib.hpp:103
cv::COLOR_YCrCb2RGB
@ COLOR_YCrCb2RGB
Definition: imgproc.hpp:587
cv::detail::CompileArgTag< GFluidParallelFor >::tag
static const char * tag()
Definition: gfluidkernel.hpp:157
cv::ccm::LINEARIZATION_COLORPOLYFIT
@ LINEARIZATION_COLORPOLYFIT
polynomial fitting channels respectively; Need assign a value to deg simultaneously
Definition: ccm.hpp:334
cv::cuda::equalizeHist
void equalizeHist(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Equalizes the histogram of a grayscale image.
cv::line_descriptor::BinaryDescriptorMatcher::match
void match(const Mat &queryDescriptors, const Mat &trainDescriptors, std::vector< DMatch > &matches, const Mat &mask=Mat()) const
For every input query descriptor, retrieve the best matching one from a dataset provided from user or...
cv::CirclesGridFinderParameters::vertexGain
float vertexGain
Definition: calib3d.hpp:1639
cv::FileNode::isInt
bool isInt() const
returns true if the node is an integer
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::estimateImpl
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
cv::MSER::getMaxArea
virtual int getMaxArea() const =0
cv::MatExpr::operator()
MatExpr operator()(const Range &rowRange, const Range &colRange) const
cv::DetectionBasedTracker::TrackedObject::lastPositions
PositionsVector lastPositions
Definition: detection_based_tracker.hpp:185
cv::COLOR_YUV2RGB_IYUV
@ COLOR_YUV2RGB_IYUV
Definition: imgproc.hpp:652
cv::detail::tracking::tbm::MatchTemplateDistance
Computes distance between images using MatchTemplate function from OpenCV library and its cross-corre...
Definition: tracking_by_matching.hpp:222
cv::HOGDescriptor::getDefaultPeopleDetector
static std::vector< float > getDefaultPeopleDetector()
Returns coefficients of the classifier trained for people detection (for 64x128 windows).
cv::StereoBM::getROI1
virtual Rect getROI1() const =0
cv::linemod::Modality::create
static Ptr< Modality > create(const FileNode &fn)
Load a modality from file.
cv::ADAPTIVE_THRESH_MEAN_C
@ ADAPTIVE_THRESH_MEAN_C
Definition: imgproc.hpp:335
cv::detail::Estimator
Rotation estimator base class.
Definition: motion_estimators.hpp:66
cv::cudev::vmin4
__device__ __forceinline__ uint vmin4(uint a, uint b)
Definition: simd_functions.hpp:892
cv::cudev::warpScanInclusive
__device__ T warpScanInclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:89
cv::videostab::ToFileMotionWriter
Definition: global_motion.hpp:210
cv::ogl::Buffer::create
void create(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
Allocates memory for ogl::Buffer object.
NCV_DIMENSIONS_INVALID
@ NCV_DIMENSIONS_INVALID
Definition: NCV.hpp:326
cv::detail::MercatorWarper::MercatorWarper
MercatorWarper(float scale)
Definition: warpers.hpp:483
NCVMemStackAllocator::alloc
virtual NCVStatus alloc(NCVMemSegment &seg, size_t size)
HaarClassifierNodeDescriptor32::create
__host__ NCVStatus create(Ncv32u offsetHaarClassifierNode)
Definition: NCVHaarObjectDetection.hpp:188
HaarFeatureDescriptor32
Definition: NCVHaarObjectDetection.hpp:118
cv::vwcvt_x_x_v_i32m1
vint32m1_t vwcvt_x_x_v_i32m1(vint16mf2_t v)
Definition: intrin_rvv.hpp:193
cv::cuda::threshold
double threshold(InputArray src, OutputArray dst, double thresh, double maxval, int type, Stream &stream=Stream::Null())
Applies a fixed-level threshold to each array element.
imgcodecs.hpp
cv::gapi::ie::detail::ParamDesc::kind
Kind kind
Definition: ie.hpp:67
cv::vint8mf2_t::val
schar val[8]
Definition: intrin_rvv.hpp:37
cv::detail::packArgs
GProtoArgs packArgs(Ts... args)
Definition: gproto.hpp:49
cv::detail::ocl_get_out< cv::GOpaque< U > >::get
static U & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:185
cv::swap
void swap(Mat &a, Mat &b)
Swaps two matrices.
cv::StereoBM::setROI2
virtual void setROI2(Rect roi2)=0
cv::GeneralizedHoughGuil::getMinScale
virtual double getMinScale() const =0
cv::Point3_::operator=
Point3_ & operator=(const Point3_ &pt)
cv::detail::DisjointSets::findSetByElem
int findSetByElem(int elem)
cv::MediaFrame::IAdapter
Definition: media.hpp:64
cv::ogl::Buffer::copyFrom
void copyFrom(InputArray arr, Target target=ARRAY_BUFFER, bool autoRelease=false)
Copies from host/device memory to OpenGL buffer.
cv::ogl::RenderModes
RenderModes
render mode
Definition: opengl.hpp:478
cv::ximgproc::SLIC
@ SLIC
Definition: slic.hpp:64
cv::IMREAD_GRAYSCALE
@ IMREAD_GRAYSCALE
If set, always convert image to the single channel grayscale image (codec internal conversion).
Definition: imgcodecs.hpp:71
cv::gapi::streaming::kernels
cv::gapi::GKernelPackage kernels()
cv::flann::GenericIndex::getParameters
::cvflann::IndexParams getParameters()
Definition: flann.hpp:326
cv::CAP_PROP_XI_IMAGE_DATA_FORMAT
@ CAP_PROP_XI_IMAGE_DATA_FORMAT
Output data format.
Definition: videoio.hpp:379
MIN
#define MIN(a, b)
Definition: cvdef.h:481
cv::getCPUFeaturesLine
std::string getCPUFeaturesLine()
Returns list of CPU features enabled during compilation.
cv::cudev::NearestInterPtr::index_type
float index_type
Definition: interpolation.hpp:66
cv::CAP_PROP_XI_AEAG_ROI_HEIGHT
@ CAP_PROP_XI_AEAG_ROI_HEIGHT
Automatic exposure/gain ROI Height.
Definition: videoio.hpp:385
cv::detail::has_Window::value
static constexpr bool value
Definition: gfluidkernel.hpp:335
cv::line_descriptor::KeyLine::getEndPointInOctave
Point2f getEndPointInOctave() const
Definition: descriptor.hpp:162
cv::ocl::getPlatfomsInfo
void getPlatfomsInfo(std::vector< PlatformInfo > &platform_info)
cv::v_setall_s64
v_int64x2 v_setall_s64(int64 val)
Definition: intrin_cpp.hpp:2382
CV_CUDEV_RGB2GRAY_INST
#define CV_CUDEV_RGB2GRAY_INST(name, scn, bidx)
Definition: color_cvt.hpp:75
cv::plot::Plot2d::create
static Ptr< Plot2d > create(InputArray data)
Creates Plot2d object.
cv::optflow::GPCPatchSample::ref
GPCPatchDescriptor ref
Definition: sparse_matching_gpc.hpp:79
cv::SparseMat_::SparseMat_
SparseMat_(const Mat &m)
converts dense matrix to the sparse form
cv::hal::log64f
void log64f(const double *src, double *dst, int n)
cv::cudev::bit_lshift
Definition: functional.hpp:261
cv::cuda::printCudaDeviceInfo
void printCudaDeviceInfo(int device)
cv::CirclesGridFinderParameters::SYMMETRIC_GRID
@ SYMMETRIC_GRID
Definition: calib3d.hpp:1649
cv::kinfu::Volume::voxelSize
const float voxelSize
Definition: volume.hpp:40
cv::detail::autoDetectWaveCorrectKind
WaveCorrectKind autoDetectWaveCorrectKind(const std::vector< Mat > &rmats)
Tries to detect the wave correction kind depending on whether a panorama spans horizontally or vertic...
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::getSampleROI
Rect getSampleROI() const
Get the sampling ROI.
cv::rgbd::DepthCleaner::setMethod
void setMethod(int val)
Definition: depth.hpp:251
cv::detail::tracking::feature::CvFeatureEvaluator::getCls
const Mat & getCls() const
Definition: tracking_feature.private.hpp:73
cv::GCPUContext
Definition: gcpukernel.hpp:92
cv::softdouble
Definition: softfloat.hpp:227
cv::gapi::own::detail::MatHeader::rows
int rows
the number of rows and columns or (-1, -1) when the matrix has more than 2 dimensions
Definition: mat.hpp:79
cv::cudev::IsBinaryFunction::makeF
static F makeF()
cv::Size_::Size_
Size_(const Point_< _Tp > &pt)
cv::detail::tracking::TrackerSamplerCS::TrackerSamplerCS
TrackerSamplerCS(const TrackerSamplerCS::Params &parameters=TrackerSamplerCS::Params())
Constructor.
cv::Mat::AUTO_STEP
@ AUTO_STEP
Definition: mat.hpp:2079
cv::detail::tracking::tbm::TrackedObject::TrackedObject
TrackedObject()
Default constructor.
Definition: tracking_by_matching.hpp:43
cv::superres::createFrameSource_Video_CUDA
Ptr< FrameSource > createFrameSource_Video_CUDA(const String &fileName)
cv::viz::Mesh::texture
Mat texture
Definition: types.hpp:137
cv::viz::WPolyLine
This 3D Widget defines a poly line. :
Definition: widgets.hpp:391
cv::structured_light::SinusoidalPattern
Class implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fouri...
Definition: sinusoidalpattern.hpp:69
cv::rgbd::ICPOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: depth.hpp:803
cv::cuda::CascadeClassifier::setMaxObjectSize
virtual void setMaxObjectSize(Size maxObjectSize)=0
cv::Rect_::y
_Tp y
y coordinate of the top-left corner
Definition: types.hpp:454
cv::cudev::bit_and::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:227
cv::cuda::HOG::setScaleFactor
virtual void setScaleFactor(double scale0)=0
Coefficient of the detection window increase.
Ncv64s
long long Ncv64s
Definition: NCV.hpp:119
cv::bgsegm::BackgroundSubtractorMOG::getBackgroundRatio
virtual double getBackgroundRatio() const =0
hal_ni_gemm32f
int hal_ni_gemm32f(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m, int n, int k, int flags)
Definition: hal_replacement.hpp:694
cv::cudev::BrdBase::rows
int rows
Definition: extrapolation.hpp:100
cv::GInferBase::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:164
cv::legacy::TrackerMedianFlow::Params::maxMedianLengthOfDisplacementDifference
double maxMedianLengthOfDisplacementDifference
criterion for loosing the tracked object
Definition: tracking_legacy.hpp:203
cv::bioinspired::RETINA_COLOR_RANDOM
@ RETINA_COLOR_RANDOM
each pixel position is either R, G or B in a random choice
Definition: retina.hpp:84
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(Mat &m)
cv::abs
static uchar abs(uchar a)
Definition: cvstd.hpp:66
cv::cuda::CascadeClassifier::setMaxNumObjects
virtual void setMaxNumObjects(int maxNumObjects)=0
cv::ccm::ColorCorrectionModel::getWeights
Mat getWeights() const
cv::detail::tracking::online_boosting::ClassifierThreshold::getDistribution
void * getDistribution(int target)
cv::cuda::FGDParams::alpha2
float alpha2
"Controls speed of feature learning". Depends on T. Typical value circa 0.005.
Definition: cudalegacy.hpp:171
cv::boxFilter
void boxFilter(InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT)
Blurs an image using the box filter.
cv::datasets::HPE_humanevaObj::fileName
std::string fileName
Definition: hpe_humaneva.hpp:67
cv::AVIReadContainer::parseIndex
bool parseIndex(unsigned int index_size, frame_list &in_frame_list)
cv::ml::LogisticRegression::Methods
Methods
Training methods.
Definition: ml.hpp:1679
cv::ogl::Buffer::Buffer
Buffer()
The constructors.
cv::Allocator::allocate
pointer allocate(size_type count, const void *=0)
Definition: cvstd.hpp:132
cv::ogl::Texture2D::rows
int rows() const
cv::videostab::StabilizerBase::setBorderMode
void setBorderMode(int val)
Definition: stabilizer.hpp:95
cv::SparseMatIterator::SparseMatIterator
SparseMatIterator()
the default constructor
cv::CAP_FFMPEG
@ CAP_FFMPEG
Open and record video file or stream using the FFMPEG library.
Definition: videoio.hpp:118
cv::sfm::SFM_IO_THEIASFM
@ SFM_IO_THEIASFM
Definition: io.hpp:62
cv::optflow::RLOFOpticalFlowParameter::getNormSigma0
float getNormSigma0() const
cv::detail::VectorRef::VectorRef
VectorRef(std::vector< T > &&vec)
Definition: garray.hpp:253
cv::NAryMatIterator::iterdepth
int iterdepth
Definition: mat.hpp:3418
cv::Param::FLOAT
@ FLOAT
cv::CAP_PROP_XI_LUT_VALUE
@ CAP_PROP_XI_LUT_VALUE
Value at entry LUTIndex of the LUT.
Definition: videoio.hpp:461
cv::datasets::LADYBUG
@ LADYBUG
Definition: slam_tumindoor.hpp:64
cv::Subdiv2D::bottomRight
Point2f bottomRight
Bottom right corner of the bounding rect.
Definition: imgproc.hpp:1249
cv::ORB::getWTA_K
virtual int getWTA_K() const =0
cv::text::ERFILTER_NM_RGBLGrad
@ ERFILTER_NM_RGBLGrad
Definition: erfilter.hpp:244
cv::COLOR_YUV2BGRA_IYUV
@ COLOR_YUV2BGRA_IYUV
Definition: imgproc.hpp:662
cv::detail::GCompoundKernelImpl::API
K API
Definition: gcompoundkernel.hpp:117
cv::Scalar_::isReal
bool isReal() const
returns true iff v1 == v2 == v3 == 0
cv::datasets::GR_chalearnObj::groundTruths
std::vector< groundTruth > groundTruths
Definition: gr_chalearn.hpp:79
cv::cudev::GpuMat_::colRange
__host__ GpuMat_ colRange(int startcol, int endcol) const
cv::v_reinterpret_as_s64
v_int64x2 v_reinterpret_as_s64(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2404
cv::videostab::WeightingDeblurer
Definition: deblurring.hpp:97
cv::kinfu::KinFu::getParams
virtual const Params & getParams() const =0
Get current parameters.
cv::Matx33d
Matx< double, 3, 3 > Matx33d
Definition: matx.hpp:247
cv::optflow::GPCMatchingParams::GPCMatchingParams
GPCMatchingParams(bool _useOpenCL=false)
Definition: sparse_matching_gpc.hpp:147
cv::QtFont::nameFont
const char * nameFont
Name of the font.
Definition: highgui.hpp:701
NCVMatrix::copySolid
NCVStatus copySolid(NCVMatrix< T > &dst, cudaStream_t cuStream, size_t howMuch=0) const
Definition: NCV.hpp:766
cv::gapi::own::detail::MatHeader::data
uchar * data
pointer to the data
Definition: mat.hpp:81
cv::videostab::DeblurerBase::blurrinessRates_
const std::vector< float > * blurrinessRates_
Definition: deblurring.hpp:87
cv::videostab::GaussianMotionFilter
Definition: motion_stabilizing.hpp:98
cv::gapi::wip::draw::Poly::shift
int shift
The number of fractional bits in the point coordinate.
Definition: render_types.hpp:324
disparity_filter.hpp
cv::gapi::onnx::Params::params
cv::util::any params() const
Definition: onnx.hpp:91
CPU_MMX
@ CPU_MMX
Definition: cvdef.h:292
cv::CALIB_CB_CLUSTERING
@ CALIB_CB_CLUSTERING
Definition: calib3d.hpp:492
cv::PCA::mean
Mat mean
mean value subtracted before the projection and added after the back projection
Definition: core.hpp:2544
cv::detail::tracking::contrib_feature::CvFeatureParams::CvFeatureParams
CvFeatureParams()
cv::CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT
@ CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT
Acquisition buffer size unit in bytes. Default 1. E.g. Value 1024 means that buffer_size is in KiByte...
Definition: videoio.hpp:467
cv::detail::TimelapserCrop::initialize
virtual void initialize(const std::vector< Point > &corners, const std::vector< Size > &sizes) CV_OVERRIDE
cv::IMWRITE_PAM_TUPLETYPE
@ IMWRITE_PAM_TUPLETYPE
For PAM, sets the TUPLETYPE field to the corresponding string value that is defined for the format.
Definition: imgcodecs.hpp:99
cv::GFrame::GFrame
GFrame(const GNode &n, std::size_t out)
cv::UMat::updateContinuityFlag
void updateContinuityFlag()
internal use method: updates the continuity flag
cv_cpu_dispatch.h
cv::flann::CvType< unsigned char >::type
static int type()
Definition: flann.hpp:76
cv::FileNode::read
static void read(const FileNode &node, Range &value, const Range &default_value)
Definition: persistence.hpp:792
cv::detail::tracking::TrackerContribSamplerCSC::Params::initMaxNegNum
int initMaxNegNum
Definition: tracking_internals.hpp:659
cv::detail::has_custom_wrap
Definition: gtype_traits.hpp:106
cv::gapi::sqrt
GMat sqrt(const GMat &src)
Calculates a square root of array elements.
cvv::debugMode
static bool debugMode()
Returns whether debug-mode is active for this TU and thread.
Definition: debug_mode.hpp:32
cv::estimateRigidTransform
Mat estimateRigidTransform(InputArray src, InputArray dst, bool fullAffine)
Computes an optimal affine transformation between two 2D point sets.
cv::SphericalWarper
Spherical warper factory class.
Definition: warpers.hpp:176
cv::HistogramCostExtractor::setNDummies
virtual void setNDummies(int nDummies)=0
cv::COLOR_YUV2RGB_YVYU
@ COLOR_YUV2RGB_YVYU
Definition: imgproc.hpp:698
cv::legacy::MultiTracker_Alt
Base abstract class for the long-term Multi Object Trackers:
Definition: tracking_legacy.hpp:421
cv::saliency::StaticSaliencyFineGrained
the Fine Grained Saliency approach from
Definition: saliencySpecializedClasses.hpp:123
cv::USAC_FAST
@ USAC_FAST
USAC, fast settings.
Definition: calib3d.hpp:450
cv::TM_CCOEFF
@ TM_CCOEFF
Definition: imgproc.hpp:3686
cv::instr::NodeData::NodeData
NodeData(NodeData &ref)
cv::SparseMatIterator::node
SparseMat::Node * node() const
returns pointer to the current sparse matrix node. it.node->idx is the index of the current element (...
cv::xphoto::LearningBasedWB::getRangeMaxVal
virtual int getRangeMaxVal() const =0
Maximum possible value of the input image (e.g. 255 for 8 bit images, 4095 for 12 bit images)
cv::cuda::DeviceInfo::maxTextureCubemap
int maxTextureCubemap() const
maximum Cubemap texture dimensions
cv::CAP_PROP_XI_CC_MATRIX_21
@ CAP_PROP_XI_CC_MATRIX_21
Color Correction Matrix element [2][1].
Definition: videoio.hpp:423
cv::ocl::Device::maxWorkItemDims
int maxWorkItemDims() const
cv::kinfu::Intr::cy
float cy
Definition: intrinsics.hpp:75
cv::quality::QualitySSIM::compute
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap)
static method for computing quality
cv::TrackerMIL
The MIL algorithm trains a classifier in an online manner to separate the object from the background.
Definition: tracking.hpp:751
cv::equalizeHist
void equalizeHist(InputArray src, OutputArray dst)
Equalizes the histogram of a grayscale image.
cv::gapi::remap
GMat remap(const GMat &src, const Mat &map1, const Mat &map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies a generic geometrical transformation to an image.
cv::linemod::Detector::TemplatesMap
std::map< String, std::vector< TemplatePyramid > > TemplatesMap
Definition: linemod.hpp:401
cv::operator<=
v_reg< _Tp, n > operator<=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Less-than or equal comparison.
Definition: intrin_cpp.hpp:760
cv::vuint64mf2_t::val
uint64 val[1]
Definition: intrin_rvv.hpp:103
cv::viz::Color::white
static Color white()
cv::vint32mf2_t
Definition: intrin_rvv.hpp:82
cv::ximgproc::createDTFilter
Ptr< DTFilter > createDTFilter(InputArray guide, double sigmaSpatial, double sigmaColor, int mode=DTF_NC, int numIters=3)
Factory method, create instance of DTFilter and produce initialization routines.
cv::CommandLineParser::getByIndex
void getByIndex(int index, bool space_delete, Param type, void *dst) const
cv::detail::tracking::contrib_feature::calcNormFactor
float calcNormFactor(const Mat &sum, const Mat &sqSum)
cv::GCPUKernel::RunF
std::function< void(GCPUContext &)> RunF
Definition: gcpukernel.hpp:139
cv::ocl::Device::preferredVectorWidthFloat
int preferredVectorWidthFloat() const
cv::viz::WImage3D
This 3D Widget represents an image in 3D space. :
Definition: widgets.hpp:476
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_tau
float parasolCells_tau
Definition: retina.hpp:176
cv::COLOR_Luv2LBGR
@ COLOR_Luv2LBGR
Definition: imgproc.hpp:627
cv::GFTTDetector::getK
virtual double getK() const =0
cv::ovis::WindowScene::updateEntityPose
virtual void updateEntityPose(const String &name, InputArray tvec=noArray(), InputArray rot=noArray())=0
cv::cudev::saturate_cast< uchar >
__device__ __forceinline__ uchar saturate_cast< uchar >(schar v)
Definition: saturate_cast.hpp:68
cv::CascadeClassifier::CascadeClassifier
CascadeClassifier(const String &filename)
Loads a classifier from a file.
cv::COLOR_YUV2BGRA_NV21
@ COLOR_YUV2BGRA_NV21
Definition: imgproc.hpp:646
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr()
Definition: zip.hpp:66
cv::v_floor
v_reg< int, 4 > v_floor(const v_reg< float, 4 > &a)
Floor elements.
Definition: intrin_cpp.hpp:609
cv::sfm::SFM_IO_OPENSFM
@ SFM_IO_OPENSFM
Definition: io.hpp:60
cv::ccm::CCM_TYPE
CCM_TYPE
Enum of the possible types of ccm.
Definition: ccm.hpp:60
cv::omnidir::CALIB_FIX_SKEW
@ CALIB_FIX_SKEW
Definition: omnidir.hpp:58
cv::GCPUKernel::GCPUKernel
GCPUKernel()
cv::gapi::GKernelPackage
A container class for heterogeneous kernel implementation collections and graph transformations.
Definition: gkernel.hpp:460
cv::ccalib::CustomPattern::getPixelSize
double getPixelSize()
cv::TrackerCSRT::~TrackerCSRT
virtual ~TrackerCSRT() CV_OVERRIDE
cv::hal::addWeighted32s
void addWeighted32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scalars)
cv::cudev::numeric_limits< double >::epsilon
__device__ static __forceinline__ double epsilon()
Definition: limits.hpp:121
cv::quality::QualityBRISQUE::compute
cv::Scalar compute(InputArray img) CV_OVERRIDE
Computes BRISQUE quality score for input image.
cv::img_hash::PHash::create
static Ptr< PHash > create()
cv::detail::Timelapser::dst_roi_
Rect dst_roi_
Definition: timelapsers.hpp:76
cv::gapi::wip::draw::Line::thick
int thick
The thickness of line.
Definition: render_types.hpp:228
cv::viz::WCylinder
This 3D Widget defines a cylinder. :
Definition: widgets.hpp:357
cv::cornerMinEigenVal
void cornerMinEigenVal(InputArray src, OutputArray dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT)
Calculates the minimal eigenvalue of gradient matrices for corner detection.
cv::QtFont::font_face
int font_face
See cv::QtFontStyles.
Definition: highgui.hpp:703
cv::cudev::unary_function::result_type
_Result result_type
Definition: functional.hpp:65
cv::VariationalRefinement::setSorIterations
virtual void setSorIterations(int val)=0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
cv::detail::Blender::NO
@ NO
Definition: blenders.hpp:68
Cv64suf::u
uint64 u
Definition: cvdef.h:386
cv::plot::Plot2d::setMinX
virtual void setMinX(double _plotMinX)=0
cv::structured_light::StructuredLightPattern
Abstract base class for generating and decoding structured light patterns.
Definition: structured_light.hpp:62
cv::cuda::HOG::detect
virtual void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection without a multi-scale window.
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::callFunctor
static void callFunctor(cv::GCPUContext &ctx, Impl &impl)
Definition: gcpukernel.hpp:411
cv::dnn::MVNLayer::create
static Ptr< MVNLayer > create(const LayerParams &params)
HaarFeature64::setRect
__host__ NCVStatus setRect(Ncv32u rectX, Ncv32u rectY, Ncv32u rectWidth, Ncv32u rectHeight, Ncv32u, Ncv32u)
Definition: NCVHaarObjectDetection.hpp:84
NCVVector::_length
size_t _length
Definition: NCV.hpp:620
cv::CAP_PROP_DC1394_OFF
@ CAP_PROP_DC1394_OFF
turn the feature off (not controlled manually nor automatically).
Definition: videoio.hpp:215
cv::TonemapDrago::setBias
virtual void setBias(float bias)=0
cv::gapi::GBackend::GBackend
GBackend()
NCVPipeObjDet_FindLargestObject
@ NCVPipeObjDet_FindLargestObject
Definition: NCVHaarObjectDetection.hpp:356
cv::cuda::BackgroundSubtractorGMG::getNumFrames
virtual int getNumFrames() const =0
cv::ml::EM::predict
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const CV_OVERRIDE=0
Returns posterior probabilities for the provided samples.
cv::dnn::Net::forward
void forward(std::vector< std::vector< Mat > > &outputBlobs, const std::vector< String > &outBlobNames)
Runs forward pass to compute outputs of layers listed in outBlobNames.
cv::dnn::BatchNormLayer::hasWeights
bool hasWeights
Definition: all_layers.hpp:526
cv::dnn::Dict::ptr
const DictValue * ptr(const String &key) const
cv::eigenNonSymmetric
void eigenNonSymmetric(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors)
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
cv::MatSize::p
int * p
Definition: mat.hpp:584
cv::NORM_HAMMING2
@ NORM_HAMMING2
Definition: base.hpp:204
nppiStTranspose_32u_C1R
NCVStatus nppiStTranspose_32u_C1R(Ncv32u *d_src, Ncv32u srcStride, Ncv32u *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::dpm::DPMDetector::getClassCount
virtual size_t getClassCount() const =0
Return a count of loaded models (classes).
cv::cudacodec::H264_SVC
@ H264_SVC
Definition: cudacodec.hpp:253
cv::CascadeClassifier::detectMultiScale
void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &rejectLevels, std::vector< double > &levelWeights, double scaleFactor=1.1, int minNeighbors=3, int flags=0, Size minSize=Size(), Size maxSize=Size(), bool outputRejectLevels=false)
cv::videostab::TranslationBasedLocalOutlierRejector::setRansacParams
void setRansacParams(RansacParams val)
Definition: outlier_rejection.hpp:82
exception_ptr.hpp
cv::cuda::GpuMat::GpuMat
GpuMat(int rows, int cols, int type, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
constructs GpuMat of the specified size and type
cv::face::CParams::face_cascade
CascadeClassifier face_cascade
Definition: facemark_train.hpp:50
cv::ogl::TRIANGLES
@ TRIANGLES
Definition: opengl.hpp:483
cv::ml::SVMSGD::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
Termination criteria of the training algorithm. You can specify the maximum number of iterations (max...
cv::Vec2d
Vec< double, 2 > Vec2d
Definition: matx.hpp:432
cv::getRotationMatrix2D_
Matx23d getRotationMatrix2D_(Point2f center, double angle, double scale)
cv::datasets::GR_chalearnObj::nameDepth
std::string nameDepth
Definition: gr_chalearn.hpp:77
cv::detail::BasicOpaqueRef::ptr
virtual const void * ptr() const =0
cv::ximgproc::EdgeAwareInterpolator::getSigma
virtual float getSigma()=0
cv::instr::NodeDataTls::NodeDataTls
NodeDataTls()
Definition: instrumentation.hpp:62
cv::utils::AllocatorStatisticsInterface::resetPeakUsage
virtual void resetPeakUsage()=0
cv::accumulateWeighted
void accumulateWeighted(InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray())
Updates a running average.
cv::Error::OpenCLDoubleNotSupported
@ OpenCLDoubleNotSupported
Definition: base.hpp:121
hal_ni_max16s
int hal_ni_max16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:106
cv::cudev::FindMaxValExprBody::src
SrcPtr src
Definition: reduction.hpp:110
cv::ml::ANN_MLP::getBackpropWeightScale
virtual double getBackpropWeightScale() const =0
cv::gapi::wip::draw::Text::lt
int lt
The line type. See LineTypes.
Definition: render_types.hpp:80
cv::COLORMAP_HSV
@ COLORMAP_HSV
Definition: imgproc.hpp:4276
cv::cuda::HostMem::step1
size_t step1() const
cv::cuda::remap
void remap(InputArray src, OutputArray dst, InputArray xmap, InputArray ymap, int interpolation, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies a generic geometrical transformation to an image.
cv::CAP_PROP_XI_MANUAL_WB
@ CAP_PROP_XI_MANUAL_WB
Calculates White Balance(must be called during acquisition).
Definition: videoio.hpp:356
cv::detail::get_compound_in< cv::GOpaque< U > >::get
static cv::GOpaque< U > get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:70
cv::ORB::create
static Ptr< ORB > create(int nfeatures=500, float scaleFactor=1.2f, int nlevels=8, int edgeThreshold=31, int firstLevel=0, int WTA_K=2, ORB::ScoreType scoreType=ORB::HARRIS_SCORE, int patchSize=31, int fastThreshold=20)
The ORB constructor.
cv::LDA::LDA
LDA(int num_components=0)
constructor Initializes a LDA with num_components (default 0).
cv::face::Facemark::loadModel
virtual void loadModel(String model)=0
A function to load the trained model before the fitting process.
cv::GeneralizedHoughGuil::getAngleEpsilon
virtual double getAngleEpsilon() const =0
cv::Quat::sin
Quat< _Tp > sin() const
return sin value of this quaternion, sin could be calculated as:
hal_ni_absdiff16s
int hal_ni_absdiff16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:133
cv::LDA::_num_components
int _num_components
Definition: core.hpp:2620
cv::TrackerKCF::Params::desc_pca
int desc_pca
compressed descriptors of TrackerKCF::MODE
Definition: tracking.hpp:133
cv::GeneralizedHough::setMinDist
virtual void setMinDist(double minDist)=0
Minimum distance between the centers of the detected objects.
cv::reg::MapProjec::normalize
void normalize()
Definition: mapprojec.hpp:95
cv::face::BIF::getNumRotations
virtual int getNumRotations() const =0
cv::detail::Timelapser::dst_
UMat dst_
Definition: timelapsers.hpp:75
cv::BRISK::create
static Ptr< BRISK > create(int thresh, int octaves, const std::vector< float > &radiusList, const std::vector< int > &numberList, float dMax=5.85f, float dMin=8.2f, const std::vector< int > &indexChange=std::vector< int >())
The BRISK constructor for a custom pattern, detection threshold and octaves.
cv::CAP_PVAPI_PIXELFORMAT_RGBA32
@ CAP_PVAPI_PIXELFORMAT_RGBA32
Rgba32.
Definition: videoio.hpp:332
cv::COLOR_YUV2BGRA_UYVY
@ COLOR_YUV2BGRA_UYVY
Definition: imgproc.hpp:688
cv::cuda::StereoBeliefPropagation::getNumIters
virtual int getNumIters() const =0
number of BP iterations on each level
cv::detail::CylindricalPortraitProjector
Definition: warpers.hpp:638
cv::Mat::col
Mat col(int x) const
Creates a matrix header for the specified matrix column.
cv::text::OCRBeamSearchDecoder
OCRBeamSearchDecoder class provides an interface for OCR using Beam Search algorithm.
Definition: ocr.hpp:394
cv::VideoCapture::open
virtual bool open(int index, int apiPreference=CAP_ANY)
Opens a camera for video capturing.
cv::Allocator::rebind
Definition: cvstd.hpp:120
CV_ELEM_SIZE1
#define CV_ELEM_SIZE1(type)
Definition: cvdef.h:476
cv::detail::tracking::tbm::Track::length
size_t length
Definition: tracking_by_matching.hpp:395
cv::GFTTDetector::setK
virtual void setK(double k)=0
cv::DetectionBasedTracker
Definition: detection_based_tracker.hpp:58
cv::IMWRITE_PNG_STRATEGY_FILTERED
@ IMWRITE_PNG_STRATEGY_FILTERED
Use this value for data produced by a filter (or predictor).Filtered data consists mostly of small va...
Definition: imgcodecs.hpp:123
cv::datasets::PascalPart::ymin
int ymin
Definition: or_pascal.hpp:63
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters
Outer Plexiform Layer (OPL) and Inner Plexiform Layer Parvocellular (IplParvo) parameters.
Definition: retina.hpp:151
cv::cudev::BinaryTransformPtr
Definition: transform.hpp:105
nppiStInterpolateFrames
NCVStatus nppiStInterpolateFrames(const NppStInterpolationState *pState)
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_MulOp)
cv::mcc::CChecker::CChecker
CChecker()
Definition: checker_model.hpp:67
cv::intensity_transform::BIMEF
void BIMEF(InputArray input, OutputArray output, float mu=0.5f, float a=-0.3293f, float b=1.1258f)
Given an input color image, enhance low-light images using the BIMEF method ( ).
cv::gapi::addC
GMat addC(const GMat &src1, const GScalar &c, int ddepth=-1)
Calculates the per-element sum of matrix and given scalar.
cv::arcLength
double arcLength(InputArray curve, bool closed)
Calculates a contour perimeter or a curve length.
cv::kinfu::Params
Definition: kinfu.hpp:20
cv::CAP_PROP_IRIS
@ CAP_PROP_IRIS
Definition: videoio.hpp:171
hal_ni_cvtBGRtoYUV
int hal_ni_cvtBGRtoYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue, bool isCbCr)
hal_cvtBGRtoYUV
Definition: hal_replacement.hpp:393
cv::CALIB_CB_NORMALIZE_IMAGE
@ CALIB_CB_NORMALIZE_IMAGE
Definition: calib3d.hpp:481
cv::Mat_::Mat_
Mat_(int _ndims, const int *_sizes)
n-dim array constructor
cv::stereo::StereoBinaryBM::getTextureThreshold
virtual int getTextureThreshold() const =0
cv::reg::MapperGradEuclid
Definition: mappergradeuclid.hpp:53
cv::gapi::own::operator&=
Rect & operator&=(Rect &lhs, const Rect &rhs)
Definition: types.hpp:74
cv::cudev::GpuMat_::swap
__host__ void swap(GpuMat_ &mat)
swaps with other smart pointer
cv::cuda::CascadeClassifier
Cascade classifier class used for object detection. Supports HAAR and LBP cascades....
Definition: cudaobjdetect.hpp:231
cv::CAP_PROP_XI_CC_MATRIX_23
@ CAP_PROP_XI_CC_MATRIX_23
Color Correction Matrix element [2][3].
Definition: videoio.hpp:425
cv::setWindowProperty
void setWindowProperty(const String &winname, int prop_id, double prop_value)
Changes parameters of a window dynamically.
cv::Formatter::format
virtual Ptr< Formatted > format(const Mat &mtx) const =0
warp_reduce.hpp
cv::datasets::SLAM_tumindoorObj::name
std::string name
Definition: slam_tumindoor.hpp:69
cv::detail::SphericalPortraitWarper
Definition: warpers.hpp:629
cv::face::FacemarkTrain::training
virtual void training(void *parameters=0)=0
Trains a Facemark algorithm using the given dataset. Before the training process, training samples sh...
cv::ft::LINEAR
@ LINEAR
linear (triangular) shape
Definition: types.hpp:55
cv::dnn::Net::getMemoryConsumption
void getMemoryConsumption(const std::vector< MatShape > &netInputShapes, size_t &weights, size_t &blobs) const
Computes bytes number which are required to store all weights and intermediate blobs for model.
cv::hal::DCT2D::apply
virtual void apply(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)=0
cv::cuda::unregisterPageLocked
void unregisterPageLocked(Mat &m)
Unmaps the memory of matrix and makes it pageable again.
cv::detail::AffineBestOf2NearestMatcher::full_affine_
bool full_affine_
Definition: matchers.hpp:245
cv::cuda::DeviceInfo::asyncEngineCount
int asyncEngineCount() const
number of asynchronous engines
cv::detail::tracking::contrib_feature::CvParams::CvParams
CvParams()
cv::line_descriptor::KeyLine::startPointY
float startPointY
Definition: descriptor.hpp:127
cv::quality::QualityBRISQUE::create
static Ptr< QualityBRISQUE > create(const cv::Ptr< cv::ml::SVM > &model, const cv::Mat &range)
Create an object which calculates quality.
cv::ximgproc::SuperpixelSLIC::enforceLabelConnectivity
virtual void enforceLabelConnectivity(int min_element_size=25)=0
Enforce label connectivity.
cv::util::variant
Definition: variant.hpp:65
cv::line_descriptor::BinaryDescriptorMatcher::train
void train()
Update dataset by inserting into it all descriptors that were stored locally by add function.
cv::viz::readCloud
Mat readCloud(const String &file, OutputArray colors=noArray(), OutputArray normals=noArray())
cv::COLOR_RGBA2BGR555
@ COLOR_RGBA2BGR555
Definition: imgproc.hpp:572
NcvRect32s::y
Ncv32s y
y-coordinate of upper left corner.
Definition: NCV.hpp:151
cv::util::any_cast
value_t * any_cast(any *operand)
Definition: any.hpp:114
hal_ni_not8u
int hal_ni_not8u(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:154
cv::rapid::Tracker::~Tracker
virtual ~Tracker()
cv::gapi::own::Rect::operator=
Rect & operator=(const cv::Rect &other)
Definition: types.hpp:48
cv::large_kinfu::Params::truncateThreshold
float truncateThreshold
Threshold for depth truncation in meters All depth values beyond this threshold will be set to zero.
Definition: large_kinfu.hpp:80
cv::cudev::IsUnaryFunction
Definition: functional.hpp:875
cv::bioinspired::Retina::activateMovingContoursProcessing
virtual void activateMovingContoursProcessing(const bool activate)=0
Activate/desactivate the Magnocellular pathway processing (motion information extraction),...
cv::_InputArray::_InputArray
_InputArray(const MatExpr &expr)
cv::CAP_PROP_GPHOTO2_COLLECT_MSGS
@ CAP_PROP_GPHOTO2_COLLECT_MSGS
Collect messages with details.
Definition: videoio.hpp:577
cv::saliency::Saliency
Definition: saliencyBaseClasses.hpp:63
cv::BaseCascadeClassifier
Definition: objdetect.hpp:175
cv::operator~
v_reg< _Tp, n > operator~(const v_reg< _Tp, n > &a)
Bitwise NOT.
cv::text::OCRTesseract
OCRTesseract class provides an interface with the tesseract-ocr API (v3.02.02) in C++.
Definition: ocr.hpp:117
cv::ocl::Context::empty
bool empty() const
Definition: ocl.hpp:291
cv::datasets::PD_inriaObj::height
int height
Definition: pd_inria.hpp:76
cv::_InputArray::_InputArray
_InputArray(const cudev::GpuMat_< _Tp > &m)
cv::cudev::vsub4
__device__ __forceinline__ uint vsub4(uint a, uint b)
Definition: simd_functions.hpp:550
cv::rgbd::RgbdPlane::operator()
void operator()(InputArray points3d, OutputArray mask, OutputArray plane_coefficients)
cv::videostab::MotionEstimatorL1::estimate
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0) CV_OVERRIDE
Estimates global motion between two 2D point clouds.
cv::VIDEOWRITER_PROP_QUALITY
@ VIDEOWRITER_PROP_QUALITY
Current quality (0..100%) of the encoded videostream. Can be adjusted dynamically in some codecs.
Definition: videoio.hpp:194
cv::Quat::createFromAngleAxis
static Quat< _Tp > createFromAngleAxis(const _Tp angle, const Vec< _Tp, 3 > &axis)
from an angle, axis. Axis will be normalized in this function. And it generates
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Size_< _Tp > &sz)
Definition: persistence.hpp:1009
cv::FileStorage::write
static void write(FileStorage &fs, const Point_< _Tp > &pt)
Definition: persistence.hpp:921
cv::util::any::any
any()=default
cv::dnn::BaseConvolutionLayer::adjust_pads
std::vector< size_t > adjust_pads
Definition: all_layers.hpp:214
cv::ocl::haveAmdFft
bool haveAmdFft()
cv::legacy::TrackerMIL::Params::read
void read(const FileNode &fn)
cv::superres::DualTVL1OpticalFlow::getTheta
virtual double getTheta() const =0
cv::rgbd::ICPOdometry::ICPOdometry
ICPOdometry(const Mat &cameraMatrix, float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), int transformType=Odometry::RIGID_BODY_MOTION)
cv::detail::CylindricalProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
meta.hpp
cv::TermCriteria::maxCount
int maxCount
the maximum number of iterations/elements
Definition: types.hpp:882
cv::viz::WGrid::WGrid
WGrid(const Point3d &center, const Vec3d &normal, const Vec3d &new_yaxis, const Vec2i &cells=Vec2i::all(10), const Vec2d &cells_spacing=Vec2d::all(1.0), const Color &color=Color::white())
Creates repositioned grid.
cv::linemod::Detector::numTemplates
int numTemplates() const
cv::img_hash::BlockMeanHash
Image hash based on block mean.
Definition: block_mean_hash.hpp:27
cv::gapi::medianBlur
GMat medianBlur(const GMat &src, int ksize)
Blurs an image using the median filter.
cv::detail::resultRoiIntersection
Rect resultRoiIntersection(const std::vector< Point > &corners, const std::vector< Size > &sizes)
cv::ximgproc::qmultiply
void qmultiply(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element quaternion product of two arrays.
cv::detail::tracking::TrackerStateEstimator::~TrackerStateEstimator
virtual ~TrackerStateEstimator()
cv::gapi::own::Scalar
Definition: scalar.hpp:21
cv::videostab::NullLog::print
virtual void print(const char *,...) CV_OVERRIDE
Definition: log.hpp:66
cv::CAP_PROP_XI_EXP_PRIORITY
@ CAP_PROP_XI_EXP_PRIORITY
Exposure priority (0.5 - exposure 50%, gain 50%).
Definition: videoio.hpp:359
cv::cuda::HoughLinesDetector::setTheta
virtual void setTheta(float theta)=0
cv::dnn_objdetect::object::xmin
int xmin
Definition: core_detect.hpp:27
cv::saturate_cast< int64 >
int64 saturate_cast< int64 >(uint64 v)
Definition: saturate.hpp:157
cv::gapi::own::detail::MatHeader::MatHeader
MatHeader(const MatHeader &)=default
cv::optflow::RLOFOpticalFlowParameter::normSigma1
float normSigma1
Definition: rlofflow.hpp:98
cv::Stitcher::setCompositingResol
void setCompositingResol(double resol_mpx)
Definition: stitching.hpp:193
cv::UMatData::allocatorFlags_
int allocatorFlags_
Definition: mat.hpp:565
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(cuda::GpuMat &d_mat)
cv::face::FacemarkAAM::Params::n
int n
Definition: facemarkAAM.hpp:69
cv::GeneralizedHoughGuil::getAngleStep
virtual double getAngleStep() const =0
cv::dnn::RegionLayer
Definition: all_layers.hpp:594
cv::QRCodeDetector::decodeCurved
cv::String decodeCurved(InputArray img, InputArray points, OutputArray straight_qrcode=noArray())
Decodes QR code on a curved surface in image once it's found by the detect() method.
cv::StereoSGBM::setP2
virtual void setP2(int P2)=0
cv::dnn::_Range
Definition: shape_utils.hpp:58
cv::integral
void integral(InputArray src, OutputArray sum, int sdepth=-1)
cv::hdf::HDF5::kpread
virtual void kpread(vector< KeyPoint > &keypoints, const String &kplabel, const int offset=H5_NONE, const int counts=H5_NONE) const =0
Read specific keypoint dataset from hdf5 file into vector<KeyPoint> object.
cv::datasets::skeleton
Definition: gr_chalearn.hpp:71
cv::detail::ProjectorBase::r_kinv
float r_kinv[9]
Definition: warpers.hpp:150
cv::DetectionBasedTracker::InnerParameters::InnerParameters
InnerParameters()
cv::FONT_HERSHEY_TRIPLEX
@ FONT_HERSHEY_TRIPLEX
normal size serif font (more complex than FONT_HERSHEY_COMPLEX)
Definition: imgproc.hpp:822
cv::detail::PairwiseSeamFinder::masks_
std::vector< UMat > masks_
Definition: seam_finders.hpp:103
cv::Matx61d
Matx< double, 6, 1 > Matx61d
Definition: matx.hpp:237
cv::FileNode::read
static void read(const FileNode &node, _Tp &value, const _Tp &default_value=static_cast< _Tp >(0))
Definition: persistence.hpp:1174
cv::kinfu::Intr::Projector
Definition: intrinsics.hpp:40
cv::GMatDesc::GMatDesc
GMatDesc(int d, const std::vector< int > &dd)
Definition: gmat.hpp:88
cv::COLOR_BGR2BGRA
@ COLOR_BGR2BGRA
add alpha channel to RGB or BGR image
Definition: imgproc.hpp:528
cv::cudev::Binder1st
Definition: functional.hpp:831
cv::CALIB_HAND_EYE_ANDREFF
@ CALIB_HAND_EYE_ANDREFF
On-line Hand-Eye Calibration .
Definition: calib3d.hpp:535
cv::detail::OCLCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_and_postprocess::call
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: goclkernel.hpp:199
cv::cudev::LutPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: lut.hpp:80
cv::DetectionBasedTracker::IDetector::~IDetector
virtual ~IDetector()
Definition: detection_based_tracker.hpp:112
cv::line_descriptor::LSDDetector::detect
void detect(const Mat &image, std::vector< KeyLine > &keypoints, int scale, int numOctaves, const Mat &mask=Mat())
Detect lines inside an image.
cv::GComputationT< std::tuple< R... >(Args...)>::GComputationT
GComputationT(const Gen &generator)
Definition: gtyped.hpp:210
cv::cuda::DeviceInfo::totalConstMem
size_t totalConstMem() const
constant memory available on device in bytes
cv::HOUGH_PROBABILISTIC
@ HOUGH_PROBABILISTIC
Definition: imgproc.hpp:475
cv::dnn::Target
Target
Enum of target devices for computations.
Definition: dnn.hpp:88
cv::ppf_match_3d::Pose3D::updatePose
void updatePose(Matx33d &NewR, Vec3d &NewT)
Updates the pose with the new one.
cv::line_descriptor::BinaryDescriptor::detect
void detect(const Mat &image, std::vector< KeyLine > &keypoints, const Mat &mask=Mat())
Requires line detection.
cv::make_rmat
RMat make_rmat(Ts &&... args)
Definition: rmat.hpp:148
cv::datasets::Dataset::~Dataset
virtual ~Dataset()
Definition: dataset.hpp:568
cv::detail::tracking::feature::CvHaarEvaluator::features
std::vector< FeatureHaar > features
Definition: tracking_feature.private.hpp:158
cv::ml::Boost::setWeightTrimRate
virtual void setWeightTrimRate(double val)=0
cv::dnn::Dict::end
std::map< String, DictValue >::const_iterator end() const
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(Matx< _Tp, m, n > &matx)
cv::Vec3d
Vec< double, 3 > Vec3d
Definition: matx.hpp:433
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::value_type
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type, typename PtrTraits< Ptr2 >::value_type > value_type
Definition: zip.hpp:79
cv::detail::scratch_helper< false, Impl, Ins... >::help_init
static void help_init(const cv::GMetaArgs &, const cv::GArgs &, gapi::fluid::Buffer &)
Definition: gfluidkernel.hpp:244
cv::dnn::Net::enableFusion
void enableFusion(bool fusion)
Enables or disables layer fusion in the network.
cv::Subdiv2D::edgeOrg
int edgeOrg(int edge, Point2f *orgpt=0) const
Returns the edge origin.
cv::v_uint64x2::lane_type
uint64 lane_type
Definition: intrin_rvv.hpp:453
cv::videostab::StabilizerBase::estimateMotion
virtual Mat estimateMotion()=0
cv::cudev::less
Definition: functional.hpp:163
cv::BackgroundSubtractorMOG2::setVarInit
virtual void setVarInit(double varInit)=0
Sets the initial variance of each gaussian component.
cv::Stitcher::warper
const Ptr< WarperCreator > warper() const
Definition: stitching.hpp:235
cv::ximgproc::ContourFitting::setFDSize
void setFDSize(int n)
set number of Fourier descriptors when estimateTransformation used vector<Point>
cv::quality::QualityGMSD::_mat_data::compute
static std::pair< cv::Scalar, mat_type > compute(const _mat_data &lhs, const _mat_data &rhs)
cv::NAryMatIterator::arrays
const Mat ** arrays
the iterated arrays
Definition: mat.hpp:3406
cv::QRCodeDetector::detectAndDecodeCurved
std::string detectAndDecodeCurved(InputArray img, OutputArray points=noArray(), OutputArray straight_qrcode=noArray())
Both detects and decodes QR code on a curved surface.
cv::kinfu::Intr::Reprojector
Camera intrinsics.
Definition: intrinsics.hpp:20
cv::rgbd::ICPOdometry::setIterationCounts
void setIterationCounts(const cv::Mat &val)
Definition: depth.hpp:819
cv::img_hash::RadialVarianceHash::getHash
cv::Mat getHash()
cv::cuda::GpuMat::dataend
const uchar * dataend
Definition: cuda.hpp:337
cv::MinProblemSolver::setFunction
virtual void setFunction(const Ptr< Function > &f)=0
Setter for the optimized function.
cv::gapi::ie::TraitAs::TENSOR
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor and passes dimensions as-is.
cv::linemod::Detector::Detector
Detector(const std::vector< Ptr< Modality > > &modalities, const std::vector< int > &T_pyramid)
Constructor.
cv::rgbd::FastICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:1076
cv::Affine3::rotate
Affine3 rotate(const Vec3 &rvec) const
a.rotate(rvec) is equivalent to Affine(rvec, 0) * a;
cv::multicalib::MultiCameraCalibration::vertex
Definition: multicalib.hpp:99
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(const String &filename)
Definition: objdetect.hpp:419
cv::SimpleBlobDetector
Class for extracting blobs from an image. :
Definition: features2d.hpp:714
cv::img_hash::ImgHashBase::~ImgHashBase
~ImgHashBase()
cv::cudev::BrdWrap::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:199
cv::text::ERStat::crossings
Ptr< std::deque< int > > crossings
horizontal crossings
Definition: erfilter.hpp:85
cv::ovis::MATERIAL_DIFFUSE
@ MATERIAL_DIFFUSE
Definition: ovis.hpp:64
cv::GMatDesc::canDescribe
bool canDescribe(const cv::Mat &mat) const
cvv.hpp
cv::ocl::Kernel::set
int set(int i, const KernelArg &arg)
cv::QT_RADIOBOX
@ QT_RADIOBOX
Radiobox button.
Definition: highgui.hpp:259
cv::_OutputArray::assign
void assign(const std::vector< UMat > &v) const
cv::ml::SVMSGD::setStepDecreasingPower
virtual void setStepDecreasingPower(float stepDecreasingPower)=0
Parameter stepDecreasingPower of a SVMSGD optimization problem.
cv::GOut
GProtoOutputArgs GOut(Ts &&... ts)
Definition: gproto.hpp:101
cv::SOLVELP_MULTI
@ SOLVELP_MULTI
there are multiple maxima for target function - the arbitrary one is returned
Definition: optim.hpp:262
cv::kmeans
double kmeans(InputArray data, int K, InputOutputArray bestLabels, TermCriteria criteria, int attempts, int flags, OutputArray centers=noArray())
Finds centers of clusters and groups input samples around the clusters.
cv::magnitude
void magnitude(InputArray x, InputArray y, OutputArray magnitude)
Calculates the magnitude of 2D vectors.
cvIsNaN
int cvIsNaN(double value)
Determines if the argument is Not A Number.
Definition: fast_math.hpp:270
cv::omnidir::internal::estimateUncertaintiesStereo
void estimateUncertaintiesStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &errors, Vec2d &std_error, double &rms, int flags)
cv::setTrackbarMax
void setTrackbarMax(const String &trackbarname, const String &winname, int maxval)
Sets the trackbar maximum position.
cv::dnn::print
static void print(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:198
cv::ocl::Image2D::p
Impl * p
Definition: ocl.hpp:711
cv::v_int16x8::get0
short get0() const
Definition: intrin_rvv.hpp:349
cv::gapi::wip::draw::GMatDesc2
std::tuple< cv::GMatDesc, cv::GMatDesc > GMatDesc2
Definition: render.hpp:74
cv::gapi::core::GMat2
std::tuple< GMat, GMat > GMat2
Definition: core.hpp:33
cv::ximgproc::EdgeBoxes::getMinScore
virtual float getMinScore() const =0
Returns the min score of boxes to detect.
cv::cudev::vcmpge2
__device__ __forceinline__ uint vcmpge2(uint a, uint b)
Definition: simd_functions.hpp:302
cv::TLSDataContainer::deleteDataInstance
virtual void deleteDataInstance(void *pData) const =0
cv::RQDecomp3x3
Vec3d RQDecomp3x3(InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray())
Computes an RQ decomposition of 3x3 matrices.
cv::videostab::KeypointBasedMotionEstimator::motionModel
virtual MotionModel motionModel() const CV_OVERRIDE
Definition: global_motion.hpp:235
cv::detail::tracking::tbm::MatchTemplateDistance::compute
std::vector< float > compute(const std::vector< cv::Mat > &descrs1, const std::vector< cv::Mat > &descrs2) override
Computes distances between two descriptors in batches.
cv::Point3_::Point3_
Point3_(const Point3_ &pt)
cv::cudev::absdiff_func::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:428
cv::videostab::StabilizerBase::StabilizerBase
StabilizerBase()
cv::ppf_match_3d::ICP::registerModelToScene
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, std::vector< Pose3DPtr > &poses)
Perform registration with multiple initial poses.
cv::createHausdorffDistanceExtractor
Ptr< HausdorffDistanceExtractor > createHausdorffDistanceExtractor(int distanceFlag=cv::NORM_L2, float rankProp=0.6f)
cv::ovis::WindowScene::setEntityLookAt
virtual void setEntityLookAt(const String &origin, const String &target, InputArray offset=noArray())=0
cv::SimpleBlobDetector::Params::thresholdStep
float thresholdStep
Definition: features2d.hpp:719
cv::Matx::operator()
const _Tp & operator()(int row, int col) const
element access
cv::initUndistortRectifyMap
void initUndistortRectifyMap(InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, Size size, int m1type, OutputArray map1, OutputArray map2)
Computes the undistortion and rectification transformation map.
cv::ocl::ProgramSource::~ProgramSource
~ProgramSource()
cv::img_hash::radialVarianceHash
void radialVarianceHash(cv::InputArray inputArr, cv::OutputArray outputArr, double sigma=1, int numOfAngleLine=180)
Computes radial variance hash of the input image.
cv::util::type_list_index::value
static constexpr const std::size_t value
Definition: variant.hpp:44
cv::ocl::KernelArg::Constant
static KernelArg Constant(const Mat &m)
cv::cudev::IsBinaryFunction::value
@ value
Definition: functional.hpp:897
cv::datasets::MSM_epflObj::camera
cameraParam camera
Definition: msm_epfl.hpp:74
cv::viz::WidgetAccessor
This class is for users who want to develop their own widgets using VTK library API....
Definition: widget_accessor.hpp:66
nppiStSqrIntegral_8u64u_C1R
NCVStatus nppiStSqrIntegral_8u64u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv64u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::cuda::createBackgroundSubtractorMOG2
Ptr< cuda::BackgroundSubtractorMOG2 > createBackgroundSubtractorMOG2(int history=500, double varThreshold=16, bool detectShadows=true)
Creates MOG2 Background Subtractor.
cv::ximgproc::GradientPaillouX
void GradientPaillouX(InputArray op, OutputArray _dst, double alpha, double omega)
cv::ximgproc::DisparityWLSFilter::getDepthDiscontinuityRadius
virtual int getDepthDiscontinuityRadius()=0
DepthDiscontinuityRadius is a parameter used in confidence computation. It defines the size of low-co...
cv::cuda::FarnebackOpticalFlow::setPolySigma
virtual void setPolySigma(double polySigma)=0
cv::cuda::HOG::detect
void detect(InputArray img, std::vector< Point > &found_locations, std::vector< double > &confidences)
Definition: cudaobjdetect.hpp:165
cv::ml::TrainData::getSubVector
static Mat getSubVector(const Mat &vec, const Mat &idx)
Extract from 1D vector elements specified by passed indexes.
cv::CAP_PROP_XI_GPO_SELECTOR
@ CAP_PROP_XI_GPO_SELECTOR
Selects general purpose output.
Definition: videoio.hpp:352
cv::vint16mf2_t::vint16mf2_t
vint16mf2_t(const short *ptr)
Definition: intrin_rvv.hpp:63
cv::LocalOptimMethod
LocalOptimMethod
Definition: calib3d.hpp:547
cv::ximgproc::EdgeAwareInterpolator::getFGSSigma
virtual float getFGSSigma()=0
cv::cudev::BrdReflect::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:178
cv::detail::tracking::TrackerContribSampler::addTrackerSamplerAlgorithm
bool addTrackerSamplerAlgorithm(String trackerSamplerAlgorithmType)
Add TrackerContribSamplerAlgorithm in the collection. Return true if sampler is added,...
cv::CAP_PROP_DC1394_MAX
@ CAP_PROP_DC1394_MAX
Definition: videoio.hpp:219
cv::text::ERFilter::Callback::eval
virtual double eval(const ERStat &stat)=0
The classifier must return probability measure for the region.
NcvPoint2D32u::NcvPoint2D32u
__host__ __device__ NcvPoint2D32u(Ncv32u x_, Ncv32u y_)
Definition: NCV.hpp:205
cv::cuda::CannyEdgeDetector::setL2Gradient
virtual void setL2Gradient(bool L2gradient)=0
cv::detail::BundleAdjusterAffinePartial
Bundle adjuster that expects affine transformation with 4 DOF represented in homogeneous coordinates ...
Definition: motion_estimators.hpp:314
cv::cudev::greater::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:155
cv::cuda::bitwise_and
void bitwise_and(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise conjunction of two matrices (or of matrix and scalar).
cv::gapi::ie::detail::ParamDesc::device_id
std::string device_id
Definition: ie.hpp:52
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< Mat > &vec)
cv::sfm::libmv_CameraIntrinsicsOptions::division_k2
double division_k2
Definition: simple_pipeline.hpp:118
cv::optflow::GPCTrainingParams::minNumberOfSamples
int minNumberOfSamples
Minimum number of samples in the node to stop partitioning.
Definition: sparse_matching_gpc.hpp:126
cv::absdiff
void absdiff(InputArray src1, InputArray src2, OutputArray dst)
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
cv::superres::FarnebackOpticalFlow::setPolySigma
virtual void setPolySigma(double val)=0
cv::bgsegm::BackgroundSubtractorMOG::getNMixtures
virtual int getNMixtures() const =0
cv::datasets::fist
@ fist
Definition: gr_skig.hpp:76
cv::VariationalRefinement::getSorIterations
virtual int getSorIterations() const =0
Number of inner successive over-relaxation (SOR) iterations in the minimization procedure to solve th...
cv::INTER_LINEAR_EXACT
@ INTER_LINEAR_EXACT
Definition: imgproc.hpp:258
hal_ni_dctFree2D
int hal_ni_dctFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:571
cv::ocl::ProgramSource::empty
bool empty() const
Definition: ocl.hpp:609
cv::hal::recip32f
void recip32f(const float *, size_t, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *scale)
cv::linemod::Match::template_id
int template_id
Definition: linemod.hpp:286
cv::Quat::tanh
friend Quat< T > tanh(const Quat< T > &q)
return tanh value of quaternion q, tanh could be calculated as:
NcvPoint2D32s::NcvPoint2D32s
__host__ __device__ NcvPoint2D32s()
Definition: NCV.hpp:195
cv::ml::TrainData::getSamples
virtual Mat getSamples() const =0
cv::videostab::StabilizerBase::setInpainter
void setInpainter(Ptr< InpainterBase > val)
Definition: stabilizer.hpp:98
cv::detail::get_out< cv::GMat >::get
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:242
cv::cudev::pow_func::operator()
__device__ __forceinline__ float operator()(T val, float power) const
Definition: functional.hpp:648
cv::ml::TrainData::missingValue
static float missingValue()
Definition: ml.hpp:148
cv::ocl::Image2D::Image2D
Image2D(const UMat &src, bool norm=false, bool alias=false)
cv::cudev::IsUnaryFunction::check
static Yes check(unary_function< T, D >)
NppStInterpolationState::nStep
Ncv32u nStep
pitch
Definition: NPP_staging.hpp:117
cv::fitEllipseAMS
RotatedRect fitEllipseAMS(InputArray points)
Fits an ellipse around a set of 2D points.
cv::videostab::LpMotionStabilizer::motionModel
MotionModel motionModel() const
Definition: motion_stabilizing.hpp:123
cv::StereoMatcher
The base class for stereo correspondence algorithms.
Definition: calib3d.hpp:3377
cv::CirclesGridFinderParameters::edgeGain
float edgeGain
Definition: calib3d.hpp:1642
cv::_InputArray::sz
Size sz
Definition: mat.hpp:257
cv::cuda::BackgroundSubtractorGMG::apply
virtual void apply(InputArray image, OutputArray fgmask, double learningRate, Stream &stream)=0
cv::dnn::LSTMLayer::inputNameToIndex
int inputNameToIndex(String inputName) CV_OVERRIDE
Returns index of input blob into the input array.
cv::SAMPLING_NAPSAC
@ SAMPLING_NAPSAC
Definition: calib3d.hpp:545
fast_marching_inl.hpp
CV_EXPORTS_TEMPLATE
#define CV_EXPORTS_TEMPLATE
Definition: cvdef.h:413
cv::rgbd::RgbdICPOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: depth.hpp:985
cv::DownhillSolver::create
static Ptr< DownhillSolver > create(const Ptr< MinProblemSolver::Function > &f=Ptr< MinProblemSolver::Function >(), InputArray initStep=Mat_< double >(1, 1, 0.0), TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5000, 0.000001))
This function returns the reference to the ready-to-use DownhillSolver object.
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11, _Tp v12, _Tp v13)
14-element vector constructor
cv::getTickCount
int64 getTickCount()
Returns the number of ticks.
cv::quality::quality_utils::extract_mat
R extract_mat(InputArray in, const int type=-1)
Definition: quality_utils.hpp:22
cv::cuda::HoughCirclesDetector::setCannyThreshold
virtual void setCannyThreshold(int cannyThreshold)=0
cv::ocl::PlatformInfo::name
String name() const
cv::detail::tracking::tbm::TrackedObject::timestamp
uint64_t timestamp
Timestamp in milliseconds.
Definition: tracking_by_matching.hpp:38
cv::DescriptorMatcher::write
virtual void write(FileStorage &) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
cv::cudev::VecTraits< char1 >::make
__host__ __device__ static __forceinline__ char1 make(schar x)
Definition: vec_traits.hpp:155
cv::optflow::RLOFOpticalFlowParameter::setGlobalMotionRansacThreshold
void setGlobalMotionRansacThreshold(float val)
cv::FileNodeIterator
used to iterate through sequences and mappings.
Definition: persistence.hpp:634
cv::empty_gmat_desc
static GMatDesc empty_gmat_desc()
Definition: gmat.hpp:204
cv::cudev::blockYota
__device__ static __forceinline__ void blockYota(OutIt beg, OutIt end, T value)
Definition: block.hpp:85
cv::quality::QualityMSE::QualityMSE
QualityMSE(QualityBase::_mat_type ref)
Constructor.
Definition: qualitymse.hpp:57
cv::instr::NodeData::m_instrType
cv::instr::TYPE m_instrType
Definition: instrumentation.hpp:78
cv::cuda
Definition: cuda.hpp:65
cv::optflow::RLOFOpticalFlowParameter::maxLevel
int maxLevel
Definition: rlofflow.hpp:117
cv::optflow::INTERP_GEO
@ INTERP_GEO
Definition: rlofflow.hpp:32
cv::datasets::PD_caltech
Definition: pd_caltech.hpp:77
cv::videostab::InpainterBase::InpainterBase
InpainterBase()
Definition: inpainting.hpp:64
NcvRect8u::y
Ncv8u y
Definition: NCV.hpp:140
cv::ccm::COLOR_SPACE_Lab_D65_10
@ COLOR_SPACE_Lab_D65_10
non-RGB color space
Definition: ccm.hpp:123
cv::cudacodec::FormatInfo::nBitDepthMinus8
int nBitDepthMinus8
Definition: cudacodec.hpp:285
cv::Mat::getUMat
UMat getUMat(AccessFlag accessFlags, UMatUsageFlags usageFlags=USAGE_DEFAULT) const
retrieve UMat from Mat
cv::plot::Plot2d::setGridLinesNumber
virtual void setGridLinesNumber(int gridLinesNumber)=0
cv::detail::VectorRefT::VectorRefT
VectorRefT(std::vector< T > &&vec)
Definition: garray.hpp:159
cv::cudev::numeric_limits< float >::min
__device__ static __forceinline__ float min()
Definition: limits.hpp:111
cv::cudev::Avg
Definition: reduce_to_vec.hpp:86
NCVVectorReuse::NCVVectorReuse
NCVVectorReuse(const NCVMemSegment &memSegment)
Definition: NCV.hpp:696
cv::denoise_TVL1
void denoise_TVL1(const std::vector< Mat > &observations, Mat &result, double lambda=1.0, int niters=30)
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is,...
cv::utils::dumpBool
static String dumpBool(bool argument)
Definition: bindings_utils.hpp:24
cv::Rect_::br
Point_< _Tp > br() const
the bottom-right corner
cv::cuda::GpuMat::swap
void swap(GpuMat &mat)
swaps with other smart pointer
cv::HammingLUT
Hamming HammingLUT
Definition: base.hpp:393
cv::getGaussianKernel
Mat getGaussianKernel(int ksize, double sigma, int ktype=CV_64F)
Returns Gaussian filter coefficients.
cv::detail::Graph::walkBreadthFirst
B walkBreadthFirst(int from, B body) const
cv::Matx::Matx
Matx(_Tp v0)
1x1 matrix
cv::detail::PlaneWarperGpu
Definition: warpers.hpp:502
cv::COLOR_Luv2RGB
@ COLOR_Luv2RGB
Definition: imgproc.hpp:606
cv::ocl::Timer::start
void start()
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::winSize
Size winSize
Definition: feature.hpp:197
cv::bioinspired::TransientAreasSegmentationModule::write
virtual void write(cv::FileStorage &fs) const CV_OVERRIDE=0
write xml/yml formated parameters information
cv::AKAZE::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::cudev::modulus
Definition: functional.hpp:114
cv::VideoCapture::isOpened
virtual bool isOpened() const
Returns true if video capturing has been initialized already.
cv::cudev::IntegerAreaInterPtrSz::rows
int rows
Definition: interpolation.hpp:273
cv::text::PSM_AUTO
@ PSM_AUTO
Definition: ocr.hpp:72
cv::sfm::projectionFromKRt
void projectionFromKRt(InputArray K, InputArray R, InputArray t, OutputArray P)
Get projection matrix P from K, R and t.
cv::UMat::diag
UMat diag(int d=0) const
CV_WRAP
#define CV_WRAP
Definition: cvdef.h:452
CV_PROP_RW
#define CV_PROP_RW
Definition: cvdef.h:451
cv::cudev::NormL2::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:142
cv::cudev::binary_function::first_argument_type
_Arg1 first_argument_type
Definition: functional.hpp:70
cv::cudev::TypeTraits::non_volatile_type
type_traits_detail::UnVolatile< T >::type non_volatile_type
Definition: type_traits.hpp:131
cv::detail::tracking::online_boosting::ClassifierThreshold::eval
int eval(float value)
cv::face::LBPHFaceRecognizer::getRadius
virtual int getRadius() const =0
cv::UMat::row
UMat row(int y) const
returns a new matrix header for the specified row
cv::ximgproc::anisotropicDiffusion
void anisotropicDiffusion(InputArray src, OutputArray dst, float alpha, float K, int niters)
Performs anisotropic diffusion on an image.
transientareassegmentationmodule.hpp
cv::DISOpticalFlow::setPatchStride
virtual void setPatchStride(int val)=0
Stride between neighbor patches. Must be less than patch size. Lower values correspond to higher flow...
cv::detail::tracking::online_boosting::BaseClassifier::replaceWeakClassifier
void replaceWeakClassifier(int index)
cv::aruco::getPredefinedDictionary
Ptr< Dictionary > getPredefinedDictionary(PREDEFINED_DICTIONARY_NAME name)
Returns one of the predefined dictionaries defined in PREDEFINED_DICTIONARY_NAME.
cv::datasets::NEG
@ NEG
Definition: pd_inria.hpp:63
cv::GOCLKernelImpl
Definition: goclkernel.hpp:232
cv::detail::is_nongapi_type
std::is_same< T, typename MetaType< T >::type > is_nongapi_type
Definition: gkernel.hpp:116
cv::ocl::Device::maxClockFrequency
int maxClockFrequency() const
cv::cudev::DefaultGlobReducePolicy::block_size_x
@ block_size_x
Definition: reduce.hpp:296
cv::linemod::QuantizedPyramid::Candidate
Candidate feature with a score.
Definition: linemod.hpp:86
cv::RotatedRect::size
Size2f size
returns width and height of the rectangle
Definition: types.hpp:532
cv::plot::Plot2d::setMaxY
virtual void setMaxY(double _plotMaxY)=0
cv::gapi::GNetParam::tag
std::string tag
Definition: infer.hpp:446
cv::SOLVEPNP_SQPNP
@ SOLVEPNP_SQPNP
SQPnP: A Consistently Fast and Globally OptimalSolution to the Perspective-n-Point Problem .
Definition: calib3d.hpp:474
cv::mcc::CChecker::getChartsRGB
virtual Mat getChartsRGB()=0
cv::gapi::KalmanParams::transitionMatrix
Mat transitionMatrix
state transition matrix (A)
Definition: video.hpp:34
cv::dnn::BackendWrapper::BackendWrapper
BackendWrapper(int targetId, const cv::Mat &m)
Wrap cv::Mat for specific backend and target.
cv::ppf_match_3d::ICP::registerModelToScene
int registerModelToScene(const Mat &srcPC, const Mat &dstPC, double &residual, Matx44d &pose)
Perform registration.
cv::ShapeContextDistanceExtractor::setIterations
virtual void setIterations(int iterations)=0
cv::hdf::HDF5::atwrite
virtual void atwrite(const double value, const String &atlabel)=0
cv::viz::computeNormals
void computeNormals(const Mesh &mesh, OutputArray normals)
cv::ml::TrainData::getTrainSampleIdx
virtual Mat getTrainSampleIdx() const =0
cv::face::LBPHFaceRecognizer::setRadius
virtual void setRadius(int val)=0
cv::ogl::Buffer::Buffer
Buffer(int arows, int acols, int atype, unsigned int abufId, bool autoRelease=false)
cv::cuda::HostMem::elemSize
size_t elemSize() const
cv::CAP_PROP_XI_KNEEPOINT1
@ CAP_PROP_XI_KNEEPOINT1
Value of first kneepoint (% of sensor saturation).
Definition: videoio.hpp:480
cv::utils::lock_guard::~lock_guard
~lock_guard()
Definition: lock.private.hpp:22
cv::cudev::vcmpgt4
__device__ __forceinline__ uint vcmpgt4(uint a, uint b)
Definition: simd_functions.hpp:782
OPENCV_HAL_IMPL_RVV_PACK_U
#define OPENCV_HAL_IMPL_RVV_PACK_U(_Tpvec, _Tp, _wTpvec, _wTp, width, suffix, rshr, cast)
Definition: intrin_rvv.hpp:2069
cv::Point3_::z
_Tp z
z coordinate of the 3D point
Definition: types.hpp:267
transform.hpp
cv::COLORMAP_PINK
@ COLORMAP_PINK
Definition: imgproc.hpp:4277
cv::GComputationT< R(Args...)>::GComputationT
GComputationT(const Gen &generator)
Definition: gtyped.hpp:129
cv::utils::logging::LogTag
Definition: logtag.hpp:16
cv::CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
@ CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE
Definition: videoio.hpp:541
cv::dnn::MVNLayer
Definition: all_layers.hpp:285
cv::detail::tracking::TrackerSamplerPF::Params::Params
Params()
cv::stereo::StereoMatcher
Filters off small noise blobs (speckles) in the disparity map.
Definition: stereo.hpp:76
cv::detail::NoTag
Definition: gkernel.hpp:194
_Tp
cv::MinProblemSolver::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
Getter for the previously set terminal criteria for this algorithm.
cv::gapi::Canny
GMat Canny(const GMat &image, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false)
Finds edges in an image using the Canny algorithm.
cv::cuda::minMaxLoc
void minMaxLoc(InputArray src, double *minVal, double *maxVal, Point *minLoc, Point *maxLoc, InputArray mask=noArray())
Finds global minimum and maximum matrix elements and returns their values with locations.
cv::ml::LogisticRegression::getIterations
virtual int getIterations() const =0
cv::cuda::nonLocalMeans
void nonLocalMeans(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, int borderMode=BORDER_DEFAULT, Stream &stream=Stream::Null())
Performs pure non local means denoising without any simplification, and thus it is not fast.
cv::cudev::RemapPtr1::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapPtr >::index_type y, typename PtrTraits< MapPtr >::index_type x) const
Definition: remap.hpp:68
cv::SparseMat::Hdr::hashtab
std::vector< size_t > hashtab
Definition: mat.hpp:2682
HaarFeatureDescriptor32::getFeaturesOffset
__device__ __host__ Ncv32u getFeaturesOffset(void)
Definition: NCVHaarObjectDetection.hpp:172
cv::videostab::calcFlowMask
void calcFlowMask(const Mat &flowX, const Mat &flowY, const Mat &errors, float maxError, const Mat &mask0, const Mat &mask1, Mat &flowMask)
cv::MatExpr::operator-
MatExpr operator-(const Mat &a, const Mat &b)
cv::v_not_nan
v_reg< float, n > v_not_nan(const v_reg< float, n > &a)
Definition: intrin_cpp.hpp:778
cv::Stitcher::panoConfidenceThresh
double panoConfidenceThresh() const
Definition: stitching.hpp:195
cv::COLOR_BGR2HLS
@ COLOR_BGR2HLS
convert RGB/BGR to HLS (hue lightness saturation), color conversions
Definition: imgproc.hpp:597
cv::quality::QualityBase::~QualityBase
virtual ~QualityBase()=default
Destructor.
util.hpp
cv::GFrame
Definition: gframe.hpp:32
cv::ogl::TRIANGLE_STRIP
@ TRIANGLE_STRIP
Definition: opengl.hpp:484
cv::USAGE_DEFAULT
@ USAGE_DEFAULT
Definition: mat.hpp:451
cv::ShapeContextDistanceExtractor::getRotationInvariant
virtual bool getRotationInvariant() const =0
cv::img_hash::BlockMeanHash::setMode
void setMode(int mode)
Create BlockMeanHash object.
cv::bioinspired::RetinaFastToneMapping::applyFastToneMapping
virtual void applyFastToneMapping(InputArray inputImage, OutputArray outputToneMappedImage)=0
applies a luminance correction (initially High Dynamic Range (HDR) tone mapping)
cv::gapi::Sobel
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.
cv::reg::MapperGradEuclid::MapperGradEuclid
MapperGradEuclid()
cv::TrackerCSRT::Params::padding
float padding
Definition: tracking.hpp:60
cv::optflow::SupportRegionType
SupportRegionType
Definition: rlofflow.hpp:17
cv::datasets::SLAM_kittiObj::p
std::vector< double > p[4]
Definition: slam_kitti.hpp:70
cv::cudev::Min::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:114
cv::AVIReadContainer
Definition: container_avi.private.hpp:79
cv::TrackerGOTURN::Params::Params
Params()
cv::HOGDescriptor::detect
virtual void detect(InputArray img, std::vector< Point > &foundLocations, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &searchLocations=std::vector< Point >()) const
Performs object detection without a multi-scale window.
cv::optflow::PCAPrior
This class can be used for imposing a learned prior on the resulting optical flow....
Definition: pcaflow.hpp:75
cv::dnn::Layer::getFLOPS
virtual int64 getFLOPS(const std::vector< MatShape > &inputs, const std::vector< MatShape > &outputs) const
Definition: dnn.hpp:369
cv::cudev::vcmplt2
__device__ __forceinline__ uint vcmplt2(uint a, uint b)
Definition: simd_functions.hpp:413
cv::Formatter
Definition: core.hpp:3030
cv::util::detail::type_list_index_helper::is_same
static constexpr const bool is_same
Definition: variant.hpp:28
cv::MergeMertens::setExposureWeight
virtual void setExposureWeight(float exposure_weight)=0
cv::COLOR_RGBA2YUV_I420
@ COLOR_RGBA2YUV_I420
Definition: imgproc.hpp:733
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::setCurrentConfidenceMap
void setCurrentConfidenceMap(ConfidenceMap &confidenceMap)
Set the current confidenceMap.
cv::SHOW_TRACKBAR
@ SHOW_TRACKBAR
Definition: cap_winrt.hpp:43
cv::dnn::Model::Model
Model(const Net &network)
Create model from deep learning network.
cv::dnn::PoolingLayer::pooledSize
Size pooledSize
Definition: all_layers.hpp:261
cv::Subdiv2D::newPoint
int newPoint(Point2f pt, bool isvirtual, int firstEdge=0)
cv::detail::has_Window
Definition: gfluidkernel.hpp:324
cv::detail::scratch_helper
Definition: gfluidkernel.hpp:212
cv::cudev::IsUnaryFunction::check
static No check(...)
cv::datasets::IS_weizmann::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::detail::FluidCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... >, UseScratch >::call_impl
static void call_impl(const cv::GArgs &in_args, const std::vector< gapi::fluid::Buffer * > &out_bufs, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gfluidkernel.hpp:364
hashtable_int::size
size_t size
Definition: t_hash_int.hpp:69
cv::cuda::GpuMat::isContinuous
bool isContinuous() const
cv::detail::OptRef::Holder::m_opt_ref
std::reference_wrapper< cv::optional< T > > m_opt_ref
Definition: gstreaming.hpp:41
cv::ocl::KernelArg::Constant
static KernelArg Constant(const _Tp *arr, size_t n)
Definition: ocl.hpp:410
cv::datasets::OR_imagenet::create
static Ptr< OR_imagenet > create()
cv::cudev::DerivYPtrSz
Definition: deriv.hpp:115
cv::ocl::Program::getPrefix
static String getPrefix(const String &buildflags)
cv::ocl::Device::maxWorkGroupSize
size_t maxWorkGroupSize() const
cv::TickMeter::getTimeMicro
double getTimeMicro() const
returns passed time in microseconds.
Definition: utility.hpp:327
cv::videostab::KeypointBasedMotionEstimator::detector
Ptr< FeatureDetector > detector() const
Definition: global_motion.hpp:238
cv::COLOR_BGR2YUV_I420
@ COLOR_BGR2YUV_I420
Definition: imgproc.hpp:729
cv::createChiHistogramCostExtractor
Ptr< HistogramCostExtractor > createChiHistogramCostExtractor(int nDummies=25, float defaultCost=0.2f)
cv::detail::GOpaqueU::priv
const GOrigin & priv() const
cv::dnn::TextDetectionModel_DB::getPolygonThreshold
float getPolygonThreshold() const
cv::utils::dumpDouble
static String dumpDouble(double argument)
Definition: bindings_utils.hpp:50
cv::gapi::wip::IStreamSource::ptr
Ptr ptr()
Definition: source.hpp:43
cv::KeyPoint::KeyPoint
KeyPoint(float x, float y, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
cv::ShapeContextDistanceExtractor::setInnerRadius
virtual void setInnerRadius(float innerRadius)=0
Set the inner radius of the shape context descriptor.
cv::INTERSECT_FULL
@ INTERSECT_FULL
One of the rectangle is fully enclosed in the other.
Definition: imgproc.hpp:801
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::FeatureHaar
FeatureHaar(Size patchSize)
cv::cnn_3dobj::icoSphere::getCenter
cv::Point3d getCenter(cv::Mat cloud)
Get the center of points on surface in .ply model.
cv::FarnebackOpticalFlow::setPolySigma
virtual void setPolySigma(double polySigma)=0
cv::v_lut_deinterleave
void v_lut_deinterleave(const float *tab, const v_reg< int, n > &idx, v_reg< float, n > &x, v_reg< float, n > &y)
Definition: intrin_cpp.hpp:2254
cv::QT_STYLE_NORMAL
@ QT_STYLE_NORMAL
Normal font.
Definition: highgui.hpp:250
cv::dnn::toString
static std::string toString(const MatShape &shape, const String &name="")
Definition: shape_utils.hpp:187
cv::rgbd::RgbdNormals::K_
Mat K_
Definition: depth.hpp:178
cv::cuda::HoughCirclesDetector::getDp
virtual float getDp() const =0
cv::cudacodec::Monochrome
@ Monochrome
Definition: cudacodec.hpp:272
cv::CONTOURS_MATCH_I2
@ CONTOURS_MATCH_I2
Definition: imgproc.hpp:454
cv::xobjdetect::WBDetector::train
virtual void train(const std::string &pos_samples, const std::string &neg_imgs)=0
Train WaldBoost detector.
cv::GStreamingCompiled::try_pull
bool try_pull(cv::GRunArgsP &&outs)
Try to get the next processed frame from the pipeline.
cv::aruco::DetectorParameters::errorCorrectionRate
double errorCorrectionRate
Definition: aruco.hpp:175
cv::TLSDataContainer::release
void release()
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getInitMean
float getInitMean() const
cv::rgbd::RgbdOdometry::RgbdOdometry
RgbdOdometry()
cv::ml::ANN_MLP::setAnnealInitialT
virtual void setAnnealInitialT(double val)=0
cv::Stitcher::interpolationFlags
InterpolationFlags interpolationFlags() const
Definition: stitching.hpp:201
cv::BaseCascadeClassifier::MaskGenerator::~MaskGenerator
virtual ~MaskGenerator()
Definition: objdetect.hpp:210
cv::mulSpectrums
void mulSpectrums(InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false)
Performs the per-element multiplication of two Fourier spectrums.
cv::cuda::CascadeClassifier::getScaleFactor
virtual double getScaleFactor() const =0
cv::omnidir::internal::getInterset
void getInterset(InputArray idx1, InputArray idx2, OutputArray inter1, OutputArray inter2, OutputArray inter_ori)
cv::_InputArray::_InputArray
_InputArray(const Mat &m)
cv::cuda::NvidiaOpticalFlow_1_0::NVIDIA_OF_PERF_LEVEL
NVIDIA_OF_PERF_LEVEL
Definition: cudaoptflow.hpp:407
cv::ocl::PlatformInfo::getDevice
void getDevice(Device &device, int d) const
cv::ccm::ColorCorrectionModel::setSaturatedThreshold
void setSaturatedThreshold(const double &lower, const double &upper)
set SaturatedThreshold. The colors in the closed interval [lower, upper] are reserved to participate ...
cv::cudev::SingleMaskChannelsSz
Definition: mask.hpp:84
cv::cudev::CubicInterPtrSz
Definition: interpolation.hpp:214
cv::legacy::TrackerTLD::Params::read
void read(const FileNode &)
cv::BackgroundSubtractorMOG2::setVarMax
virtual void setVarMax(double varMax)=0
cv::Stitcher::Status
Status
Definition: stitching.hpp:153
cv::v_float32x4::v_float32x4
v_float32x4(float v0, float v1, float v2, float v3)
Definition: intrin_rvv.hpp:431
cv::kinfu::Volume::voxelSizeInv
const float voxelSizeInv
Definition: volume.hpp:41
cv::videoio_registry::getBackends
std::vector< VideoCaptureAPIs > getBackends()
Returns list of all available backends.
cv::internal::down_cast
T down_cast(Source operand)
Definition: any.hpp:29
cv::DescriptorMatcher::clone_op
static Mat clone_op(Mat m)
Definition: features2d.hpp:1186
cv::v_float64x2::v_float64x2
v_float64x2(vfloat64m1_t v)
Definition: intrin_rvv.hpp:522
cv::dnn::SplitLayer::create
static Ptr< SplitLayer > create(const LayerParams &params)
cv::USAC_DEFAULT
@ USAC_DEFAULT
USAC algorithm, default settings.
Definition: calib3d.hpp:447
cv::cuda::CascadeClassifier::detectMultiScale
virtual void detectMultiScale(InputArray image, OutputArray objects, Stream &stream=Stream::Null())=0
Detects objects of different sizes in the input image.
nppStBorderMirror
@ nppStBorderMirror
reflect out of range position across borders
Definition: NPP_staging.hpp:93
cv::gapi::own::detail::MatHeader
Definition: mat.hpp:44
cv::cudev::NormL2::NormL2
__device__ __forceinline__ NormL2()
Definition: vec_distance.hpp:129
nppiStResize_32f_C1R
NCVStatus nppiStResize_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, NcvRect32u srcROI, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u dstROI, Ncv32f xFactor, Ncv32f yFactor, NppStInterpMode interpolation)
cv::util::variant::index
std::size_t index() const noexcept
Definition: variant.hpp:336
cv::gapi::wip::draw::Rect::color
cv::Scalar color
The rectangle color or brightness (grayscale image)
Definition: render_types.hpp:149
cv::gapi::normInf
GScalar normInf(const GMat &src)
Calculates the absolute infinite norm of a matrix.
cv::HandEyeCalibrationMethod
HandEyeCalibrationMethod
Definition: calib3d.hpp:531
cv::videostab::estimateGlobalMotionLeastSquares
Mat estimateGlobalMotionLeastSquares(InputOutputArray points0, InputOutputArray points1, int model=MM_AFFINE, float *rmse=0)
Estimates best global motion between two 2D point clouds in the least-squares sense.
cv::cudev::gridCalcSum
__host__ void gridCalcSum(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:305
cv::sfm::libmv_ReconstructionOptions::select_keyframes
int select_keyframes
Definition: simple_pipeline.hpp:154
cv::datasets::TR_charsObj::label
int label
Definition: tr_chars.hpp:63
cv::Mat_::Mat_
Mat_(const Mat_ &m, const Range &rowRange, const Range &colRange=Range::all())
selects a submatrix
cv::GComputation::compile
GCompiled compile(GMetaArgs &&in_metas, GCompileArgs &&args={})
Compile the computation for specific input format(s).
cv::gapi::mulC
GMat mulC(const GMat &src, double multiplier, int ddepth=-1)
Multiplies matrix by scalar.
cv::ml::NormalBayesClassifier::load
static Ptr< NormalBayesClassifier > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized NormalBayesClassifier from a file.
cv::SparseMat_::SparseMat_
SparseMat_(int dims, const int *_sizes)
the full constructor equivalent to SparseMat(dims, _sizes, DataType<_Tp>::type)
cv::selectROI
Rect selectROI(const String &windowName, InputArray img, bool showCrosshair=true, bool fromCenter=false)
Allows users to select a ROI on the given image.
cv::optflow::createOptFlow_SimpleFlow
Ptr< DenseOpticalFlow > createOptFlow_SimpleFlow()
Additional interface to the SimpleFlow algorithm - calcOpticalFlowSF()
cv::detail::PaniniProjector::b
float b
Definition: warpers.hpp:432
cv::detail::BlocksCompensator::apply
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
cv::datasets::whitePaper
@ whitePaper
Definition: gr_skig.hpp:90
cv::can_describe
bool can_describe(const GMetaArg &meta, const GRunArg &arg)
cv::MatOp::augAssignAdd
virtual void augAssignAdd(const MatExpr &expr, Mat &m) const
cv::ml::StatModel::Flags
Flags
Definition: ml.hpp:322
cv::optflow::GPCTree::findLeafForPatch
unsigned findLeafForPatch(const GPCPatchDescriptor &descr) const
CV_CUDEV_YCrCb2RGB_INST
#define CV_CUDEV_YCrCb2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:155
cv::Stitcher::setRegistrationResol
void setRegistrationResol(double resol_mpx)
Definition: stitching.hpp:187
cv::QT_NEW_BUTTONBAR
@ QT_NEW_BUTTONBAR
Button should create a new buttonbar.
Definition: highgui.hpp:260
cv::videostab::ToFileMotionWriter::setFrameMask
virtual void setFrameMask(InputArray mask) CV_OVERRIDE
Definition: global_motion.hpp:217
NCVMatrixAlloc::~NCVMatrixAlloc
~NCVMatrixAlloc()
Definition: NCV.hpp:883
cv::KalmanFilter::gain
Mat gain
Kalman gain matrix (K(k)): K(k)=P'(k)*Ht*inv(H*P'(k)*Ht+R)
Definition: tracking.hpp:401
cv::gapi::operator!=
bool operator!=(const GBackend &lhs, const GBackend &rhs)
Definition: gkernel.hpp:393
cv::dnn::ShuffleChannelLayer::create
static Ptr< Layer > create(const LayerParams &params)
HaarClassifierNodeDescriptor32::getNextNodeOffset
__device__ __host__ Ncv32u getNextNodeOffset(void)
Definition: NCVHaarObjectDetection.hpp:206
cv::ovis::WindowScene::setCameraIntrinsics
virtual void setCameraIntrinsics(InputArray K, const Size &imsize, float zNear=-1, float zFar=-1)=0
cv::detail::ExposureCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< UMat > &masks)
cv::detail::WrapValue::wrap_out
static U * wrap_out(U &u)
Definition: gtype_traits.hpp:174
cv::SimpleBlobDetector::Params::minRepeatability
size_t minRepeatability
Definition: features2d.hpp:722
cv::superres::createOptFlow_Brox_CUDA
Ptr< BroxOpticalFlow > createOptFlow_Brox_CUDA()
cv::vint16mf2_t
Definition: intrin_rvv.hpp:60
cv::FileStorage::getFormat
int getFormat() const
Returns the current format.
cv::FileStorage::Mode
Mode
file storage mode
Definition: persistence.hpp:308
cv::detail::RotationWarper::getScale
virtual float getScale() const
Definition: warpers.hpp:135
cv::face::FacemarkLBF::Params::write
void write(FileStorage &) const
saving.h
cv::RotatedRect
The class represents rotated (i.e. not up-right) rectangles on a plane.
Definition: types.hpp:504
cv::VideoWriter::~VideoWriter
virtual ~VideoWriter()
Default destructor.
cv::CAP_PROP_XI_LUT_INDEX
@ CAP_PROP_XI_LUT_INDEX
Control the index (offset) of the coefficient to access in the LUT.
Definition: videoio.hpp:460
cv::UMat::u
UMatData * u
Definition: mat.hpp:2569
cv::cudev::ThreshToZeroFunc
Definition: functional.hpp:754
cv::ximgproc::EdgeAwareInterpolator::setSigma
virtual void setSigma(float _sigma)=0
Sigma is a parameter defining how fast the weights decrease in the locally-weighted affine fitting....
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::operator()
virtual float operator()(int featureIdx, int sampleIdx)=0
cv::rgbd::DepthCleaner::DEPTH_CLEANER_METHOD
DEPTH_CLEANER_METHOD
Definition: depth.hpp:194
vec_math.hpp
cv::CAP_PROP_FOURCC
@ CAP_PROP_FOURCC
4-character code of codec. see VideoWriter::fourcc .
Definition: videoio.hpp:140
cv::linemod::Modality::name
virtual String name() const =0
cv::dnn::DNN_BACKEND_OPENCV
@ DNN_BACKEND_OPENCV
Definition: dnn.hpp:74
cv::detail::tracking::tbm::TrackerParams::min_track_duration
size_t min_track_duration
Min track duration in milliseconds.
Definition: tracking_by_matching.hpp:267
cv::ximgproc::ARO_90_135
@ ARO_90_135
Definition: fast_hough_transform.hpp:68
cv::datasets::TRACK_alov::getNextFrame
virtual bool getNextFrame(Mat &frame)=0
result_set.h
cv::FastFeatureDetector::getNonmaxSuppression
virtual bool getNonmaxSuppression() const =0
hal_ni_absdiff16u
int hal_ni_absdiff16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:132
cv::gapi::streaming::meta_tag::seq_id
static constexpr const char * seq_id
Definition: meta.hpp:23
cv::detail::GOpaqueU::storeKind
void storeKind()
Definition: gopaque.hpp:106
cv::stereo::StereoMatcher::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity)=0
Computes disparity map for the specified stereo pair.
cv::cosh
Quat< T > cosh(const Quat< T > &q)
cv::datasets::join::Rz
double Rz
Definition: gr_chalearn.hpp:67
cv::datasets::groundTruth::lastFrame
int lastFrame
Definition: gr_chalearn.hpp:62
cv::detail::tracking::TrackerContribFeatureHAAR::TrackerContribFeatureHAAR
TrackerContribFeatureHAAR(const TrackerContribFeatureHAAR::Params &parameters=TrackerContribFeatureHAAR::Params())
Constructor.
cv::hal::SVD64f
void SVD64f(double *At, size_t astep, double *W, double *U, size_t ustep, double *Vt, size_t vstep, int m, int n, int flags)
cv::cudev::vmin2
__device__ __forceinline__ uint vmin2(uint a, uint b)
Definition: simd_functions.hpp:501
cv::detail::tracking::tbm::TrackerParams::strong_affinity_thr
float strong_affinity_thr
of lost track.
Definition: tracking_by_matching.hpp:296
cv::detail::tracking::online_boosting::Detector::getConfImageDisplay
const cv::Mat & getConfImageDisplay() const
Definition: onlineBoosting.hpp:241
cv::UsacParams::maxIterations
int maxIterations
Definition: calib3d.hpp:560
cv::cudev::LutPtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: lut.hpp:63
cv::detail::tracking::TrackerStateEstimatorSVM::~TrackerStateEstimatorSVM
~TrackerStateEstimatorSVM()
cv::cuda::HoughCirclesDetector::setMinDist
virtual void setMinDist(float minDist)=0
cv::aruco::CornerRefineMethod
CornerRefineMethod
Definition: aruco.hpp:81
cv::detail::GraphCutSeamFinder::GraphCutSeamFinder
GraphCutSeamFinder(int cost_type=COST_COLOR_GRAD, float terminal_cost=10000.f, float bad_region_penalty=1000.f)
cv::ovis::WindowScene::getEntityPose
virtual void getEntityPose(const String &name, OutputArray R=noArray(), OutputArray tvec=noArray(), bool invert=false)=0
facemarkLBF.hpp
cv::detail::tracking::TrackerSamplerCSC
TrackerSampler based on CSC (current state centered), used by MIL algorithm TrackerMIL.
Definition: tracking.private.hpp:350
cv::quality::QualitySSIM::_mat_data::_mat_data
_mat_data(InputArray)
cv::ogl::Arrays::Arrays
Arrays()
Default constructor.
cv::stereo::StereoBinaryBM::setScalleFactor
virtual void setScalleFactor(int factor)=0
dictionary.hpp
cv::gapi::wip::draw::Rect::rect
cv::Rect rect
Coordinates of the rectangle.
Definition: render_types.hpp:148
cv::detail::BundleAdjusterBase::total_num_matches_
int total_num_matches_
Definition: motion_estimators.hpp:197
render_types.hpp
cv::CAP_PROP_XI_FRAMERATE
@ CAP_PROP_XI_FRAMERATE
Define framerate in Hz.
Definition: videoio.hpp:453
cv::datasets::IS_bsds
Definition: is_bsds.hpp:66
cv::detail::OptRef::OptHolder::mov
virtual void mov(RefHolder &h)=0
cv::detail::get_out< cv::GMatP >::get
static tracked_cv_mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:250
cv::getVersionMajor
int getVersionMajor()
Returns major library version.
cv::ShapeContextDistanceExtractor::getCostExtractor
virtual Ptr< HistogramCostExtractor > getCostExtractor() const =0
cv::cuda::DescriptorMatcher::matchAsync
virtual void matchAsync(InputArray queryDescriptors, InputArray trainDescriptors, OutputArray matches, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Finds the best match for each descriptor from a query set (asynchronous version).
cv::cudev::GpuMat_::step1
__host__ size_t step1() const
cv::detail::CameraParams::R
Mat R
Definition: camera.hpp:69
cv::stereo::censusTransform
void censusTransform(const Mat &image1, const Mat &image2, int kernelSize, Mat &dist1, Mat &dist2, const int type)
cv::RMat::View::View
View(View &&)=default
facemarkAAM.hpp
cv::COLORMAP_VIRIDIS
@ COLORMAP_VIRIDIS
Definition: imgproc.hpp:4283
cv::cuda::Stream::cudaPtr
void * cudaPtr() const
return Pointer to CUDA stream
cv::SparseMat::SparseMat
SparseMat(const Mat &m)
cv::xphoto::TonemapDurand::setSigmaColor
virtual void setSigmaColor(float sigma_color)=0
cv::ml::EM::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::ocl::Device::TYPE_CPU
@ TYPE_CPU
Definition: ocl.hpp:84
cv::cudev::UnaryTransformPtr::value_type
Op::result_type value_type
Definition: transform.hpp:63
cv::DISOpticalFlow::setUseSpatialPropagation
virtual void setUseSpatialPropagation(bool val)=0
Whether to use spatial propagation of good optical flow vectors. This option is turned on by default,...
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::nbrOfSmallBins
int nbrOfSmallBins
Definition: histogramphaseunwrapping.hpp:84
cv::ParamType< bool >::const_param_type
bool const_param_type
Definition: core.hpp:3195
cv::dnn::ReshapeLayer
Definition: all_layers.hpp:296
cv::cudev::divides
Definition: functional.hpp:105
cv::CAP_PROP_GIGA_FRAME_OFFSET_Y
@ CAP_PROP_GIGA_FRAME_OFFSET_Y
Definition: videoio.hpp:527
cv::RMat::View::ptr
T * ptr(int y, int x)
Definition: rmat.hpp:84
cv::Feature2D::write
virtual void write(FileStorage &) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
cv::GeneralizedHough::setDp
virtual void setDp(double dp)=0
Inverse ratio of the accumulator resolution to the image resolution.
cv::cudev::BinaryTransformPtrSz::rows
int rows
Definition: transform.hpp:121
cv::datasets::TR_icdarObj::lexFull
std::vector< std::string > lexFull
Definition: tr_icdar.hpp:70
cv::gapi::fluid::Buffer::Buffer
Buffer(const cv::Mat &data, bool is_input)
cv::hal::cmp8u
void cmp8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::detail::tracking::contrib_feature::CvLBPEvaluator::generateFeatures
virtual void generateFeatures() CV_OVERRIDE
cv::cudev::Texture::~Texture
__host__ ~Texture()
Definition: texture.hpp:241
cv::bgsegm::BackgroundSubtractorGSOC
Implementation of the different yet better algorithm which is called GSOC, as it was implemented duri...
Definition: bgsegm.hpp:255
cv::util::copy_through_move_t
Definition: copy_through_move.hpp:18
cv::cuda::HoughLinesDetector::downloadResults
virtual void downloadResults(InputArray d_lines, OutputArray h_lines, OutputArray h_votes=noArray(), Stream &stream=Stream::Null())=0
Downloads results from cuda::HoughLinesDetector::detect to host memory.
cv::TrackerCSRT::Params::histogram_lr
float histogram_lr
Definition: tracking.hpp:66
HaarClassifierNode128::setLeftNodeDesc
__host__ NCVStatus setLeftNodeDesc(HaarClassifierNodeDescriptor32 nl)
Definition: NCVHaarObjectDetection.hpp:234
NCV_ALLOCATOR_DEALLOC_ORDER
@ NCV_ALLOCATOR_DEALLOC_ORDER
Definition: NCV.hpp:336
cv::detail::tracking::TrackerSamplerCSC::Params::trackMaxNegNum
int trackMaxNegNum
Definition: tracking.private.hpp:371
cv::utils::BufferArea::~BufferArea
~BufferArea()
Class destructor.
cv::videostab::StabilizerBase::~StabilizerBase
virtual ~StabilizerBase()
Definition: stabilizer.hpp:69
cv::cudacodec::VP9
@ VP9
Definition: cudacodec.hpp:257
cv::flann::GenericIndex::save
void save(String filename)
Definition: flann.hpp:320
cv::HistCompMethods
HistCompMethods
Definition: imgproc.hpp:496
cv::datasets::TR_icdarObj::words
std::vector< word > words
Definition: tr_icdar.hpp:71
cv::hal::mul16s
void mul16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
cv::gapi::concatVert
GMat concatVert(const GMat &src1, const GMat &src2)
Applies vertical concatenation to given matrices.
cv::transform
void transform(InputArray src, OutputArray dst, InputArray m)
Performs the matrix transformation of every array element.
cv::AutoBuffer::deallocate
void deallocate()
deallocates the buffer if it was dynamically allocated
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy
Strategie for the selective search segmentation algorithm The class implements a generic stragery for...
Definition: segmentation.hpp:74
cv::stereo::StereoBinarySGBM::getSubPixelInterpolationMethod
virtual int getSubPixelInterpolationMethod() const =0
cv::plot::Plot2d::render
virtual void render(OutputArray _plotResult)=0
cv::detail::FeaturesMatcher::~FeaturesMatcher
virtual ~FeaturesMatcher()
Definition: matchers.hpp:120
cv::gapi::own::Mat::total
size_t total() const
Returns the total number of array elements.
Definition: mat.hpp:311
cv::cuda::ORB::setBlurForDescriptor
virtual void setBlurForDescriptor(bool blurForDescriptor)=0
if true, image will be blurred before descriptors calculation
pose_3d.hpp
cv::ml::ANN_MLP::setTrainMethod
virtual void setTrainMethod(int method, double param1=0, double param2=0)=0
cv::dnn::DictValue::getStringValue
String getStringValue(int idx=-1) const
cv::cudev::UnaryNegate::pred
Predicate pred
Definition: functional.hpp:793
cv::datasets::SR_bsdsObj::imageName
std::string imageName
Definition: sr_bsds.hpp:25
cv::TrackerKCF::Params::sigma
float sigma
gaussian kernel bandwidth
Definition: tracking.hpp:122
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< Mat_< _Tp > > &vec)
cv::detail::tracking::TrackerContribSamplerCSC::Params::Params
Params()
cv::viz::Camera::Camera
Camera(const Matx33d &K, const Size &window_size)
cv::viz::RenderingProperties
RenderingProperties
Widget rendering properties.
Definition: widgets.hpp:62
cv::v_setzero_u32
v_uint32x4 v_setzero_u32()
Definition: intrin_cpp.hpp:2357
cv::optflow::GPCPatchSample::pos
GPCPatchDescriptor pos
Definition: sparse_matching_gpc.hpp:80
cv::cuda::SparsePyrLKOpticalFlow
Class used for calculating a sparse optical flow.
Definition: cudaoptflow.hpp:204
cv::bioinspired::TransientAreasSegmentationModule::setup
virtual void setup(String segmentationParameterFile="", const bool applyDefaultSetupOnFailure=true)=0
try to open an XML segmentation parameters file to adjust current segmentation instance setup
cv::detail::CylindricalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cv::videostab::TwoPassStabilizer::motionStabilizer
Ptr< IMotionStabilizer > motionStabilizer() const
Definition: stabilizer.hpp:169
cv::BOWKMeansTrainer
kmeans -based class to train visual vocabulary using the bag of visual words approach....
Definition: features2d.hpp:1441
cv::dnn::Layer::Layer
Layer()
cv::optflow::GPCTrainingParams::maxTreeDepth
unsigned maxTreeDepth
Maximum tree depth to stop partitioning.
Definition: sparse_matching_gpc.hpp:125
cv::cudev::gridTransformBinary_
__host__ void gridTransformBinary_(const SrcPtr1 &src1, const SrcPtr2 &src2, GpuMat_< DstType > &dst, const BinOp &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:111
cv::gapi::GKernelPackage::remove
void remove(const GBackend &backend)
Remove all kernels associated with the given backend from the package.
cv::ppf_match_3d::writePLY
void writePLY(Mat PC, const char *fileName)
Write a point cloud to PLY file.
cv::MergeRobertson::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
cv::cuda::StereoBeliefPropagation::setMaxDiscTerm
virtual void setMaxDiscTerm(double max_disc_term)=0
cv::CAP_PVAPI_DECIMATION_2OUTOF8
@ CAP_PVAPI_DECIMATION_2OUTOF8
2 out of 8 decimation
Definition: videoio.hpp:321
cv::detail::PlaneWarper::buildMaps
virtual Rect buildMaps(Size src_size, InputArray K, InputArray R, InputArray T, OutputArray xmap, OutputArray ymap)
cv::Stitcher::cameras
std::vector< detail::CameraParams > cameras() const
Definition: stitching.hpp:289
cvRound
int cvRound(double value)
Rounds floating-point number to the nearest integer.
Definition: fast_math.hpp:197
cv::ocl::Program::write
bool write(String &buf) const
cv::cuda::GpuMat::GpuMat
GpuMat(int rows, int cols, int type, Scalar s, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
constructs GpuMat and fills it with the specified value _s
cv::gapi::streaming::size
GOpaque< Size > size(const GMat &src)
Gets dimensions from Mat.
cv::gapi::RGB2Lab
GMat RGB2Lab(const GMat &src)
Converts an image from RGB color space to Lab color space.
cv::CAP_QT
@ CAP_QT
QuickTime (obsolete, removed)
Definition: videoio.hpp:99
cv::Moments::m30
double m30
Definition: types.hpp:941
OPENCV_HAL_IMPL_RVV_MUL_SAT
#define OPENCV_HAL_IMPL_RVV_MUL_SAT(_Tpvec, _wTpvec)
Definition: intrin_rvv.hpp:2876
cv::text::ERStat::next
ERStat * next
Definition: erfilter.hpp:105
cv::cuda::HostMem::createMatHeader
Mat createMatHeader() const
returns matrix header with disabled reference counting for HostMem data.
cv::aruco::GridBoard::getMarkerSeparation
float getMarkerSeparation() const
Definition: aruco.hpp:350
cv::videostab::StabilizerBase::setTrimRatio
void setTrimRatio(float val)
Definition: stabilizer.hpp:89
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
1x8, 2x4, 4x2 or 8x1 matrix
cv::cuda::DeviceInfo::pciDeviceID
int pciDeviceID() const
PCI device ID of the device.
cv::cudev::greater
Definition: functional.hpp:153
cv::face::EigenFaceRecognizer::create
static Ptr< EigenFaceRecognizer > create(int num_components=0, double threshold=DBL_MAX)
cv::cudev::GlobPtrSz
Lightweight class encapsulating pitched memory on a GPU and passed to nvcc-compiled code (CUDA kernel...
Definition: glob.hpp:86
cv::utils::shared_lock_guard::mutex_
Mutex * mutex_
Definition: lock.private.hpp:61
cv::DescriptorMatcher::DescriptorCollection::clear
virtual void clear()
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::calc
float calc(const std::vector< Mat > &_hists, const Mat &_normSum, size_t y, int featComponent) const
Definition: feature.hpp:344
cv::aruco::DICT_6X6_1000
@ DICT_6X6_1000
Definition: dictionary.hpp:153
cv::dnn::ReLU6Layer
Definition: all_layers.hpp:439
cv::instr::NodeData::m_alwaysExpand
bool m_alwaysExpand
Definition: instrumentation.hpp:83
mat.hpp
cv::AKAZE::DescriptorType
DescriptorType
Definition: features2d.hpp:827
cv::MatExpr::operator!=
MatExpr operator!=(const Mat &a, const Mat &b)
cv::ml::SVMSGD::getWeights
virtual Mat getWeights()=0
cv::gapi::core::cpu::kernels
cv::gapi::GKernelPackage kernels()
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< UMat > &vec)
cv::optflow::DenseRLOFOpticalFlow::setEPICSigma
virtual void setEPICSigma(float val)=0
see ximgproc::EdgeAwareInterpolator() sigma value.
cv::cudev::pow_func
Definition: functional.hpp:647
color_cvt.hpp
CGImageToMat
void CGImageToMat(const CGImageRef image, cv::Mat &m, bool alphaExist=false)
cv::DescriptorMatcher::DescriptorCollection::mergedDescriptors
Mat mergedDescriptors
Definition: features2d.hpp:1171
cv::RNG::state
uint64 state
Definition: core.hpp:2926
cv::reg::MapProjec::inverseMap
cv::Ptr< Map > inverseMap() const CV_OVERRIDE
cv::ocl::Context::unloadProg
void unloadProg(Program &prog)
cv::dnn::FlattenLayer
Definition: all_layers.hpp:305
cv::HOGDescriptor::blockStride
Size blockStride
Block stride. It must be a multiple of cell size. Default value is Size(8,8).
Definition: objdetect.hpp:593
cv::cudev::BinaryTransformPtr::src2
Src2Ptr src2
Definition: transform.hpp:110
vec_traits.hpp
cv::detail::BundleAdjusterBase::calcError
virtual void calcError(Mat &err)=0
Calculates error vector.
cv::saturate_cast< int64_t >
int64_t saturate_cast< int64_t >(softfloat a)
Definition: softfloat.hpp:424
cv::ThinPlateSplineShapeTransformer
Definition of the transformation.
Definition: shape_transformer.hpp:99
cv::face::FacemarkLBF::BBox::width
double width
Definition: facemarkLBF.hpp:108
cv::gapi::wip::draw::Line::Line
Line(const cv::Point &pt1_, const cv::Point &pt2_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Line constructor.
Definition: render_types.hpp:212
cv::Moments::Moments
Moments()
the default constructor
cv::ocl::OpenCLExecutionContext::setUseOpenCL
void setUseOpenCL(bool flag)
cv::ocl::Device::vendorID
int vendorID() const
cv::large_kinfu::LargeKinfu::getPose
virtual const Affine3f getPose() const =0
cv::cudacodec::NumCodecs
@ NumCodecs
Definition: cudacodec.hpp:259
cv::cudev::asinh
__device__ __forceinline__ float1 asinh(const uchar1 &a)
Definition: vec_math.hpp:366
cv::FileNode::isMap
bool isMap() const
returns true if the node is a mapping
cv::viz::OPACITY
@ OPACITY
Definition: widgets.hpp:64
cv::kinfu::Params::bilateral_kernel_size
int bilateral_kernel_size
Kernel size in pixels for bilateral smooth.
Definition: kinfu.hpp:99
cv::img_hash::BLOCK_MEAN_HASH_MODE_1
@ BLOCK_MEAN_HASH_MODE_1
use block blocks(step sizes/2), generate 31*31/8 + 1 uchar hash value
Definition: block_mean_hash.hpp:19
cv::utils::fs::getcwd
cv::String getcwd()
cv::text::ERStat::hole_area_ratio
float hole_area_ratio
2nd stage features
Definition: erfilter.hpp:89
cv::omnidir::RECTIFY_LONGLATI
@ RECTIFY_LONGLATI
Definition: omnidir.hpp:71
cv::MatStep::MatStep
MatStep()
cv::error
void error(int _code, const String &_err, const char *_func, const char *_file, int _line)
Signals an error and raises the exception.
cv::updateWindow
void updateWindow(const String &winname)
Force window to redraw its context and call draw callback ( See cv::setOpenGlDrawCallback ).
cv::cudev::BinaryTransformPtrSz::cols
int cols
Definition: transform.hpp:121
ncvAssertReturn
#define ncvAssertReturn(pred, err)
Definition: NCV.hpp:275
CvVideoWriter
struct CvVideoWriter CvVideoWriter
Definition: videoio.hpp:69
cv::cudev::absdiff_func
Definition: functional.hpp:427
cv::dnn::Dict::get
T get(const String &key) const
cv::rgbd::OdometryFrame::create
static Ptr< OdometryFrame > create(const Mat &image=Mat(), const Mat &depth=Mat(), const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
cv::TrackerMIL::Params::samplerTrackMaxPosNum
int samplerTrackMaxPosNum
Definition: tracking.hpp:765
cv::AsyncArray::Impl
friend struct Impl
Definition: async.hpp:96
cv::InferAPIList2
Definition: infer.hpp:144
cv::GScalar::GScalar
GScalar(const GNode &n, std::size_t out)
cv::detail::MetaType::type
T type
Definition: gkernel.hpp:112
cv::TickMeter::TickMeter
TickMeter()
the default constructor
Definition: utility.hpp:298
cv::GCPUContext::inMat
const cv::Mat & inMat(int input)
cv::videostab::GaussianMotionFilter::GaussianMotionFilter
GaussianMotionFilter(int radius=15, float stdev=-1.f)
Definition: motion_stabilizing.hpp:115
cv::legacy::TrackerTLD
the TLD (Tracking, learning and detection) tracker
Definition: tracking_legacy.hpp:233
cv::grabCut
void grabCut(InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL)
Runs the GrabCut algorithm.
cv::utils::logging::LogLevel
LogLevel
Supported logging levels and their semantic.
Definition: logger.defines.hpp:25
cv::_OutputArray::DepthMask
DepthMask
Definition: mat.hpp:294
cv::detail::BundleAdjusterBase::setUpInitialCameraParams
virtual void setUpInitialCameraParams(const std::vector< CameraParams > &cameras)=0
Sets initial camera parameter to refine.
cv::FileNode::read
static void read(const FileNode &node, std::vector< DMatch > &vec, const std::vector< DMatch > &default_value)
Definition: persistence.hpp:1203
cv::cudev::ScharrYPtr::index_type
int index_type
Definition: deriv.hpp:284
cv::VideoWriter::open
bool open(const String &filename, int apiPreference, int fourcc, double fps, const Size &frameSize, const std::vector< int > &params)
cv::cudev::magnitude_sqr_func::operator()
__device__ __forceinline__ functional_detail::FloatType< T >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:624
cv::datasets::PD_caltech::load
virtual void load(const std::string &path) CV_OVERRIDE=0
gtyped.hpp
cv::dnn::Layer::~Layer
virtual ~Layer()
cv::dnn::ScaleLayer
Definition: all_layers.hpp:543
cv::cudev::BinaryTransformPtr::index_type
PtrTraits< Src1Ptr >::index_type index_type
Definition: transform.hpp:107
cv::text::TextDetectorCNN::create
static Ptr< TextDetectorCNN > create(const String &modelArchFilename, const String &modelWeightsFilename, std::vector< Size > detectionSizes)
Creates an instance of the TextDetectorCNN class using the provided parameters.
cv::cudacodec::EncoderParams::DisableSPSPPS
int DisableSPSPPS
NVVE_DISABLE_SPS_PPS.
Definition: cudacodec.hpp:105
cv::multicalib::MultiCameraCalibration::MultiCameraCalibration
MultiCameraCalibration(int cameraType, int nCameras, const std::string &fileName, float patternWidth, float patternHeight, int verbose=0, int showExtration=0, int nMiniMatches=20, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 200, 1e-7), Ptr< FeatureDetector > detector=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.006f), Ptr< DescriptorExtractor > descriptor=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.006f), Ptr< DescriptorMatcher > matcher=DescriptorMatcher::create("BruteForce-L1"))
cv::Mat::Mat
Mat(const std::initializer_list< int > sizes, const std::initializer_list< _Tp > list)
cv::viz::WTrajectory::PATH
@ PATH
Definition: widgets.hpp:607
cv::gapi::ie::detail::ParamDesc
Definition: ie.hpp:49
cv::dnn::LayerFactory
Layer factory allows to create instances of registered layers.
Definition: layer.hpp:57
cv::UsacParams::neighborsSearch
NeighborSearchMethod neighborsSearch
Definition: calib3d.hpp:561
cv::detail::tracking::contrib_feature::CvFeatureParams::init
virtual void init(const CvFeatureParams &fp)
cv::detail::ChannelsCompensator::gains
std::vector< Scalar > gains() const
Definition: exposure_compensate.hpp:159
cv::TrackerCSRT::Params::psr_threshold
float psr_threshold
we lost the target, if the psr is lower than this.
Definition: tracking.hpp:74
cv::viz::Color::raspberry
static Color raspberry()
cv::cudev::transpose_
__host__ Expr< TransposeBody< SrcPtr > > transpose_(const SrcPtr &src)
Definition: warping.hpp:165
cv::utils::fs::isDirectory
bool isDirectory(const cv::String &path)
cv::GComputation::GComputation
GComputation(GMat in1, GMat in2, GScalar out)
Defines a binary (two inputs – one output) computation.
cv::DescriptorMatcher::getTrainDescriptors
const std::vector< Mat > & getTrainDescriptors() const
Returns a constant link to the train descriptor collection trainDescCollection .
cv::cuda::GpuMat::colRange
GpuMat colRange(int startcol, int endcol) const
... for the specified column span
cv::text::ERFilter::setMaxArea
virtual void setMaxArea(float maxArea)=0
cv::AutoLock
std::lock_guard< cv::Mutex > AutoLock
Definition: utility.hpp:707
cv::HOUGH_GRADIENT_ALT
@ HOUGH_GRADIENT_ALT
variation of HOUGH_GRADIENT to get better accuracy
Definition: imgproc.hpp:480
nppsStCompactGetSize_32u
NCVStatus nppsStCompactGetSize_32u(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::cuda::COLOR_BayerGB2RGB_MHT
@ COLOR_BayerGB2RGB_MHT
Definition: cudaimgproc.hpp:101
cv::videostab::NullWobbleSuppressor
Definition: wobble_suppression.hpp:96
cv::TonemapDrago
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarith...
Definition: photo.hpp:369
cv::cudev::HistogramBody::src
SrcPtr src
Definition: reduction.hpp:220
hal_ni_merge8u
int hal_ni_merge8u(const uchar **src_data, uchar *dst_data, int len, int cn)
Definition: hal_replacement.hpp:366
cv::videostab::StabilizerBase::reset
void reset()
cv::bioinspired::SegmentationParameters::contextEnergy_temporalConstant
float contextEnergy_temporalConstant
context neighborhood energy filtering parameters : the aim is to get information about the energy on ...
Definition: transientareassegmentationmodule.hpp:104
cv::ocl::KernelArg::KernelArg
KernelArg(int _flags, UMat *_m, int wscale=1, int iwscale=1, const void *_obj=0, size_t _sz=0)
cv::ParallelLoopBody
Base class for parallel data processors.
Definition: utility.hpp:575
cv::cuda::DensePyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::CAP_PROP_OPENNI_CIRCLE_BUFFER
@ CAP_PROP_OPENNI_CIRCLE_BUFFER
Definition: videoio.hpp:246
cv::ml::SVM::getDegree
virtual double getDegree() const =0
cv::cudev::VecTraits< char1 >::make
__host__ __device__ static __forceinline__ char1 make(const schar *v)
Definition: vec_traits.hpp:156
cv::cudev::Log2::value
@ value
Definition: type_traits.hpp:80
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, double alpha, Stream &stream) const
converts GpuMat to another datatype with scaling (Non-Blocking call)
cv::PCA::operator()
PCA & operator()(InputArray data, InputArray mean, int flags, int maxComponents=0)
performs PCA
cv::mcc::DetectorParameters::minContourLengthAllowed
int minContourLengthAllowed
Definition: checker_detector.hpp:119
cv::saliency::MotionSaliencyBinWangApr2014::MotionSaliencyBinWangApr2014
MotionSaliencyBinWangApr2014()
cv::AffineTransformer
Wrapper class for the OpenCV Affine Transformation algorithm. :
Definition: shape_transformer.hpp:120
cv::rgbd::RgbdOdometry::checkParams
virtual void checkParams() const CV_OVERRIDE
cv::datasets::TR_charsObj
Definition: tr_chars.hpp:61
cv::cudev::ConvertTuple::type
tuple_detail::ConvertTuple< Tuple, tuple_size< Tuple >::value, CvtOp >::type type
Definition: tuple.hpp:78
cv::cuda::HoughSegmentDetector::setMaxLineGap
virtual void setMaxLineGap(int maxLineGap)=0
cv::detail::tracking::TrackerSamplerPF::Params::alpha
double alpha
Definition: tracking_internals.hpp:779
cv::cudev::Max::rebind
Definition: reduce_to_vec.hpp:130
cv::cudev::negate
Definition: functional.hpp:123
cv::ocl::convertFromBuffer
void convertFromBuffer(void *cl_mem_buffer, size_t step, int rows, int cols, int type, UMat &dst)
Convert OpenCL buffer to UMat.
CPU_AVX_512BITALG
@ CPU_AVX_512BITALG
Definition: cvdef.h:317
HaarFeatureDescriptor32::create
__host__ NCVStatus create(NcvBool bTilted, NcvBool bLeftLeaf, NcvBool bRightLeaf, Ncv32u numFeatures, Ncv32u offsetFeatures)
Definition: NCVHaarObjectDetection.hpp:132
cv::TickMeter
a Class to measure passing time.
Definition: utility.hpp:295
cv::NORM_HAMMING
@ NORM_HAMMING
Definition: base.hpp:199
cv::GInferList2Base::id
static constexpr const char * id()
Definition: infer.hpp:237
cv::MatOp::MatOp
MatOp()
cv::ppf_match_3d::PPF3DDetector::distance_step
double distance_step
Definition: ppf_match_3d.hpp:148
cv::cuda::SparsePyrLKOpticalFlow::setWinSize
virtual void setWinSize(Size winSize)=0
cv::Matx::rows
@ rows
Definition: matx.hpp:103
cv::text::ERFILTER_NM_IHSGrad
@ ERFILTER_NM_IHSGrad
Definition: erfilter.hpp:245
cv::optflow::createOptFlow_SparseRLOF
Ptr< SparseOpticalFlow > createOptFlow_SparseRLOF()
Additional interface to the Sparse RLOF algorithm - optflow::calcOpticalFlowSparseRLOF()
cv::COLOR_BGR5552BGRA
@ COLOR_BGR5552BGRA
Definition: imgproc.hpp:573
cv::recoverPose
int recoverPose(InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, InputOutputArray mask=noArray())
Recovers the relative camera rotation and the translation from an estimated essential matrix and the ...
cv::detail::tracking::contrib_feature::CvParams::scanAttr
virtual bool scanAttr(const std::string prmName, const std::string val)
cv::PyRotationWarper
Definition: warpers.hpp:51
cv::L1::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:931
cv::line_descriptor::BinaryDescriptor::createBinaryDescriptor
static Ptr< BinaryDescriptor > createBinaryDescriptor(Params parameters)
cv::cuda::DeviceInfo::surfaceAlignment
size_t surfaceAlignment() const
alignment requirements for surfaces
cv::detail::tracking::tbm::IDescriptorDistance::~IDescriptorDistance
virtual ~IDescriptorDistance()
Definition: tracking_by_matching.hpp:179
cv::detail::tracking::TrackerSamplerCSC::setMode
void setMode(int samplingMode)
Set the sampling mode of TrackerSamplerCSC.
cv::KAZE::setUpright
virtual void setUpright(bool upright)=0
cv::MinProblemSolver::Function::calc
virtual double calc(const double *x) const =0
cv::dynafu::DynaFu::~DynaFu
virtual ~DynaFu()
cv::dnn::TextRecognitionModel::setVocabulary
TextRecognitionModel & setVocabulary(const std::vector< std::string > &vocabulary)
Set the vocabulary for recognition.
cv::ximgproc::segmentation::GraphSegmentation::processImage
virtual void processImage(InputArray src, OutputArray dst)=0
Segment an image and store output in dst.
cv::hal::absdiff8u
void absdiff8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::cuda::BroxOpticalFlow::getSolverIterations
virtual int getSolverIterations() const =0
number of linear system solver iterations
cv::dnn::SplitLayer
Definition: all_layers.hpp:326
cv::xobjdetect::WBDetector::detect
virtual void detect(const Mat &img, std::vector< Rect > &bboxes, std::vector< double > &confidences)=0
Detect objects on image using WaldBoost detector.
cv::SimpleBlobDetector::Params::minThreshold
float minThreshold
Definition: features2d.hpp:720
cv::hal::invSqrt32f
void invSqrt32f(const float *src, float *dst, int len)
cv::legacy::MultiTracker::~MultiTracker
~MultiTracker() CV_OVERRIDE
Destructor.
cv::vint64mf2_t::val
int64 val[1]
Definition: intrin_rvv.hpp:112
cv::COLOR_YUV2BGRA_YUY2
@ COLOR_YUV2BGRA_YUY2
Definition: imgproc.hpp:706
cv::util::bad_variant_access::what
virtual const char * what() const noexcept override
Definition: variant.hpp:50
cv::Allocator::size_type
size_t size_type
Definition: cvstd.hpp:118
cv::detail::tracking::tbm::ITrackerByMatching::setDescriptorFast
virtual void setDescriptorFast(const Descriptor &val)=0
Fast descriptor setter.
cv::detail::tracking::tbm::Track::descriptor_fast
cv::Mat descriptor_fast
Fast descriptor.
Definition: tracking_by_matching.hpp:390
cv::rgbd::RgbdFrame
Definition: depth.hpp:462
cv::Tracker::update
virtual bool update(InputArray image, Rect &boundingBox)=0
Update the tracker, find the new most likely bounding box for the target.
cv::large_kinfu::LargeKinfu::render
virtual void render(OutputArray image, const Matx44f &cameraPose=Matx44f::eye()) const =0
cv::detail::BlocksGainCompensator::apply
void apply(int index, Point corner, InputOutputArray image, InputArray mask) CV_OVERRIDE
Compensate exposure in the specified image.
Definition: exposure_compensate.hpp:220
cv::ogl::Buffer::rows
int rows() const
cv::gapi::ie::PyParams::params
cv::util::any params() const
cv::DIST_WELSCH
@ DIST_WELSCH
distance = c^2/2(1-exp(-(x/c)^2)), c = 2.9846
Definition: imgproc.hpp:306
cv::text::ERFilter::setMinProbabilityDiff
virtual void setMinProbabilityDiff(float minProbabilityDiff)=0
cv::HausdorffDistanceExtractor
A simple Hausdorff distance measure between shapes defined by contours.
Definition: shape_distance.hpp:201
cv::MatConstIterator::MatConstIterator
MatConstIterator(const MatConstIterator &it)
copy constructor
cv::cudev::vsetne2
__device__ __forceinline__ uint vsetne2(uint a, uint b)
Definition: simd_functions.hpp:433
nppsStCompact_32u
NCVStatus nppsStCompact_32u(Ncv32u *d_src, Ncv32u srcLen, Ncv32u *d_dst, Ncv32u *p_dstLen, Ncv32u elemRemove, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const std::vector< _Tp > &vec)
Definition: persistence.hpp:1086
cv::detail::tracking::contrib_feature::CvHOGEvaluator::~CvHOGEvaluator
virtual ~CvHOGEvaluator()
Definition: feature.hpp:304
cv::cuda::printShortCudaDeviceInfo
void printShortCudaDeviceInfo(int device)
cv::CAP_PROP_SATURATION
@ CAP_PROP_SATURATION
Saturation of the image (only for cameras).
Definition: videoio.hpp:147
cv::GArray::GArray
GArray(const std::vector< HT > &v)
Definition: garray.hpp:344
NcvRect8u::NcvRect8u
__host__ __device__ NcvRect8u()
Definition: NCV.hpp:143
cv::kinfu::VolumeParams::type
VolumeType type
Type of Volume Values can be TSDF (single volume) or HASHTSDF (hashtable of volume units)
Definition: volume.hpp:57
cv::FileNode::string
operator std::string() const
returns the node content as text string
Definition: persistence.hpp:581
CV_CUDEV_RGB2Lab_INST
#define CV_CUDEV_RGB2Lab_INST(name, scn, dcn, sRGB, blueIdx)
Definition: color_cvt.hpp:317
NCVMatrix::clear
void clear()
Definition: NCV.hpp:751
cv::gapi::fluid::Buffer::Buffer
Buffer(const cv::GMatDesc &desc, int max_line_consumption, int border_size, int skew, int wlpi, BorderOpt border)
cv::decomposeEssentialMat
void decomposeEssentialMat(InputArray E, OutputArray R1, OutputArray R2, OutputArray t)
Decompose an essential matrix to possible rotations and translation.
cv::aruco::drawDetectedMarkers
void drawDetectedMarkers(InputOutputArray image, InputArrayOfArrays corners, InputArray ids=noArray(), Scalar borderColor=Scalar(0, 255, 0))
Draw detected markers in image.
cv::legacy::MultiTrackerTLD
Multi Object Tracker for TLD.
Definition: tracking_legacy.hpp:480
cv::sfm::libmv_CameraIntrinsicsOptions::principal_point_y
double principal_point_y
Definition: simple_pipeline.hpp:111
cv::cudev::SobelXPtrSz
Definition: deriv.hpp:162
cv::HISTCMP_HELLINGER
@ HISTCMP_HELLINGER
Synonym for HISTCMP_BHATTACHARYYA.
Definition: imgproc.hpp:513
cv::videostab::KeypointBasedMotionEstimator::setOutlierRejector
void setOutlierRejector(Ptr< IOutlierRejector > val)
Definition: global_motion.hpp:243
cv::gapi::fluid::View::Cache::m_desc
GMatDesc m_desc
Definition: gfluidbuffer.hpp:46
cv::mcc::CCheckerDraw::create
static Ptr< CCheckerDraw > create(Ptr< CChecker > pChecker, cv::Scalar color=CV_RGB(0, 250, 0), int thickness=2)
Create a new CCheckerDraw object.
cv::viz::Color::chartreuse
static Color chartreuse()
CV_EXPORTS_W
#define CV_EXPORTS_W
Definition: cvdef.h:444
cv::stereo::StereoBinaryBM::getScalleFactor
virtual int getScalleFactor() const =0
cv::line_descriptor::KeyLine::ePointInOctaveX
float ePointInOctaveX
Definition: descriptor.hpp:134
cv::ml::TrainData::getNTrainSamples
virtual int getNTrainSamples() const =0
cv::INTER_BITS2
@ INTER_BITS2
Definition: imgproc.hpp:287
cv::TLSDataContainer::getData
void * getData() const
cv::cudev::not2
__host__ __device__ BinaryNegate< Predicate > not2(const Predicate &pred)
Definition: functional.hpp:823
cv::Quat::log
Quat< _Tp > log(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return the value of logarithm function.
cv::dnn_objdetect::InferBbox::intersection_over_union
void intersection_over_union(std::vector< std::vector< double > > *boxes, std::vector< double > *base_box, std::vector< double > *iou)
Computes intersection over union of bounding boxes.
cv::instr::TYPE_FUN
@ TYPE_FUN
Definition: instrumentation.hpp:50
cv::gapi::wip::draw::Line::Line
Line()=default
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_(SparseMat_< _Tp > *_m)
the full constructor setting the iterator to the first sparse matrix element
cv::gapi::core::plaidml::kernels
cv::gapi::GKernelPackage kernels()
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::Feature
Feature()
cv::datasets::IS_bsds::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::detail::SeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks)=0
Estimates seams.
cv::vint64mf2_t::vint64mf2_t
vint64mf2_t()
Definition: intrin_rvv.hpp:113
cv::v_uint16x8
Definition: intrin_rvv.hpp:294
cv::MatExpr::operator+
MatExpr operator+(const Mat &a, const Mat &b)
cv::ocl::PlatformInfo::versionMajor
int versionMajor() const
cv::face::FacemarkKazemi::Params::Params
Params()
Constructor.
cv::detail::BlocksGainCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image block intens...
Definition: exposure_compensate.hpp:208
cv::detail::FluidCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... >, UseScratch >::init_scratch
static void init_scratch(const GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:382
cv::cuda::HOG::setNumLevels
virtual void setNumLevels(int nlevels)=0
Maximum number of detection window increases.
cv::v_uint64x2::get0
uint64 get0() const
Definition: intrin_rvv.hpp:475
checker_detector.hpp
vec_distance.hpp
cv::cudacodec::SF_YV12
@ SF_YV12
Definition: cudacodec.hpp:76
assert.hpp
cv::kinfu::Volume::pose
const Affine3f pose
Definition: volume.hpp:42
cv::Mat::Mat
Mat(const Mat &m)
cv::Affine3::Affine3
Affine3(const Mat &data, const Vec3 &t=Vec3::all(0))
cv::cuda::GpuMat::ptr
uchar * ptr(int y=0)
returns pointer to y-th row
cv::FileStorage::write
static void write(FileStorage &fs, const Size_< _Tp > &sz)
Definition: persistence.hpp:936
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7)
8-element vector constructor
cv::gapi::wip::GAsyncContext::isCanceled
bool isCanceled() const
Returns true if cancellation was requested for this context.
cv::videostab::MotionEstimatorBase::estimate
virtual Mat estimate(InputArray points0, InputArray points1, bool *ok=0)=0
Estimates global motion between two 2D point clouds.
cv::stereo::StereoBinarySGBM::getSpekleRemovalTechnique
virtual int getSpekleRemovalTechnique() const =0
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Vec2d &fov, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
cv::IMWRITE_PNG_STRATEGY_FIXED
@ IMWRITE_PNG_STRATEGY_FIXED
Using this value prevents the use of dynamic Huffman codes, allowing for a simpler decoder for specia...
Definition: imgcodecs.hpp:126
cv::xphoto::SimpleWB::setInputMax
virtual void setInputMax(float val)=0
Input image range maximum value.
nppStBorderNone
@ nppStBorderNone
There is no need to define additional pixels, image is extended already.
Definition: NPP_staging.hpp:90
cv::bioinspired::Retina::create
static Ptr< Retina > create(Size inputSize)
cv::detail::OptRef::mov
void mov(RefHolder &h)
Definition: gstreaming.hpp:55
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< Mat_< _Tp > > &vec)
cv::cudev::vec_math_detail::SatCastHelper< 1, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:65
cv::detail::PlaneWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R, InputArray T)
cv::hal::div16s
void div16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
cv::Ptr
std::shared_ptr< _Tp > Ptr
Definition: cvstd_wrapper.hpp:23
cv::COLOR_YUV2BGR_NV12
@ COLOR_YUV2BGR_NV12
Definition: imgproc.hpp:637
cv::SimpleBlobDetector::Params::minArea
float minArea
Definition: features2d.hpp:729
cv::cudev::LaplacianPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:374
NppStInterpolationState::pSrcFrame0
Ncv32f * pSrcFrame0
frame 0
Definition: NPP_staging.hpp:119
tracking.hpp
cv::GFluidKernel::RS
std::function< void(gapi::fluid::Buffer &)> RS
Definition: gfluidkernel.hpp:62
cv::optflow::SparseRLOFOpticalFlow::getForwardBackward
virtual float getForwardBackward() const =0
Threshold for the forward backward confidence check.
cv::operator/
v_reg< _Tp, n > operator/(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Divide values.
cv::stereo::StereoMatcher::setMinDisparity
virtual void setMinDisparity(int minDisparity)=0
cv::gapi::GFunctor::id
const char * id() const
Definition: gkernel.hpp:419
cv::videoio_registry::hasBackend
bool hasBackend(VideoCaptureAPIs api)
Returns true if backend is available.
cv::datasets::pose::elem
double elem[12]
Definition: slam_kitti.hpp:62
cv::ximgproc::SuperpixelSEEDS::getNumberOfSuperpixels
virtual int getNumberOfSuperpixels()=0
Calculates the superpixel segmentation on a given image stored in SuperpixelSEEDS object.
cv::aruco::detectMarkers
void detectMarkers(InputArray image, const Ptr< Dictionary > &dictionary, OutputArrayOfArrays corners, OutputArray ids, const Ptr< DetectorParameters > &parameters=DetectorParameters::create(), OutputArrayOfArrays rejectedImgPoints=noArray(), InputArray cameraMatrix=noArray(), InputArray distCoeff=noArray())
Basic marker detection.
cv::AgastFeatureDetector_Impl::threshold
int threshold
Definition: agast.txt:7532
cv::datasets::FR_adience::paths
std::vector< std::string > paths
Definition: fr_adience.hpp:90
cv::line_descriptor::BinaryDescriptorMatcher::radiusMatch
void radiusMatch(const Mat &queryDescriptors, const Mat &trainDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, const Mat &mask=Mat(), bool compactResult=false) const
For every input query descriptor, retrieve, from a dataset provided from user or from the one interna...
cv::detail::ExposureCompensator::NO
@ NO
Definition: exposure_compensate.hpp:66
cv::gapi::s11n::detail::get_v
IIStream & get_v(IIStream &, V &, std::size_t, std::size_t)
Definition: s11n.hpp:235
cv::ximgproc::EdgeBoxes::getClusterMinMag
virtual float getClusterMinMag() const =0
Returns the cluster min magnitude.
cv::CAP_PROP_XI_SENSOR_MODE
@ CAP_PROP_XI_SENSOR_MODE
Current sensor mode. Allows to select sensor mode by one integer. Setting of this parameter affects: ...
Definition: videoio.hpp:475
cv::rgbd::Odometry::setTransformType
virtual void setTransformType(int val)=0
cv::detail::BundleAdjusterBase::num_params_per_cam_
int num_params_per_cam_
Definition: motion_estimators.hpp:199
cv::NEIGH_FLANN_RADIUS
@ NEIGH_FLANN_RADIUS
Definition: calib3d.hpp:550
cv::viz::Viz3d::setViewerPose
void setViewerPose(const Affine3d &pose)
Sets pose of the viewer.
cv::kinfu::Params::depthFactor
float depthFactor
pre-scale per 1 meter for input values
Definition: kinfu.hpp:92
cv::Error::MaskIsTiled
@ MaskIsTiled
Definition: base.hpp:95
cv::detail::ExposureCompensator::createDefault
static Ptr< ExposureCompensator > createDefault(int type)
cv::detail::tracking::tbm::TrackerParams::shape_affinity_w
float shape_affinity_w
Shape affinity weight.
Definition: tracking_by_matching.hpp:281
cv::checkRange
bool checkRange(InputArray a, bool quiet=true, Point *pos=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX)
Checks every element of an input array for invalid values.
NCVBroxOpticalFlowDescriptor::number_of_solver_iterations
Ncv32u number_of_solver_iterations
number of linear system solver iterations
Definition: NCVBroxOpticalFlow.hpp:82
cv::ml::DTrees::Split::varIdx
int varIdx
Index of variable on which the split is created.
Definition: ml.hpp:1179
cv::KeyPointsFilter
A class filters a vector of keypoints.
Definition: features2d.hpp:107
cv::datasets::TRACK_alovObj::gtbb
vector< Point2f > gtbb
Definition: track_alov.hpp:65
cv::cuda::CLAHE
Base class for Contrast Limited Adaptive Histogram Equalization. :
Definition: cudaimgproc.hpp:226
cv::RMat::View::chan
int chan() const
Definition: rmat.hpp:75
cv::dnn::InnerProductLayer::axis
int axis
Definition: all_layers.hpp:280
cv::QRCodeDetector::setEpsY
void setEpsY(double epsY)
sets the epsilon used during the vertical scan of QR code stop marker detection.
cv::face::FacemarkLBF::BBox::BBox
BBox(double x, double y, double w, double h)
cv::SparseMatIterator_::iterator_category
std::forward_iterator_tag iterator_category
Definition: mat.hpp:3303
CPU_POPCNT
@ CPU_POPCNT
Definition: cvdef.h:299
cv::ppf_match_3d::PPF3DDetector::num_ref_points
int num_ref_points
Definition: ppf_match_3d.hpp:151
cv::ovis::WindowScene::getDepth
virtual void getDepth(OutputArray depth)=0
cv::hdf::HDF5::dscreate
virtual void dscreate(const int n_dims, const int *sizes, const int type, const String &dslabel) const =0
cv::ft::createKernel
void createKernel(InputArray A, InputArray B, OutputArray kernel, const int chn)
Creates kernel from basic functions.
cv::instr::NodeData::m_lineNum
int m_lineNum
Definition: instrumentation.hpp:81
cv::GPlaidMLContext
Definition: gplaidmlkernel.hpp:36
cv::cudev::TypesEquals
Definition: type_traits.hpp:118
cv::cudev::saturate_cast
__device__ __forceinline__ T saturate_cast(uchar v)
Definition: saturate_cast.hpp:59
cv::CAP_PROP_XI_TRG_DELAY
@ CAP_PROP_XI_TRG_DELAY
Specifies the delay in microseconds (us) to apply after the trigger reception before activating it.
Definition: videoio.hpp:462
cv::gapi::cpu::GOCVFunctor::impl
GKernelImpl impl() const override
Definition: gcpukernel.hpp:502
cv::softdouble::softdouble
softdouble(const uint32_t)
Construct from integer.
cv::v_sqrt
v_reg< _Tp, n > v_sqrt(const v_reg< _Tp, n > &a)
Square root of elements.
Definition: intrin_cpp.hpp:586
cv::addText
void addText(const Mat &img, const String &text, Point org, const QtFont &font)
Draws a text on the image.
cv::ximgproc::ThinningTypes
ThinningTypes
Definition: ximgproc.hpp:110
cv::gapi::bind
cv::GRunArgsP bind(cv::GRunArgs &results)
cv::cuda::HoughCirclesDetector
Base class for circles detector algorithm. :
Definition: cudaimgproc.hpp:446
cv::datasets::SLAM_kittiObj::times
std::vector< double > times
Definition: slam_kitti.hpp:70
cv::cudev::BrdReflect::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:173
cv::aruco::CharucoBoard::create
static Ptr< CharucoBoard > create(int squaresX, int squaresY, float squareLength, float markerLength, const Ptr< Dictionary > &dictionary)
Create a CharucoBoard object.
cv::Tonemap
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
Definition: photo.hpp:337
cv::Error::BadCOI
@ BadCOI
input COI is not supported
Definition: base.hpp:93
cv::FONT_HERSHEY_COMPLEX_SMALL
@ FONT_HERSHEY_COMPLEX_SMALL
smaller version of FONT_HERSHEY_COMPLEX
Definition: imgproc.hpp:823
cv::UMat::colRange
UMat colRange(int startcol, int endcol) const
... for the specified column span
cv::UMatData::copyOnMap
bool copyOnMap() const
cv::cudev::ThreshToZeroInvFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:775
cv::cuda::OpticalFlowDual_TVL1::getNumWarps
virtual int getNumWarps() const =0
NCVVectorAlloc::getAllocatorsAlignment
Ncv32u getAllocatorsAlignment() const
Definition: NCV.hpp:669
cv::dnn::slice
static Mat slice(const Mat &m, const _Range &r0)
Definition: shape_utils.hpp:63
cv::bioinspired::Retina::clearBuffers
virtual void clearBuffers()=0
Clears all retina buffers.
cv::_OutputArray::getGpuMatRef
cuda::GpuMat & getGpuMatRef() const
cv::datasets::groundTruth
Definition: gr_chalearn.hpp:61
cv::ocl::Image2D::isFormatSupported
static bool isFormatSupported(int depth, int cn, bool norm)
cv::ml::TrainData::getNVars
virtual int getNVars() const =0
cv::GOCLKernel::F
std::function< void(GOCLContext &)> F
Definition: goclkernel.hpp:91
cv::v_uint32x4::nlanes
@ nlanes
Definition: intrin_rvv.hpp:360
cv::utils::dumpInputArrayOfArrays
String dumpInputArrayOfArrays(InputArrayOfArrays argument)
cv::rgbd::RgbdPlane::getBlockSize
int getBlockSize() const
Definition: depth.hpp:389
cv::datasets::IR_robot::create
static Ptr< IR_robot > create()
cv::DetectionBasedTracker::separateDetectionWork
cv::Ptr< SeparateDetectionWork > separateDetectionWork
Definition: detection_based_tracker.hpp:161
cv::util::enable_if_t
typename std::enable_if< B, T >::type enable_if_t
Definition: type_traits.hpp:19
cv::rgbd::Odometry::DEFAULT_MAX_POINTS_PART
static float DEFAULT_MAX_POINTS_PART()
Definition: depth.hpp:550
cv::detail::FeatherBlender::blend
void blend(InputOutputArray dst, InputOutputArray dst_mask) CV_OVERRIDE
Blends and returns the final pano.
NCVMemoryType
NCVMemoryType
Definition: NCV.hpp:428
cv::Mat_::eye
static MatExpr eye(int rows, int cols)
cv::cuda::DescriptorMatcher::knnMatchConvert
virtual void knnMatchConvert(InputArray gpu_matches, std::vector< std::vector< DMatch > > &matches, bool compactResult=false)=0
Converts matches array from internal representation to standard matches vector.
cv::ocl::KernelArg::PtrWriteOnly
static KernelArg PtrWriteOnly(const UMat &m)
Definition: ocl.hpp:391
cv::AVIWriteContainer::putStreamByte
void putStreamByte(int val)
cv::reg::MapperGradProj
Definition: mappergradproj.hpp:53
cv::quality::QualityBase::getQualityMap
virtual void getQualityMap(OutputArray dst) const
Returns output quality map that was generated during computation, if supported by the algorithm
Definition: qualitybase.hpp:38
cv::gapi::video::BackgroundSubtractorParams::operation
BackgroundSubtractorType operation
Type of the Background Subtractor operation.
Definition: video.hpp:103
cv::softdouble::operator=
softdouble & operator=(const softdouble &c)
Assign constructor.
Definition: softfloat.hpp:234
cv::text::loadOCRHMMClassifier
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifier(const String &filename, int classifier)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
cv::gapi::core::GMat4
std::tuple< GMat, GMat, GMat, GMat > GMat4
Definition: core.hpp:35
cv::rgbd::RgbdICPOdometry::getMinDepth
double getMinDepth() const
Definition: depth.hpp:925
cv::viz::Viz3d::spinOnce
void spinOnce(int time=1, bool force_redraw=false)
Starts the event loop for a given time.
cv::linemod::Detector::addSyntheticTemplate
int addSyntheticTemplate(const std::vector< Template > &templates, const String &class_id)
Add a new object template computed by external means.
cv::detail::BlocksCompensator::getSimilarityThreshold
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:181
uint
uint32_t uint
Definition: interface.h:42
cv::AutoBuffer::sz
size_t sz
size of the real buffer
Definition: utility.hpp:148
cv::Rect_
Template class for 2D rectangles.
Definition: types.hpp:421
cv::CLAHE::collectGarbage
virtual void collectGarbage()=0
cv::GNetworkType< K, std::function< R(Args...)> >::API
std::function< R(Args...)> API
Definition: infer.hpp:105
cv::GComputation::Generator
std::function< GComputation()> Generator
Definition: gcomputation.hpp:122
cv::mcc::CCheckerDetector::getListColorChecker
virtual std::vector< Ptr< CChecker > > getListColorChecker()=0
Get the list of all detected colorcheckers.
cv::cuda::StereoBeliefPropagation::getMsgType
virtual int getMsgType() const =0
type for messages (CV_16SC1 or CV_32FC1)
NCV_NOT_IMPLEMENTED
@ NCV_NOT_IMPLEMENTED
Definition: NCV.hpp:350
cv::cudacodec::RawVideoSource::format
virtual FormatInfo format() const =0
Returns information about video file format.
cv::Point3f
Point3_< float > Point3f
Definition: types.hpp:271
Ncv8s
signed char Ncv8s
Definition: NCV.hpp:131
cv::INTER_LANCZOS4
@ INTER_LANCZOS4
Definition: imgproc.hpp:256
NcvSize32u::height
Ncv32u height
Rectangle height.
Definition: NCV.hpp:184
cv::NAryMatIterator::nplanes
size_t nplanes
the number of hyper-planes that the iterator steps through
Definition: mat.hpp:3414
cv::EVENT_FLAG_SHIFTKEY
@ EVENT_FLAG_SHIFTKEY
indicates that SHIFT Key is pressed.
Definition: highgui.hpp:230
cv::videostab::MotionStabilizationPipeline::empty
bool empty() const
Definition: motion_stabilizing.hpp:74
cv::omnidir::internal::flags2idxStereo
void flags2idxStereo(int flags, std::vector< int > &idx, int n)
cv::ogl::Texture2D::texId
unsigned int texId() const
get OpenGL opject id
cv::detail::tracking::TrackerModel::modelUpdateImpl
virtual void modelUpdateImpl()=0
cv::CommandLineParser::CommandLineParser
CommandLineParser(int argc, const char *const argv[], const String &keys)
Constructor.
NCVMemSegment
Definition: NCV.hpp:451
cv::gapi::plaidml::config
This structure represents the basic parameters for the experimental PlaidML backend.
Definition: plaidml.hpp:29
cv::cudev::lutPtr
__host__ LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > lutPtr(const SrcPtr &src, const TablePtr &tbl)
Definition: lut.hpp:87
cv::SimpleBlobDetector::create
static Ptr< SimpleBlobDetector > create(const SimpleBlobDetector::Params &parameters=SimpleBlobDetector::Params())
cv::optflow::GPCPatchDescriptor::feature
Vec< double, nFeatures > feature
Definition: sparse_matching_gpc.hpp:68
cv::detail::tracking::tbm::Track::empty
bool empty() const
empty returns if track does not contain objects.
Definition: tracking_by_matching.hpp:344
cv::ogl::Texture2D::Texture2D
Texture2D(int arows, int acols, Format aformat, bool autoRelease=false)
cv::COLOR_YUV2RGBA_YUY2
@ COLOR_YUV2RGBA_YUY2
Definition: imgproc.hpp:705
cv::SimpleBlobDetector::Params::filterByColor
bool filterByColor
Definition: features2d.hpp:725
intrin_avx.hpp
cv::QtFontStyles
QtFontStyles
Qt font style.
Definition: highgui.hpp:249
cv::COVAR_COLS
@ COVAR_COLS
Definition: core.hpp:203
cv::fisheye::CALIB_FIX_INTRINSIC
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:3774
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::OPLandIplParvoParameters
OPLandIplParvoParameters()
Definition: retina.hpp:152
cv::cuda::bilateralFilter
void bilateralFilter(InputArray src, OutputArray dst, int kernel_size, float sigma_color, float sigma_spatial, int borderMode=BORDER_DEFAULT, Stream &stream=Stream::Null())
Performs bilateral filtering of passed image.
cv::FileNode::read
void read(const FileNode &node, DMatch &value, const DMatch &default_value)
cv::cuda::GpuMat::col
GpuMat col(int x) const
returns a new GpuMat header for the specified column
NcvRect32u::width
Ncv32u width
Rectangle width.
Definition: NCV.hpp:164
cv::_InputArray::isMat
bool isMat() const
cv::QRCodeDetector::detectAndDecode
std::string detectAndDecode(InputArray img, OutputArray points=noArray(), OutputArray straight_qrcode=noArray())
Both detects and decodes QR code.
cv::linemod::Feature::Feature
Feature()
Definition: linemod.hpp:32
cv::detail::tracked_cv_umat::original_data
uchar * original_data
Definition: goclkernel.hpp:134
cv::softfloat::softfloat
softfloat(const float a)
Construct from float.
Definition: softfloat.hpp:120
THash
Struct, holding a node in the hashtable.
Definition: ppf_match_3d.hpp:80
cv::rgbd::FastICPOdometry::getMaxDistDiff
double getMaxDistDiff() const
Definition: depth.hpp:1080
cv::ogl::convertFromGLTexture2D
void convertFromGLTexture2D(const Texture2D &texture, OutputArray dst)
Converts Texture2D object to OutputArray.
cv::cudev::cast_fp16< short, float >
__device__ __forceinline__ float cast_fp16< short, float >(short v)
Definition: saturate_cast.hpp:278
cv::CAP_PROP_XI_DEFAULT_CC_MATRIX
@ CAP_PROP_XI_DEFAULT_CC_MATRIX
Set default Color Correction Matrix.
Definition: videoio.hpp:430
cv::IMREAD_REDUCED_GRAYSCALE_4
@ IMREAD_REDUCED_GRAYSCALE_4
If set, always convert image to the single channel grayscale image and the image size reduced 1/4.
Definition: imgcodecs.hpp:78
cv::ovis::MaterialProperty
MaterialProperty
Definition: ovis.hpp:59
cv::viz::readTrajectory
void readTrajectory(OutputArray traj, const String &files_format="pose%05d.xml", int start=0, int end=INT_MAX, const String &tag="pose")
cv::sfm::essentialFromFundamental
void essentialFromFundamental(InputArray F, InputArray K1, InputArray K2, OutputArray E)
Get Essential matrix from Fundamental and Camera matrices.
cv::cudev::minimum::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:321
cv::CAP_PROP_VIEWFINDER
@ CAP_PROP_VIEWFINDER
Enter liveview mode.
Definition: videoio.hpp:582
cv::CAP_PROP_GIGA_FRAME_SENS_WIDTH
@ CAP_PROP_GIGA_FRAME_SENS_WIDTH
Definition: videoio.hpp:530
cv::RMat::View::operator=
View & operator=(const View &)=delete
OPENCV_HAL_IMPL_C_SHIFTL
#define OPENCV_HAL_IMPL_C_SHIFTL(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2409
cv::cudev::cvt_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, saturate_cast_func< typename PtrTraits< SrcPtr >::value_type, D > > > cvt_(const SrcPtr &src)
Definition: per_element_func.hpp:119
cv::dnn::TextDetectionModel_EAST::setNMSThreshold
TextDetectionModel_EAST & setNMSThreshold(float nmsThreshold)
Set the detection NMS filter threshold.
cv::inpaint
void inpaint(InputArray src, InputArray inpaintMask, OutputArray dst, double inpaintRadius, int flags)
Restores the selected region in an image using the region neighborhood.
hal_ni_filterFree
int hal_ni_filterFree(cvhalFilter2D *context)
hal_filterFree
Definition: hal_replacement.hpp:128
cv::HISTCMP_CHISQR_ALT
@ HISTCMP_CHISQR_ALT
Definition: imgproc.hpp:517
cv::TLSDataAccumulator::detachData
std::vector< T * > & detachData()
Get and detach data from all threads.
Definition: tls.hpp:130
cv::_OutputArray::_OutputArray
_OutputArray(const cudev::GpuMat_< _Tp > &m)
cv::ft::FT12D_process
void FT12D_process(InputArray matrix, InputArray kernel, OutputArray output, InputArray mask=noArray())
Computes -transfrom and inverse -transfrom at once.
cv::Vec4d
Vec< double, 4 > Vec4d
Definition: matx.hpp:434
cv::NAryMatIterator::NAryMatIterator
NAryMatIterator()
the default constructor
hal_ni_addWeighted64f
int hal_ni_addWeighted64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:324
cv::Affine3::Vec3
Vec< float_type, 3 > Vec3
Definition: affine.hpp:132
cv::ccalib::CustomPattern::getDescriptorExtractor
Ptr< DescriptorExtractor > getDescriptorExtractor()
cv::ocl::Program::~Program
~Program()
cv::ovis::WindowScene::setEntityProperty
virtual void setEntityProperty(const String &name, int prop, const Scalar &value)=0
cv::detail::tracking::feature::CvParams::~CvParams
virtual ~CvParams()
Definition: tracking_feature.private.hpp:29
cv::createGeneralizedHoughGuil
Ptr< GeneralizedHoughGuil > createGeneralizedHoughGuil()
Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
cv::MatSize::operator()
Size operator()() const
cv::cuda::FastOpticalFlowBM
Definition: cudalegacy.hpp:200
cv::cudev::VecTraits< char3 >::make
__host__ __device__ static __forceinline__ char3 make(schar x, schar y, schar z)
Definition: vec_traits.hpp:171
cv::ml::RTrees::getOOBError
virtual double getOOBError() const =0
uchar
unsigned char uchar
Definition: interface.h:51
cv::gapi::fluid::Buffer::debug
void debug(std::ostream &os) const
cv::makePtr
static Ptr< _Tp > makePtr(const A1 &... a1)
Definition: cvstd_wrapper.hpp:26
cv::bioinspired::RetinaFastToneMapping::setup
virtual void setup(const float photoreceptorsNeighborhoodRadius=3.f, const float ganglioncellsNeighborhoodRadius=1.f, const float meanLuminanceModulatorK=1.f)=0
updates tone mapping behaviors by adjusing the local luminance computation area
cv::AsyncArray::_getImpl
void * _getImpl() const CV_NOEXCEPT
Definition: async.hpp:97
cv::dnn::Model
This class is presented high-level API for neural networks.
Definition: dnn.hpp:1081
cv::stereo::StereoBinarySGBM
The class implements the modified H. Hirschmuller algorithm that differs from the original one as fo...
Definition: stereo.hpp:197
cv::detail::tracking::TrackerTargetState::~TrackerTargetState
virtual ~TrackerTargetState()
Definition: tracking.private.hpp:174
cv::Affine3::Mat4
Matx< float_type, 4, 4 > Mat4
Definition: affine.hpp:131
cv::viz::LINE_WIDTH
@ LINE_WIDTH
Definition: widgets.hpp:65
cv::AVIReadContainer::initStream
void initStream(Ptr< VideoInputStream > m_file_stream_)
cv::gapi::wip::draw::Line::shift
int shift
The number of fractional bits in the point coordinates.
Definition: render_types.hpp:230
cv::gapi::island
void island(const std::string &name, GProtoInputArgs &&ins, GProtoOutputArgs &&outs)
Define an tagged island (subgraph) within a computation.
cv::dnn::Dict
This class implements name-value dictionary, values are instances of DictValue.
Definition: dict.hpp:115
cv::v_round
v_reg< int, 4 > v_round(const v_reg< float, 4 > &a)
Round elements.
Definition: intrin_cpp.hpp:604
cv::Mat::setDefaultAllocator
static void setDefaultAllocator(MatAllocator *allocator)
cv::RNG_MT19937::RNG_MT19937
RNG_MT19937(unsigned s)
cv::detail::is_gmat_type
Definition: gfluidkernel.hpp:257
cv::batchDistance
void batchDistance(InputArray src1, InputArray src2, OutputArray dist, int dtype, OutputArray nidx, int normType=NORM_L2, int K=0, InputArray mask=noArray(), int update=0, bool crosscheck=false)
naive nearest neighbor finder
NPPST_MEM_RESIDENCE_ERROR
@ NPPST_MEM_RESIDENCE_ERROR
Memory residence error detected (check if pointers should be device or pinned)
Definition: NCV.hpp:369
cv::omnidir::CALIB_FIX_XI
@ CALIB_FIX_XI
Definition: omnidir.hpp:63
cv::legacy::TrackerMIL::create
static Ptr< legacy::TrackerMIL > create()
Ncv64f
double Ncv64f
Definition: NCV.hpp:134
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params
Parameters of phaseUnwrapping constructor.
Definition: histogramphaseunwrapping.hpp:79
cv::cudev::pow_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Binder2nd< pow_func< typename PtrTraits< SrcPtr >::value_type > > > > pow_(const SrcPtr &src, float power)
Definition: unary_func.hpp:94
cv::COLOR_BGR2HSV_FULL
@ COLOR_BGR2HSV_FULL
Definition: imgproc.hpp:610
cv::util::any::any
any(any &src)
Definition: any.hpp:80
cv::datasets::Object
Definition: dataset.hpp:561
cv::GCall::yieldArray
detail::GArrayU yieldArray(int output=0)
cv::ogl::Buffer
Smart pointer for OpenGL buffer object with reference counting.
Definition: opengl.hpp:80
cv::sfm::libmv_ReconstructionOptions::libmv_ReconstructionOptions
libmv_ReconstructionOptions(const int _keyframe1=1, const int _keyframe2=2, const int _refine_intrinsics=1, const int _select_keyframes=1, const int _verbosity_level=-1)
Definition: simple_pipeline.hpp:142
cv::FileNode::SEQ
@ SEQ
sequence
Definition: persistence.hpp:493
cv::VideoCapture::release
virtual void release()
Closes video file or capturing device.
cv::optflow::GPCDescType
GPCDescType
Descriptor types for the Global Patch Collider.
Definition: sparse_matching_gpc.hpp:91
cv::cuda::ORB::getFastThreshold
virtual int getFastThreshold() const =0
cv::gapi::fluid::View::View
View(View &&v)
cv::_InputArray::_InputArray
_InputArray(const std::vector< cuda::GpuMat > &d_mat_array)
cv::gapi::divRC
GMat divRC(const GScalar &divident, const GMat &src, double scale, int ddepth=-1)
Divides scalar by matrix.
cv::CAP_PROP_CONVERT_RGB
@ CAP_PROP_CONVERT_RGB
Definition: videoio.hpp:151
cv::MatAllocator::allocate
virtual bool allocate(UMatData *data, AccessFlag accessflags, UMatUsageFlags usageFlags) const =0
cv::reg::MapAffine::getLinTr
void getLinTr(OutputArray linTr) const
Definition: mapaffine.hpp:88
cv::TLSDataAccumulator::cleanupDetachedData
void cleanupDetachedData()
Release associated thread data returned by detachData() call.
Definition: tls.hpp:155
cv::text::ERFilter::run
virtual void run(InputArray image, std::vector< ERStat > &regions)=0
The key method of ERFilter algorithm.
cv::structured_light::SinusoidalPattern::create
static Ptr< SinusoidalPattern > create(Ptr< SinusoidalPattern::Params > parameters=makePtr< SinusoidalPattern::Params >())
Constructor.
cv::ocl::Device::extensions
String extensions() const
cv::eigen2cv
static void eigen2cv(const Eigen::Tensor< _Tp, 3, _layout > &src, OutputArray dst)
Converts an Eigen::Tensor to a cv::Mat.
Definition: eigen.hpp:100
cv::ximgproc::SparseMatchInterpolator
Main interface for all filters, that take sparse matches as an input and produce a dense per-pixel ma...
Definition: sparse_match_interpolator.hpp:53
cv::quality::QualityBRISQUE::QualityBRISQUE
QualityBRISQUE(const cv::String &model_file_path, const cv::String &range_file_path)
Internal constructor.
cv::cuda::BackgroundSubtractorMOG::setHistory
virtual void setHistory(int nframes)=0
cv::detail::CompressedRectilinearProjector::a
float a
Definition: warpers.hpp:390
cv::cudev::gridSplit
__host__ void gridSplit(const SrcPtr &src, const tuple< GpuMat_< DstType > &, GpuMat_< DstType > & > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:526
cv::cudev::BrdConstant
Definition: extrapolation.hpp:61
cv::TrackerCSRT::Params::kaiser_alpha
float kaiser_alpha
Definition: tracking.hpp:53
cv::detail::ocl_get_out< cv::GArray< U > >::get
static std::vector< U > & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:181
cv::cudev::less_equal
Definition: functional.hpp:183
cv::videostab::ConsistentMosaicInpainter::stdevThresh
float stdevThresh() const
Definition: inpainting.hpp:133
cv::RMat::View::size
cv::Size size() const
Definition: rmat.hpp:69
cv::detail::GObtainCtor
Definition: gtype_traits.hpp:208
cv::BackgroundSubtractorMOG2::setComplexityReductionThreshold
virtual void setComplexityReductionThreshold(double ct)=0
Sets the complexity reduction threshold.
cv::ogl::Arrays::setTexCoordArray
void setTexCoordArray(InputArray texCoord)
Sets an array of vertex texture coordinates.
cv::dnn::DNN_TARGET_CUDA_FP16
@ DNN_TARGET_CUDA_FP16
Definition: dnn.hpp:96
CV_CUDEV_RGB2YCrCb_INST
#define CV_CUDEV_RGB2YCrCb_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:137
cv::ximgproc::EdgeBoxes::setEdgeMergeThr
virtual void setEdgeMergeThr(float value)=0
Sets the edge merge threshold.
cv::plot::Plot2d::setShowGrid
virtual void setShowGrid(bool needShowGrid)=0
cv::cuda::exp
void exp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes an exponent of each matrix element.
cv::rgbd::RgbdNormals::getMethod
int getMethod() const
Definition: depth.hpp:164
cv::detail::RotationWarperBase::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R) CV_OVERRIDE
cv::aruco::Dictionary::getByteListFromBits
static Mat getByteListFromBits(const Mat &bits)
Transform matrix of bits to list of bytes in the 4 rotations.
cv::cuda::DeviceInfo::tccDriver
bool tccDriver() const
true if device is a Tesla device using TCC driver, false otherwise
cv::cudev::IntegerAreaInterPtr::area_width
int area_width
Definition: interpolation.hpp:240
cv::BackgroundSubtractorMOG2::getVarThresholdGen
virtual double getVarThresholdGen() const =0
Returns the variance threshold for the pixel-model match used for new mixture component generation.
cv::dnn::TextRecognitionModel::getVocabulary
const std::vector< std::string > & getVocabulary() const
Get the vocabulary for recognition.
cv::sfm::relativeCameraMotion
void relativeCameraMotion(InputArray R1, InputArray t1, InputArray R2, InputArray t2, OutputArray R, OutputArray t)
Computes the relative camera motion between two cameras.
cv::datasets::groundTruth::gestureID
int gestureID
Definition: gr_chalearn.hpp:62
cv::FisheyeWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:184
cv::cudacodec::YUV422
@ YUV422
Definition: cudacodec.hpp:274
cv::FileNode::isReal
bool isReal() const
returns true if the node is a floating-point number
cv::CALIB_ROBOT_WORLD_HAND_EYE_LI
@ CALIB_ROBOT_WORLD_HAND_EYE_LI
Simultaneous robot-world and hand-eye calibration using dual-quaternions and kronecker product .
Definition: calib3d.hpp:542
cv::xphoto::TonemapDurand::getSaturation
virtual float getSaturation() const =0
cv::plot::Plot2d::setPlotTextColor
virtual void setPlotTextColor(Scalar _plotTextColor)=0
cv::detail::PlanePortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::dnn::ReLU6Layer::minValue
float minValue
Definition: all_layers.hpp:441
hal_ni_max16u
int hal_ni_max16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:105
cv::GKernel::outMeta
M outMeta
Definition: gkernel.hpp:49
cv::dnn::Layer::applyHalideScheduler
virtual void applyHalideScheduler(Ptr< BackendNode > &node, const std::vector< Mat * > &inputs, const std::vector< Mat > &outputs, int targetId) const
Automatic Halide scheduling based on layer hyper-parameters.
cv::cuda::DeviceInfo::texturePitchAlignment
size_t texturePitchAlignment() const
pitch alignment requirement for texture references bound to pitched memory
cv::optflow::RLOFOpticalFlowParameter::getNormSigma1
float getNormSigma1() const
cv::datasets::GR_chalearn
Definition: gr_chalearn.hpp:84
cv::COLOR_BayerGR2BGR
@ COLOR_BayerGR2BGR
Definition: imgproc.hpp:746
cv::stereo::PropagationParameters::lkPyrLvl
int lkPyrLvl
Definition: quasi_dense_stereo.hpp:55
cv::gapi::onnx::TraitAs
TraitAs
Definition: onnx.hpp:27
cv::Quat::dot
_Tp dot(Quat< _Tp > q) const
return the dot between quaternion and this quaternion.
cv::hal::div8u
void div8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
cv::xphoto::SimpleWB::setOutputMin
virtual void setOutputMin(float val)=0
Output image range minimum value.
cv::datasets::SR_general100Obj::imageName
std::string imageName
Definition: sr_general100.hpp:25
cv::stereo::CV_MEAN_VARIATION
@ CV_MEAN_VARIATION
Definition: descriptor.hpp:15
cv::aruco::DICT_APRILTAG_25h9
@ DICT_APRILTAG_25h9
5x5 bits, minimum hamming distance between any two codes = 9, 35 codes
Definition: dictionary.hpp:160
cv::MatConstIterator::pointer
const uchar ** pointer
Definition: mat.hpp:3016
cv::gapi::sub
GMat sub(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element difference between two matrices.
cv::cudev::direction_func
Definition: functional.hpp:631
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, const Color &color, InputArray normals)
Constructs a WCloud.
cv::cudacodec::MPEG2
@ MPEG2
Definition: cudacodec.hpp:248
NPPST_INVALID_SCALE
@ NPPST_INVALID_SCALE
Invalid scale parameter passed.
Definition: NCV.hpp:367
cv::cuda::createStereoBM
Ptr< cuda::StereoBM > createStereoBM(int numDisparities=64, int blockSize=19)
Creates StereoBM object.
cv::dnn_objdetect::InferBbox::filter_top_n
void filter_top_n(std::vector< std::vector< double > > *probs, std::vector< std::vector< double > > *boxes, std::vector< std::vector< double > > &top_n_boxes, std::vector< size_t > &top_n_idxs, std::vector< double > &top_n_probs)
Filter top n predictions.
NcvRect8u::NcvRect8u
__host__ __device__ NcvRect8u(Ncv8u x_, Ncv8u y_, Ncv8u width_, Ncv8u height_)
Definition: NCV.hpp:144
cv::GCompileArg::tag
std::string tag
Definition: gcommon.hpp:160
cv::ml::TrainData::getLayout
virtual int getLayout() const =0
cv::cudev::atan2_func
Definition: functional.hpp:609
cv::detail::tracking::tbm::Track::size
size_t size() const
size returns number of detected objects in a track.
Definition: tracking_by_matching.hpp:350
cv::gapi::wip::GCaptureSource::prep
void prep()
Definition: cap.hpp:62
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const Expr< Body > &expr)
expression templates
cv::hdf::HDF5::kpwrite
virtual void kpwrite(const vector< KeyPoint > keypoints, const String &kplabel, const int offset=H5_NONE, const int counts=H5_NONE) const =0
Write or overwrite list of KeyPoint into specified dataset of hdf5 file.
cv::COLOR_YUV2BGR_YUYV
@ COLOR_YUV2BGR_YUYV
Definition: imgproc.hpp:701
HaarClassifierNode128::_ui4
uint4 _ui4
Definition: NCVHaarObjectDetection.hpp:220
cv::dnn::Net::getUnconnectedOutLayersNames
std::vector< String > getUnconnectedOutLayersNames() const
Returns names of layers with unconnected outputs.
cv::Matx13d
Matx< double, 1, 3 > Matx13d
Definition: matx.hpp:224
cv::detail::tracking::TrackerContribFeature::create
static Ptr< TrackerContribFeature > create(const String &trackerFeatureType)
Create TrackerContribFeature by tracker feature type.
cv::_InputArray::isUMatVector
bool isUMatVector() const
cv::ximgproc::DisparityWLSFilter::getSigmaColor
virtual double getSigmaColor()=0
SigmaColor is a parameter defining how sensitive the filtering process is to source image edges....
cv::dnn::LayerFactory::registerLayer
static void registerLayer(const String &type, Constructor constructor)
Registers the layer class with typename type and specified constructor. Thread-safe.
cv::ocl::Device::maxMemAllocSize
size_t maxMemAllocSize() const
cv::VecCommaInitializer::operator,
VecCommaInitializer< _Tp, m > & operator,(T2 val)
cv::detail::tracking::contrib_feature::CvParams::write
virtual void write(FileStorage &fs) const =0
cv::cuda::GpuMat
Base storage class for GPU memory with reference counting.
Definition: cuda.hpp:106
cv::cuda::BackgroundSubtractorGMG::setDefaultLearningRate
virtual void setDefaultLearningRate(double lr)=0
cv::cudev::RemapPtr1::index_type
PtrTraits< MapPtr >::index_type index_type
Definition: remap.hpp:63
cv::cuda::createSobelFilter
Ptr< Filter > createSobelFilter(int srcType, int dstType, int dx, int dy, int ksize=3, double scale=1, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a Sobel operator.
cv::trace
static double trace(const Matx< _Tp, m, n > &a)
cv::CALIB_USE_LU
@ CALIB_USE_LU
use LU instead of SVD decomposition for solving. much faster but potentially less precise
Definition: calib3d.hpp:519
cv::ocl::OpenCLExecutionContext::create
static OpenCLExecutionContext create(const std::string &platformName, void *platformID, void *context, void *deviceID)
Creates OpenCL execution context OpenCV will check if available OpenCL platform has platformName name...
cv::ximgproc::createFastLineDetector
Ptr< FastLineDetector > createFastLineDetector(int _length_threshold=10, float _distance_threshold=1.414213562f, double _canny_th1=50.0, double _canny_th2=50.0, int _canny_aperture_size=3, bool _do_merge=false)
Creates a smart pointer to a FastLineDetector object and initializes it.
cv::cuda::HOG::compute
virtual void compute(InputArray img, OutputArray descriptors, Stream &stream=Stream::Null())=0
Returns block descriptors computed for the whole image.
cv::createMergeMertens
Ptr< MergeMertens > createMergeMertens(float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f)
Creates MergeMertens object.
cv::utils::logging::LOG_LEVEL_FATAL
@ LOG_LEVEL_FATAL
Fatal (critical) error (unrecoverable internal error)
Definition: logger.defines.hpp:27
cv::FileNode::read
void read(const FileNode &node, float &value, float default_value)
cv::face::FacemarkAAM::Model::Texture::A
Mat A
gray values from all face region in the dataset, projected in PCA space
Definition: facemarkAAM.hpp:119
cv::GShapes
std::vector< GShape > GShapes
Definition: gkernel.hpp:35
cv::SparseMat::Hdr
the sparse matrix header
Definition: mat.hpp:2672
cv::Formatted::next
virtual const char * next()=0
cv::ccm::LINEARIZATION_GRAYPOLYFIT
@ LINEARIZATION_GRAYPOLYFIT
grayscale polynomial fitting; Need assign a value to deg and dst_whites simultaneously
Definition: ccm.hpp:336
cv::detail::tracking::tbm::ITrackerByMatching::setDistanceFast
virtual void setDistanceFast(const Distance &val)=0
Fast distance setter.
cv::bgsegm::BackgroundSubtractorGMG::getUpdateBackgroundModel
virtual bool getUpdateBackgroundModel() const =0
Returns the status of background model update.
cv::ml::StatModel::getVarCount
virtual int getVarCount() const =0
Returns the number of variables in training samples.
cv::cuda::Stream::waitEvent
void waitEvent(const Event &event)
Makes a compute stream wait on an event.
cv::rgbd::FastICPOdometry::setSigmaSpatial
void setSigmaSpatial(float f)
Definition: depth.hpp:1108
cv::datasets::MSM_epfl::create
static Ptr< MSM_epfl > create()
cv::gapi::own::detail::assign_row
void assign_row(void *ptr, int cols, Scalar const &s)
Definition: mat.hpp:26
cv::superres::FarnebackOpticalFlow::setIterations
virtual void setIterations(int val)=0
cv::gapi::ie::PortCfg
Definition: ie.hpp:75
cv::cuda::CLAHE::apply
virtual void apply(InputArray src, OutputArray dst, Stream &stream)=0
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
cv::cuda::COLOR_BayerRG2BGR_MHT
@ COLOR_BayerRG2BGR_MHT
Definition: cudaimgproc.hpp:97
cv::detail::tracking::feature::CvHaarEvaluator::isIntegral
bool isIntegral
Definition: tracking_feature.private.hpp:147
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::StrongClassifierDirectSelection
StrongClassifierDirectSelection(int numBaseClf, int numWeakClf, Size patchSz, const Rect &sampleROI, bool useFeatureEx=false, int iterationInit=0)
cv::v_reg::v_reg
v_reg(_Tp s0, _Tp s1, _Tp s2, _Tp s3)
Constructor.
Definition: intrin_cpp.hpp:294
cv::videostab::MoreAccurateMotionWobbleSuppressorBase
Definition: wobble_suppression.hpp:102
cv::GInferOutputs::GInferOutputs
GAPI_WRAP GInferOutputs()=default
cv::FileStorage::write
static void write(FileStorage &fs, const Complex< _Tp > &c)
Definition: persistence.hpp:943
cv::ppf_match_3d::Pose3D::writePose
int writePose(FILE *f)
cv::ccm::LINEAR_TYPE
LINEAR_TYPE
Linearization transformation type.
Definition: ccm.hpp:330
cv::IMWRITE_JPEG_CHROMA_QUALITY
@ IMWRITE_JPEG_CHROMA_QUALITY
Separate chroma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:92
cv::datasets::AR_sports::create
static Ptr< AR_sports > create()
cv::KalmanFilter::measurementNoiseCov
Mat measurementNoiseCov
measurement noise covariance matrix (R)
Definition: tracking.hpp:399
cv::AsyncArray::get
bool get(OutputArray dst, double timeoutNs) const
Definition: async.hpp:63
cv::structured_light::SinusoidalPattern::Params::horizontal
bool horizontal
Definition: sinusoidalpattern.hpp:91
cv::rgbd::OdometryFrame::release
virtual void release() CV_OVERRIDE
cv::GEMM_1_T
@ GEMM_1_T
transposes src1
Definition: base.hpp:220
cv::viz::WidgetAccessor::setProp
static void setProp(Widget &widget, vtkSmartPointer< vtkProp > prop)
Sets vtkProp of a given widget.
cv::CAP_PROP_OPENNI_REGISTRATION
@ CAP_PROP_OPENNI_REGISTRATION
Definition: videoio.hpp:240
cv::gapi::KalmanParams::measurementMatrix
Mat measurementMatrix
measurement matrix (H)
Definition: video.hpp:36
cv::dnn_objdetect::object
Structure to hold the details pertaining to a single bounding box.
Definition: core_detect.hpp:26
cv::Quat::Quat
Quat(_Tp w, _Tp x, _Tp y, _Tp z)
from four numbers.
cv::optflow::createOptFlow_Farneback
Ptr< DenseOpticalFlow > createOptFlow_Farneback()
Additional interface to the Farneback's algorithm - calcOpticalFlowFarneback()
cv::hal::magnitude32f
void magnitude32f(const float *x, const float *y, float *dst, int n)
cv::cuda::histEven
void histEven(InputArray src, OutputArray hist, int histSize, int lowerLevel, int upperLevel, Stream &stream=Stream::Null())
Calculates a histogram with evenly distributed bins.
cv::detail::ocl_get_in< cv::GMat >::get
static cv::UMat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:109
cv::Rect2f
Rect_< float > Rect2f
Definition: types.hpp:460
cv::viz::Viz3d::Viz3d
Viz3d(const String &window_name=String())
The constructors.
cv::rgbd::DepthCleaner::setDepth
void setDepth(int val)
Definition: depth.hpp:243
cv::ovis::WindowScene::setBackground
virtual void setBackground(const Scalar &color)=0
This is an overloaded member function, provided for convenience. It differs from the above function o...
HaarClassifierNode128::setThreshold
__host__ NCVStatus setThreshold(Ncv32f t)
Definition: NCVHaarObjectDetection.hpp:228
cv::TrackerMIL::Params::samplerSearchWinSize
float samplerSearchWinSize
size of search window
Definition: tracking.hpp:763
cv::dumpOpenCLInformation
static void dumpOpenCLInformation()
Definition: opencl_info.hpp:69
cv::optflow::RLOFOpticalFlowParameter::setUseGlobalMotionPrior
void setUseGlobalMotionPrior(bool val)
cv::cudev::Max::work_type
T work_type
Definition: reduce_to_vec.hpp:127
cv::dnn::BaseConvolutionLayer
Definition: all_layers.hpp:211
cv::AVIReadContainer::parseAvi
bool parseAvi(Codecs codec_)
Definition: container_avi.private.hpp:88
cv::LineSegmentDetector::detect
virtual void detect(InputArray _image, OutputArray _lines, OutputArray width=noArray(), OutputArray prec=noArray(), OutputArray nfa=noArray())=0
Finds lines in the input image.
cv::Matx::get_minor
Matx< _Tp, m1, n1 > get_minor(int base_row, int base_col) const
extract part of the matrix
cv::detail::tracking::contrib_feature::CvHOGEvaluator::hist
std::vector< Mat > hist
Definition: feature.hpp:333
cv::dnn::LRNLayer::size
int size
Definition: all_layers.hpp:238
cv::xphoto::TonemapDurand::setContrast
virtual void setContrast(float contrast)=0
cv::FileNode::blockIdx
size_t blockIdx
Definition: persistence.hpp:623
cv::vuint8mf2_t::vuint8mf2_t
vuint8mf2_t()
Definition: intrin_rvv.hpp:26
cv::img_hash::BlockMeanHash::BlockMeanHash
BlockMeanHash()
Definition: block_mean_hash.hpp:36
cv::CMP_LT
@ CMP_LT
src1 is less than src2.
Definition: base.hpp:214
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype) const
converts GpuMat to another datatype (Blocking call)
cv::gapi::own::Scalar::operator[]
const double & operator[](int i) const
Definition: scalar.hpp:30
cv::CAP_PROP_ISO_SPEED
@ CAP_PROP_ISO_SPEED
Definition: videoio.hpp:166
cv::videostab::RansacParams::eps
float eps
max outliers ratio
Definition: motion_core.hpp:77
cv::ovis::WindowScene::setBackground
virtual void setBackground(InputArray image)=0
ncvAssertPrintReturn
#define ncvAssertPrintReturn(pred, msg, err)
Definition: NCV.hpp:267
cv::RMat::View::stepsT
std::vector< size_t > stepsT
Definition: rmat.hpp:57
cv::ogl::Buffer::bind
void bind(Target target) const
Binds OpenGL buffer to the specified buffer binding point.
cv::gapi::wip::GCaptureSource::first_pulled
bool first_pulled
Definition: cap.hpp:59
cv::GeneralizedHoughGuil::setLevels
virtual void setLevels(int levels)=0
Feature table levels.
cv::COLOR_BayerGB2RGB_EA
@ COLOR_BayerGB2RGB_EA
Definition: imgproc.hpp:776
cv::viz::WMesh
Constructs a WMesh.
Definition: widgets.hpp:789
cv::INTERSECT_NONE
@ INTERSECT_NONE
No intersection.
Definition: imgproc.hpp:799
cv::CAP_PROP_XI_BUFFERS_QUEUE_SIZE
@ CAP_PROP_XI_BUFFERS_QUEUE_SIZE
Queue of field/frame buffers.
Definition: videoio.hpp:469
cv::ocl::OpenCLExecutionContext::getCurrentRef
static OpenCLExecutionContext & getCurrentRef()
cv::getOptimalDFTSize
int getOptimalDFTSize(int vecsize)
Returns the optimal DFT size for a given vector size.
cv::quality::QualityGMSD::compute
static cv::Scalar compute(InputArray ref, InputArray cmp, OutputArray qualityMap)
static method for computing quality
HaarClassifierCascadeDescriptor::NumStages
Ncv32u NumStages
Definition: NCVHaarObjectDetection.hpp:335
cv::ORB::HARRIS_SCORE
@ HARRIS_SCORE
Definition: features2d.hpp:407
cv::MatIterator_::MatIterator_
MatIterator_(const MatIterator_ &it)
copy constructor
cv::videostab::StabilizerBase::frameMask_
Mat frameMask_
Definition: stabilizer.hpp:126
cv::CC_STAT_WIDTH
@ CC_STAT_WIDTH
The horizontal size of the bounding box.
Definition: imgproc.hpp:397
cv::PCABackProject
void PCABackProject(InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result)
cv::viz::WPolyLine::WPolyLine
WPolyLine(InputArray points, const Color &color=Color::white())
Constructs a WPolyLine.
cv::detail::tracking::tbm::TrackedObject::frame_idx
int frame_idx
Frame index where object was detected (-1 if N/A).
Definition: tracking_by_matching.hpp:36
cv::quality::QualityBRISQUE::create
static Ptr< QualityBRISQUE > create(const cv::String &model_file_path, const cv::String &range_file_path)
Create an object which calculates quality.
cv::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT(T &&obj)
Definition: gopaque.hpp:150
cv::FileStorage::write
void write(FileStorage &fs, const String &name, float value)
OpenCV_API_Header::opencv_version_patch
unsigned opencv_version_patch
compiled OpenCV version
Definition: llapi.h:46
cv::GInferROI
Definition: infer.hpp:264
cv::detail::get_out< cv::GOpaque< U > >::get
static U & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:289
cv::Point3_::Point3_
Point3_(const Point_< _Tp > &pt)
cv::datasets::none
@ none
Definition: fr_adience.hpp:64
cv::CC_STAT_AREA
@ CC_STAT_AREA
The total area (in pixels) of the connected component.
Definition: imgproc.hpp:399
cv::dnn::TextDetectionModel_EAST::TextDetectionModel_EAST
TextDetectionModel_EAST(const std::string &model, const std::string &config="")
Create text detection model from network represented in one of the supported formats....
Definition: dnn.hpp:1501
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< bool > &vec)=delete
cv::dnn::BackendWrapper
Derivatives of this class wraps cv::Mat for different backends and targets.
Definition: dnn.hpp:135
cv::WND_PROP_ASPECT_RATIO
@ WND_PROP_ASPECT_RATIO
window's aspect ration (can be set to WINDOW_FREERATIO or WINDOW_KEEPRATIO).
Definition: highgui.hpp:202
cv::structured_light::PSP
@ PSP
Definition: sinusoidalpattern.hpp:59
cv::dnn::InnerProductLayer
Definition: all_layers.hpp:278
reduce.hpp
cv::viz::Color::celestial_blue
static Color celestial_blue()
cv::ml::SVM::getDefaultGrid
static ParamGrid getDefaultGrid(int param_id)
Generates a grid for SVM parameters.
cv::FileNode::read
static void read(const FileNode &node, Vec< _Tp, cn > &value, const Vec< _Tp, cn > &default_value)
Definition: persistence.hpp:768
cv::utils::fs::glob_relative
void glob_relative(const cv::String &directory, const cv::String &pattern, std::vector< cv::String > &result, bool recursive=false, bool includeDirectories=false)
hal_ni_recip8s
int hal_ni_recip8s(const schar *src_data, size_t src_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:276
cv::FileNode::type
int type() const
Returns type of the node.
cv::v_uint32x4::val
unsigned val[4]
Definition: intrin_rvv.hpp:386
cv::SL2::ValueType
T ValueType
Definition: features2d.hpp:898
cv::Quat::nlerp
static Quat< _Tp > nlerp(const Quat< _Tp > &q0, const Quat &q1, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
To calculate the interpolation from to by Normalized Linear Interpolation(Nlerp)....
cv::cuda::resetDevice
void resetDevice()
Explicitly destroys and cleans up all resources associated with the current device in the current pro...
cv::cuda::OpticalFlowDual_TVL1::getEpsilon
virtual double getEpsilon() const =0
cv::GCPUKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gcpukernel.hpp:464
cv::ximgproc::ContourFitting
Class for ContourFitting algorithms. ContourFitting match two contours and minimizing distance.
Definition: fourier_descriptors.hpp:21
cv::kinfu::VolumeParams::coarseParams
static Ptr< VolumeParams > coarseParams(VolumeType _volumeType)
Coarse set of parameters that provides relatively higher performance at the cost of reconstrution qua...
cv::TrackerKCF::Params::compress_feature
bool compress_feature
activate the pca method to compress the features
Definition: tracking.hpp:130
cv::ocl::Device::maxParameterSize
size_t maxParameterSize() const
cv::v_reg::v_reg
v_reg(const v_reg< _Tp, n > &r)
Copy constructor.
Definition: intrin_cpp.hpp:326
cv::ocl::Program::Program
Program()
OPENCV_HAL_IMPL_RVV_SCAN_FORWOARD_OP
#define OPENCV_HAL_IMPL_RVV_SCAN_FORWOARD_OP(_Tpvec, _Tp, suffix)
Definition: intrin_rvv.hpp:2393
cv::flann::GenericIndex::radiusSearch
int radiusSearch(const std::vector< ElementType > &query, std::vector< int > &indices, std::vector< DistanceType > &dists, DistanceType radius, const ::cvflann::SearchParams &params)
Performs a radius nearest neighbor search for a given query point using the index.
cv::SVD::SVD
SVD()
the default constructor
cv::large_kinfu::LargeKinfu::update
virtual bool update(InputArray depth)=0
cv::ml::TrainData::getTestSamples
virtual Mat getTestSamples() const =0
Returns matrix of test samples.
cv::util::bad_any_cast::what
virtual const char * what() const noexcept override
Definition: any.hpp:45
cv::videostab::ConsistentMosaicInpainter
Definition: inpainting.hpp:128
cv::datasets::GR_chalearnObj::nameColor
std::string nameColor
Definition: gr_chalearn.hpp:77
cv::optflow::OpticalFlowPCAFlow::calc
void calc(InputArray I0, InputArray I1, InputOutputArray flow) CV_OVERRIDE
Calculates an optical flow.
cv::text::OCR_CNN_CLASSIFIER
@ OCR_CNN_CLASSIFIER
Definition: ocr.hpp:181
cv::cudev::resizePtr
__host__ ResizePtrSz< typename PtrTraits< SrcPtr >::ptr_type > resizePtr(const SrcPtr &src, float fx, float fy)
Definition: resize.hpp:89
hal_ni_div16u
int hal_ni_div16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:259
cv::cvtColorTwoPlane
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.
cv::QtFont::color
Scalar color
Color of the font. Scalar(blue_component, green_component, red_component[, alpha_component])
Definition: highgui.hpp:702
cv::V_TypeTraits
Definition: intrin.hpp:104
cv::Allocator::Allocator
Allocator()
Definition: cvstd.hpp:122
cv::_InputArray::getMat_
Mat getMat_(int idx=-1) const
hdf5.hpp
cv::bgsegm::BackgroundSubtractorMOG::setBackgroundRatio
virtual void setBackgroundRatio(double backgroundRatio)=0
cv::CAP_INTELPERC_IR_MAP
@ CAP_INTELPERC_IR_MAP
Each pixel is a 16-bit integer. The value indicates the intensity of the reflected laser beam.
Definition: videoio.hpp:557
cv::IMWRITE_JPEG_RST_INTERVAL
@ IMWRITE_JPEG_RST_INTERVAL
JPEG restart interval, 0 - 65535, default is 0 - no restart.
Definition: imgcodecs.hpp:90
cv::bgsegm::BackgroundSubtractorLSBPDesc::calcLocalSVDValues
static void calcLocalSVDValues(OutputArray localSVDValues, const Mat &frame)
cv::detail::ExposureCompensator::feed
virtual void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)=0
cv::gapi::wip::draw::Image::org
cv::Point org
The bottom-left corner of the image.
Definition: render_types.hpp:288
cv::ppf_match_3d::PoseCluster3D::poseList
std::vector< Pose3DPtr > poseList
Definition: pose_3d.hpp:177
cv::DetectionBasedTracker::ExtObject::location
cv::Rect location
Definition: detection_based_tracker.hpp:148
cv::TrackerCSRT::TrackerCSRT
TrackerCSRT()
cv::hfs::HfsSegment::performSegmentGpu
virtual Mat performSegmentGpu(InputArray src, bool ifDraw=true)=0
do segmentation gpu
cv::Scalar_::Scalar_
Scalar_(Scalar_ &&s) CV_NOEXCEPT
cv::gapi::absDiffC
GMat absDiffC(const GMat &src, const GScalar &c)
Calculates absolute value of matrix elements.
cv::videostab::IDenseOptFlowEstimator::~IDenseOptFlowEstimator
virtual ~IDenseOptFlowEstimator()
Definition: optical_flow.hpp:73
cv::FileNode::rawSize
size_t rawSize() const
returns raw size of the FileNode in bytes
cv::ShapeContextDistanceExtractor::setOuterRadius
virtual void setOuterRadius(float outerRadius)=0
Set the outer radius of the shape context descriptor.
cv::detail::tracking::tbm::IImageDescriptor::~IImageDescriptor
virtual ~IImageDescriptor()
Definition: tracking_by_matching.hpp:99
cv::cudev::LutPtr::src
SrcPtr src
Definition: lut.hpp:65
cv::GeneralizedHoughBallard
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:882
cv::superres::PyrLKOpticalFlow::getIterations
virtual int getIterations() const =0
nppsStCompact_32s_host
NCVStatus nppsStCompact_32s_host(Ncv32s *h_src, Ncv32u srcLen, Ncv32s *h_dst, Ncv32u *dstLen, Ncv32s elemRemove)
CV_64F
#define CV_64F
Definition: interface.h:79
CPU_AVX_5124VNNIW
@ CPU_AVX_5124VNNIW
Definition: cvdef.h:319
cv::v_setall_u16
v_uint16x8 v_setall_u16(ushort val)
Definition: intrin_cpp.hpp:2375
cv::GKernel::tag
std::string tag
Definition: gkernel.hpp:48
cv::SparseMatConstIterator::value
const _Tp & value() const
template method returning the current matrix element
cv::solvePnPRansac
bool solvePnPRansac(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, double confidence=0.99, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
cv::stereo::StereoMatcher::getDisp12MaxDiff
virtual int getDisp12MaxDiff() const =0
cv::AlignMTB::shiftMat
virtual void shiftMat(InputArray src, OutputArray dst, const Point shift)=0
Helper function, that shift Mat filling new regions with zeros.
cv::gapi::GKernelPackage::combine
friend GKernelPackage combine(const GKernelPackage &lhs, const GKernelPackage &rhs)
Create a new package based on lhs and rhs.
cv::v_combine_low
v_reg< _Tp, n > v_combine_low(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Combine vector from first elements of two vectors.
Definition: intrin_cpp.hpp:1831
cv::cudev::RemapPtr2::mapy
MapYPtr mapy
Definition: remap.hpp:82
cv::ml::LogisticRegression::setTermCriteria
virtual void setTermCriteria(TermCriteria val)=0
cv::linemod::Template::height
int height
Definition: linemod.hpp:44
cv::cuda::DisparityBilateralFilter::setNumIters
virtual void setNumIters(int iters)=0
cv::videostab::ImageMotionEstimatorBase::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0)=0
cv::COLORSPACE_YUV444P
@ COLORSPACE_YUV444P
Definition: container_avi.private.hpp:135
cv::xphoto::oilPainting
void oilPainting(InputArray src, OutputArray dst, int size, int dynRatio, int code)
oilPainting See the book for details.
cv::CAP_PVAPI_PIXELFORMAT_RGB24
@ CAP_PVAPI_PIXELFORMAT_RGB24
Rgb24.
Definition: videoio.hpp:330
cv::DetectionBasedTracker::TrackedObject::id
int id
Definition: detection_based_tracker.hpp:189
cv::ml::ANN_MLP::getRpropDWMin
virtual double getRpropDWMin() const =0
cv::MorphShapes
MorphShapes
shape of the structuring element
Definition: imgproc.hpp:230
cv::dnn::Net::connect
void connect(int outLayerId, int outNum, int inpLayerId, int inpNum)
Connects #outNum output of the first layer to #inNum input of the second layer.
nppiStTranspose_64s_C1R_host
NCVStatus nppiStTranspose_64s_C1R_host(Ncv64s *h_src, Ncv32u srcStride, Ncv64s *h_dst, Ncv32u dstStride, NcvSize32u srcRoi)
NcvSize32u::NcvSize32u
__host__ __device__ NcvSize32u(Ncv32u width_, Ncv32u height_)
Definition: NCV.hpp:186
cv::ORB::setScoreType
virtual void setScoreType(ORB::ScoreType scoreType)=0
cv::ximgproc::StructuredEdgeDetection::detectEdges
virtual void detectEdges(cv::InputArray _src, cv::OutputArray _dst) const =0
The function detects edges in src and draw them to dst.
cv::cuda::BackgroundSubtractorGMG::getDecisionThreshold
virtual double getDecisionThreshold() const =0
cv::dnn::readTensorFromONNX
Mat readTensorFromONNX(const String &path)
Creates blob from .pb file.
cv::cudev::CubicInterPtrSz::cols
int cols
Definition: interpolation.hpp:215
cv::cuda::divide
void divide(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar division.
cv::cuda::HOG::setDescriptorFormat
virtual void setDescriptorFormat(HOGDescriptor::DescriptorStorageFormat descr_format)=0
matchers.hpp
cv::gapi::wip::GCaptureSource::cap
cv::VideoCapture cap
Definition: cap.hpp:57
CV_EXPORTS_W_MAP
#define CV_EXPORTS_W_MAP
Definition: cvdef.h:447
cv::ppf_match_3d::Pose3D::writePose
int writePose(const std::string &FileName)
cv::plot::Plot2d::create
static Ptr< Plot2d > create(InputArray dataX, InputArray dataY)
Creates Plot2d object.
cv::cuda::GpuMat::release
void release()
decreases reference counter, deallocate the data when reference counter reaches 0
cv::superres::DualTVL1OpticalFlow::setWarpingsNumber
virtual void setWarpingsNumber(int val)=0
NCV_NPP_ERROR
@ NCV_NPP_ERROR
Definition: NCV.hpp:320
cv::ml::ANN_MLP::getRpropDWPlus
virtual double getRpropDWPlus() const =0
cv::TermCriteria::Type
Type
Definition: types.hpp:859
cv::cudev::checkCudaError
__host__ __forceinline__ void checkCudaError(cudaError_t err, const char *file, const int line, const char *func)
Definition: common.hpp:70
cv::dynafu::DynaFu::getNormals
virtual void getNormals(InputArray points, OutputArray normals) const =0
Calculates normals for given points.
cv::ml::ANN_MLP::setRpropDW0
virtual void setRpropDW0(double val)=0
cv::cuda::TargetArchs::builtWith
static bool builtWith(FeatureSet feature_set)
The following method checks whether the module was built with the support of the given feature:
cv::SVD::compute
static void compute(InputArray src, OutputArray w, int flags=0)
cv::face::StandardCollector::init
void init(size_t size) CV_OVERRIDE
overloaded interface method
cv::Stitcher::setPanoConfidenceThresh
void setPanoConfidenceThresh(double conf_thresh)
Definition: stitching.hpp:196
cv::face::BasicFaceRecognizer
Definition: facerec.hpp:21
cv::IMWRITE_PNG_STRATEGY_RLE
@ IMWRITE_PNG_STRATEGY_RLE
Use this value to limit match distances to one (run-length encoding).
Definition: imgcodecs.hpp:125
cv::gapi::fluid::Buffer::Buffer
Buffer()
OPENCV_HAL_IMPL_RVV_UNPACKS
#define OPENCV_HAL_IMPL_RVV_UNPACKS(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:2109
fast_math.hpp
cv::viz::Viz3d::setBackgroundMeshLab
void setBackgroundMeshLab()
INCVMemAllocator::dealloc
virtual NCVStatus dealloc(NCVMemSegment &seg)=0
cv::ximgproc::computeBadPixelPercent
double computeBadPixelPercent(InputArray GT, InputArray src, Rect ROI, int thresh=24)
Function for computing the percent of "bad" pixels in the disparity map (pixels where error is higher...
cv::ccm::ColorCorrectionModel::setInitialMethod
void setInitialMethod(INITIAL_METHOD_TYPE initial_method_type)
set InitialMethod
cv::GFluidParallelOutputRois
This structure forces Fluid backend to generate multiple parallel output regions in the graph....
Definition: gfluidkernel.hpp:121
cv::SparseMatIterator_
Template Read-Write Sparse Matrix Iterator Class.
Definition: mat.hpp:3300
cv::detail::tracking::TrackerContribFeature::selection
virtual void selection(Mat &response, int npoints)=0
Identify most effective features.
hal_ni_LU64f
int hal_ni_LU64f(double *src1, size_t src1_step, int m, double *src2, size_t src2_step, int n, int *info)
Definition: hal_replacement.hpp:596
cv::cuda::NvidiaOpticalFlow_1_0
Class for computing the optical flow vectors between two images using NVIDIA Optical Flow hardware an...
Definition: cudaoptflow.hpp:401
cv::UMatUsageFlags
UMatUsageFlags
Usage flags for allocator.
Definition: mat.hpp:450
cv::gapi::cartToPolar
std::tuple< GMat, GMat > cartToPolar(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
cv::BORDER_WRAP
@ BORDER_WRAP
cdefgh|abcdefgh|abcdefg
Definition: base.hpp:272
NCVMemSegment::clear
void clear()
cv::linemod::DepthNormal::name
virtual String name() const CV_OVERRIDE
cv::cudev::TupleTraits
Definition: tuple.hpp:65
cv::sfm::SFM_IO_VISUALSFM
@ SFM_IO_VISUALSFM
Definition: io.hpp:59
cv::cuda::DemosaicTypes
DemosaicTypes
Definition: cudaimgproc.hpp:93
cv::ximgproc::EdgeBoxes::getMaxAspectRatio
virtual float getMaxAspectRatio() const =0
Returns the max aspect ratio of boxes.
cv::viz::WText3D::WText3D
WText3D(const String &text, const Point3d &position, double text_scale=1., bool face_camera=true, const Color &color=Color::white())
Constructs a WText3D.
cv::InOutInfo::in_names
std::vector< std::string > in_names
Definition: infer.hpp:173
cv::TLSData::~TLSData
~TLSData()
Definition: tls.hpp:65
cv_vrecpq_f32
float32x4_t cv_vrecpq_f32(float32x4_t val)
Definition: neon_utils.hpp:82
cv::SVBackSubst
void SVBackSubst(InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst)
cv::viz::Camera::getWindowSize
const Size & getWindowSize() const
Definition: types.hpp:213
cv::saliency::MotionSaliencyBinWangApr2014::setImageHeight
void setImageHeight(int val)
Definition: saliencySpecializedClasses.hpp:211
cv::gapi::wip::Data
This aggregate type represents all types which G-API can handle (via variant).
Definition: garg.hpp:196
cv::cuda::BackgroundSubtractorMOG
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
Definition: cudabgsegm.hpp:81
cv::GeneralizedHoughBallard::setLevels
virtual void setLevels(int levels)=0
R-Table levels.
cv::ml::SVMSGD::setInitialStepSize
virtual void setInitialStepSize(float InitialStepSize)=0
Parameter initialStepSize of a SVMSGD optimization problem.
cv::GOCLContext::inMat
const cv::UMat & inMat(int input)
cv::detail::BestOf2NearestRangeMatcher
Definition: matchers.hpp:200
cv::gapi::ie::Params::cfgInputLayers
Params< Net > & cfgInputLayers(const typename PortCfg< Net >::In &ll)
Definition: ie.hpp:107
cv::hal::cvtXYZtoBGR
void cvtXYZtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue)
cv::cuda::DescriptorMatcher::isMaskSupported
virtual bool isMaskSupported() const =0
Returns true if the descriptor matcher supports masking permissible matches.
cv::detail::GainCompensator
Exposure compensator which tries to remove exposure related artifacts by adjusting image intensities,...
Definition: exposure_compensate.hpp:112
cv::HOGDescriptor::detect
virtual void detect(InputArray img, std::vector< Point > &foundLocations, std::vector< double > &weights, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &searchLocations=std::vector< Point >()) const
Performs object detection without a multi-scale window.
cv::ocl::KernelArg::PtrReadOnly
static KernelArg PtrReadOnly(const UMat &m)
Definition: ocl.hpp:393
cv::Error::BadStep
@ BadStep
image step is wrong, this may happen for a non-continuous matrix.
Definition: base.hpp:82
cv::ml::EM::Types
Types
Type of covariation matrices.
Definition: ml.hpp:840
cv::utils::logging::internal::writeLogMessage
void writeLogMessage(LogLevel logLevel, const char *message)
cv::hal::merge32s
void merge32s(const int **src, int *dst, int len, int cn)
cv::cuda::StereoBeliefPropagation::setNumLevels
virtual void setNumLevels(int levels)=0
cv::linemod::Detector::writeClasses
void writeClasses(const String &format="templates_%s.yml.gz") const
OPENCV_HAL_IMPL_RVV_ABS
#define OPENCV_HAL_IMPL_RVV_ABS(_Tprvec, _Tpvec, suffix)
Definition: intrin_rvv.hpp:1704
cv::cuda::GLOBAL_ATOMICS
@ GLOBAL_ATOMICS
Definition: cuda.hpp:786
cv::DetectionBasedTracker::IDetector
Definition: detection_based_tracker.hpp:69
cv::RMat::View::~View
~View()
Definition: rmat.hpp:67
cv::img_hash::BLOCK_MEAN_HASH_MODE_0
@ BLOCK_MEAN_HASH_MODE_0
use fewer block and generate 16*16/8 uchar hash value
Definition: block_mean_hash.hpp:18
cv::ximgproc::RICInterpolator::setMaxFlow
virtual void setMaxFlow(float maxFlow=250.f)=0
MaxFlow is a threshold to validate the predictions using a certain piece-wise affine model....
cv::videostab::RansacParams::thresh
float thresh
max error to classify as inlier
Definition: motion_core.hpp:76
cv::AgastFeatureDetector_Impl::nonmaxSuppression
bool nonmaxSuppression
Definition: agast.txt:7533
cv::cudev::DerivYPtr
Definition: deriv.hpp:102
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
cv::cudev::numeric_limits< bool >::max
__device__ static __forceinline__ bool max()
Definition: limits.hpp:63
cv::COLOR_Lab2BGR
@ COLOR_Lab2BGR
Definition: imgproc.hpp:603
cv::cuda::NvidiaHWOpticalFlow::calc
virtual void calc(InputArray inputImage, InputArray referenceImage, InputOutputArray flow, Stream &stream=Stream::Null(), InputArray hint=cv::noArray(), OutputArray cost=cv::noArray())=0
Calculates Optical Flow using NVIDIA Optical Flow SDK.
cv::gapi::bilateralFilter
GMat bilateralFilter(const GMat &src, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
cv::findEssentialMat
Mat findEssentialMat(InputArray points1, InputArray points2, InputArray cameraMatrix, int method=RANSAC, double prob=0.999, double threshold=1.0, OutputArray mask=noArray())
Calculates an essential matrix from the corresponding points in two images.
cv::structured_light::SinusoidalPattern::Params::shiftValue
float shiftValue
Definition: sinusoidalpattern.hpp:88
cv::ml::SVM::getClassWeights
virtual cv::Mat getClassWeights() const =0
cv::ocl::Image2D::~Image2D
~Image2D()
cv::CC_STAT_TOP
@ CC_STAT_TOP
Definition: imgproc.hpp:395
cv::cudev::SingleMaskChannels::channels
int channels
Definition: mask.hpp:74
cv::cuda::FarnebackOpticalFlow::getPyrScale
virtual double getPyrScale() const =0
cv::ocl::OpenCLExecutionContext::create
static OpenCLExecutionContext create(const Context &context, const Device &device, const ocl::Queue &queue)
Creates OpenCL execution context.
cv::gapi::parseYolo
std::tuple< GArray< Rect >, GArray< int > > parseYolo(const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold=0.5f, const float nmsThreshold=0.5f, const std::vector< float > &anchors=nn::parsers::GParseYolo::defaultAnchors())
Parses output of Yolo network.
cv::gapi::onnx::Params::Params
Params(const std::string &model)
Definition: onnx.hpp:82
cv::Matx::Matx
Matx(const Matx< _Tp, m, l > &a, const Matx< _Tp, l, n > &b, Matx_MatMulOp)
cv::ocl::Device::nativeVectorWidthFloat
int nativeVectorWidthFloat() const
cv::DECOMP_LU
@ DECOMP_LU
Definition: base.hpp:135
ncvHaarGetClassifierSize
NCVStatus ncvHaarGetClassifierSize(const cv::String &filename, Ncv32u &numStages, Ncv32u &numNodes, Ncv32u &numFeatures)
cv::detail::WrapValue
Definition: gtype_traits.hpp:166
cv::DetectionBasedTracker::ExtObject::ExtObject
ExtObject(int _id, cv::Rect _location, ObjectStatus _status)
Definition: detection_based_tracker.hpp:150
cv::COLOR_YUV420sp2BGRA
@ COLOR_YUV420sp2BGRA
Definition: imgproc.hpp:648
cv::EVENT_RBUTTONDOWN
@ EVENT_RBUTTONDOWN
indicates that the right mouse button is pressed.
Definition: highgui.hpp:212
cv::ximgproc::RICInterpolator::getFGSSigma
virtual float getFGSSigma() const =0
Sets the respective fastGlobalSmootherFilter() parameter.
cv::ccm::ColorCorrectionModel::setColorSpace
void setColorSpace(COLOR_SPACE cs)
set ColorSpace
cv::CompressedRectilinearWarper::CompressedRectilinearWarper
CompressedRectilinearWarper(float A=1, float B=1)
Definition: warpers.hpp:197
cv::GeneralizedHough::getCannyHighThresh
virtual int getCannyHighThresh() const =0
cv::imshow
void imshow(const String &winname, InputArray mat)
Displays an image in the specified window.
cv::RobotWorldHandEyeCalibrationMethod
RobotWorldHandEyeCalibrationMethod
Definition: calib3d.hpp:540
cv::COLOR_YUV2BGRA_Y422
@ COLOR_YUV2BGRA_Y422
Definition: imgproc.hpp:692
cv::dnn::DictValue::~DictValue
~DictValue()
cv::detail::tracking::TrackerFeatureSet::TrackerFeatureSet
TrackerFeatureSet()
cv::GCompileArg::get
T & get()
Definition: gcommon.hpp:173
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::read
virtual bool read(const FileNode &node) CV_OVERRIDE
cv::ml::Boost::setWeakCount
virtual void setWeakCount(int val)=0
cv::rgbd::ICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:787
cv::HOGDescriptor::free_coef
float free_coef
not documented
Definition: objdetect.hpp:623
cv::MatExpr::max
MatExpr max(double s, const Mat &a)
nppiStVectorWarpGetBufferSize
NCVStatus nppiStVectorWarpGetBufferSize(NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32u *hpSize)
cv::viz::KeyboardEvent::modifiers
int modifiers
Definition: types.hpp:300
cv::detail::NoExposureCompensator::feed
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::gapi::wip::draw::Line::color
cv::Scalar color
The line color.
Definition: render_types.hpp:227
cv::FileNode::read
void read(const FileNode &node, int &value, int default_value)
cv::gapi::own::detail::default_step
size_t default_step(int type, int cols)
Definition: mat.hpp:38
cv::CALIB_HAND_EYE_DANIILIDIS
@ CALIB_HAND_EYE_DANIILIDIS
Hand-Eye Calibration Using Dual Quaternions .
Definition: calib3d.hpp:536
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::ResultL
std::tuple< cv::GArray< R >... > ResultL
Definition: infer.hpp:93
cv::viz::WTrajectoryFrustums::WTrajectoryFrustums
WTrajectoryFrustums(InputArray path, const Matx33d &K, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
cv::operator!=
v_reg< _Tp, n > operator!=(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Not equal comparison.
Definition: intrin_cpp.hpp:775
cv::cuda::BroxOpticalFlow::setSolverIterations
virtual void setSolverIterations(int solver_iterations)=0
HaarClassifierNodeDescriptor32::_ui1
uint1 _ui1
Definition: NCVHaarObjectDetection.hpp:180
cv::dnn::Layer::finalize
std::vector< Mat > finalize(const std::vector< Mat > &inputs)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::aruco::refineDetectedMarkers
void refineDetectedMarkers(InputArray image, const Ptr< Board > &board, InputOutputArrayOfArrays detectedCorners, InputOutputArray detectedIds, InputOutputArrayOfArrays rejectedCorners, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), float minRepDistance=10.f, float errorCorrectionRate=3.f, bool checkAllOrders=true, OutputArray recoveredIdxs=noArray(), const Ptr< DetectorParameters > &parameters=DetectorParameters::create())
Refind not detected markers based on the already detected and the board layout.
cv::detail::GainCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
OPENCV_HAL_IMPL_RVV_SELF_REINTERPRET
#define OPENCV_HAL_IMPL_RVV_SELF_REINTERPRET(_Tpvec, suffix)
Definition: intrin_rvv.hpp:592
cv::detail::tracking::tbm::TrackerParams
The TrackerParams struct stores parameters of TrackerByMatching.
Definition: tracking_by_matching.hpp:266
cv::approxPolyDP
void approxPolyDP(InputArray curve, OutputArray approxCurve, double epsilon, bool closed)
Approximates a polygonal curve(s) with the specified precision.
cv::GCPUKernelImpl::API
K API
Definition: gcpukernel.hpp:462
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const DMatch &m)
Definition: persistence.hpp:1070
cv::RetrievalModes
RetrievalModes
mode of the contour retrieval algorithm
Definition: imgproc.hpp:413
cv::GC_PR_FGD
@ GC_PR_FGD
a possible foreground pixel
Definition: imgproc.hpp:348
cv::ocl::Device::vendorName
String vendorName() const
cv::videostab::StabilizerBase::frames_
std::vector< Mat > frames_
Definition: stabilizer.hpp:134
cv::sfm::fundamentalFromProjections
void fundamentalFromProjections(InputArray P1, InputArray P2, OutputArray F)
Get Fundamental matrix from Projection matrices.
HaarClassifierNode128::getThreshold
__host__ __device__ Ncv32f getThreshold(void)
Definition: NCVHaarObjectDetection.hpp:251
cv::bioinspired::RETINA_COLOR_DIAGONAL
@ RETINA_COLOR_DIAGONAL
color sampling is RGBRGBRGB..., line 2 BRGBRGBRG..., line 3, GBRGBRGBR...
Definition: retina.hpp:85
hal_ni_dct2D
int hal_ni_dct2D(cvhalDFT *context, const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)
Definition: hal_replacement.hpp:567
cv::datasets::TR_chars
Definition: tr_chars.hpp:67
cv::cudev::BrdReflect101::idx_low
__device__ static __forceinline__ int idx_low(int i, int len)
Definition: extrapolation.hpp:147
HaarClassifierNode128::setFeatureDesc
__host__ NCVStatus setFeatureDesc(HaarFeatureDescriptor32 f)
Definition: NCVHaarObjectDetection.hpp:222
cv::vuint8mf2_t::val
uchar val[8]
Definition: intrin_rvv.hpp:25
CPU_SSE4_2
@ CPU_SSE4_2
Definition: cvdef.h:298
cv::rgbd::RgbdOdometry::getTransformType
int getTransformType() const CV_OVERRIDE
Definition: depth.hpp:708
cv::face::FacemarkAAM::Config::Config
Config(Mat rot=Mat::eye(2, 2, CV_32F), Point2f trans=Point2f(0.0f, 0.0f), float scaling=1.0f, int scale_id=0)
cv::imwritemulti
static CV_WRAP bool imwritemulti(const String &filename, InputArrayOfArrays img, const std::vector< int > &params=std::vector< int >())
Definition: imgcodecs.hpp:236
cv::COLOR_YUV2RGB_YUY2
@ COLOR_YUV2RGB_YUY2
Definition: imgproc.hpp:696
cv::v_uint8x16
Definition: intrin_rvv.hpp:228
cv::TrackerMIL::Params::samplerTrackMaxNegNum
int samplerTrackMaxNegNum
Definition: tracking.hpp:766
cv::mcc::CCheckerDraw::~CCheckerDraw
virtual ~CCheckerDraw()
Definition: checker_model.hpp:116
cv::cudev::CountNonZeroExprBody::src
SrcPtr src
Definition: reduction.hpp:154
cv::gapi::divC
GMat divC(const GMat &src, const GScalar &divisor, double scale, int ddepth=-1)
Divides matrix by scalar.
uint64
uint64_t uint64
Definition: interface.h:62
cv::rgbd::RgbdOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:712
cv::CirclesGridFinderParameters::gridType
GridType gridType
Definition: calib3d.hpp:1651
cv::cudev::LargerType
Definition: type_traits.hpp:156
motion_core.hpp
cv::ocl::Context::getImpl
Impl * getImpl() const
Definition: ocl.hpp:290
hal_ni_max8s
int hal_ni_max8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:104
cv::ml::LogisticRegression
Implements Logistic Regression classifier.
Definition: ml.hpp:1630
cv::BackgroundSubtractorMOG2::getVarMin
virtual double getVarMin() const =0
cv::dnn::Dict::get
T get(const String &key, const T &defaultValue) const
If the key in the dictionary then returns its value, else returns defaultValue.
cv::cuda::FarnebackOpticalFlow::setPyrScale
virtual void setPyrScale(double pyrScale)=0
cv::ogl::Buffer::Buffer
Buffer(int arows, int acols, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::gapi::own::Size::width
int width
Definition: types.hpp:113
cv::CAP_PROP_XI_AEAG_ROI_OFFSET_X
@ CAP_PROP_XI_AEAG_ROI_OFFSET_X
Automatic exposure/gain ROI offset X.
Definition: videoio.hpp:382
cv::v_rshr_pack
v_uint8x16 v_rshr_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:2523
cv::Rect2d
Rect_< double > Rect2d
Definition: types.hpp:461
cv::solveP3P
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.
cv::detail::has_custom_wrap::test
static std::false_type test(...)
cv::MatConstIterator::reference
uchar * reference
Definition: mat.hpp:3017
cv::detail::BundleAdjusterBase::confThresh
double confThresh() const
Definition: motion_estimators.hpp:143
cv::cudev::gridReduceToColumn
__host__ void gridReduceToColumn(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:220
cv::Node::Node
Node(OBJECT &payload)
Definition: utility.hpp:1050
cv::IMWRITE_PNG_BILEVEL
@ IMWRITE_PNG_BILEVEL
Binary level PNG, 0 or 1, default is 0.
Definition: imgcodecs.hpp:95
cv::detail::ProtoToParam< cv::GArray< U > >::type
std::vector< U > type
Definition: gtyped.hpp:28
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::EstimatedGaussDistribution
EstimatedGaussDistribution(float P_mean, float R_mean, float P_sigma, float R_sigma)
cv::rapid::rapid
float rapid(InputArray img, int num, int len, InputArray pts3d, InputArray tris, InputArray K, InputOutputArray rvec, InputOutputArray tvec, double *rmsd=0)
cv::ximgproc::DisparityWLSFilter
Disparity map filter based on Weighted Least Squares filter (in form of Fast Global Smoother that is ...
Definition: disparity_filter.hpp:83
cv::cuda::FGDParams
Definition: cudalegacy.hpp:155
cv::ml::Boost::setBoostType
virtual void setBoostType(int val)=0
cv::cudev::cos
__device__ __forceinline__ float1 cos(const uchar1 &a)
Definition: vec_math.hpp:294
reduce.hpp
cv::videostab::MM_HOMOGRAPHY
@ MM_HOMOGRAPHY
Definition: motion_core.hpp:67
cv::cuda::OpticalFlowDual_TVL1::setLambda
virtual void setLambda(double lambda)=0
cv::dnn::TextRecognitionModel::TextRecognitionModel
TextRecognitionModel()
cv::datasets::FR_adienceObj
Definition: fr_adience.hpp:68
cv::gapi::fluid::Border::value
cv::Scalar value
Definition: gfluidbuffer.hpp:31
cv::Matx34f
Matx< float, 3, 4 > Matx34f
Definition: matx.hpp:249
cv::cudacodec::VP8
@ VP8
Definition: cudacodec.hpp:256
cv_vrndq_u32_f32
uint32x4_t cv_vrndq_u32_f32(float32x4_t v)
Definition: neon_utils.hpp:76
cv::cuda::BackgroundSubtractorMOG::getNMixtures
virtual int getNMixtures() const =0
cv::getRecall
float getRecall(const std::vector< Point2f > &recallPrecisionCurve, float l_precision)
cv::ocl::Image2D::Image2D
Image2D(const Image2D &i)
cv::v_expand
void v_expand(const v_reg< _Tp, n > &a, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b0, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b1)
Expand values to the wider pack type.
Definition: intrin_cpp.hpp:1359
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(int arows, int acols, Scalar val, Allocator *allocator=defaultAllocator())
constucts GpuMat and fills it with the specified value
cv::ximgproc::GuidedFilter
Interface for realizations of Guided Filter.
Definition: edge_filter.hpp:131
cv::stereo::StereoBinarySGBM::getP2
virtual int getP2() const =0
cv::utils::logging::LOG_LEVEL_SILENT
@ LOG_LEVEL_SILENT
for using in setLogVevel() call
Definition: logger.defines.hpp:26
cv::cudev::vsetlt2
__device__ __forceinline__ uint vsetlt2(uint a, uint b)
Definition: simd_functions.hpp:396
cv::detail::tracking::tbm::ITrackerByMatching::drawActiveTracks
virtual cv::Mat drawActiveTracks(const cv::Mat &frame)=0
Draws active tracks on a given frame.
qualitybase.hpp
cv::gapi::onnx::detail::ParamDesc::out_metas
std::vector< cv::GMatDesc > out_metas
Definition: onnx.hpp:57
cv::UsacParams::score
ScoreMethod score
Definition: calib3d.hpp:564
cv::NAryMatIterator::narrays
int narrays
the number of arrays
Definition: mat.hpp:3412
cv::SORT_ASCENDING
@ SORT_ASCENDING
Definition: core.hpp:158
cv::face::LBPHFaceRecognizer::getThreshold
virtual double getThreshold() const CV_OVERRIDE=0
cv::Subdiv2D::findNearest
int findNearest(Point2f pt, Point2f *nearestPt=0)
Finds the subdivision vertex closest to the given point.
cv::CAP_PROP_XI_DOWNSAMPLING
@ CAP_PROP_XI_DOWNSAMPLING
Change image resolution by binning or skipping.
Definition: videoio.hpp:343
cv::detail::tracking::TrackerModel::~TrackerModel
virtual ~TrackerModel()
cv::CascadeClassifier::detectMultiScale
void detectMultiScale(InputArray image, std::vector< Rect > &objects, std::vector< int > &numDetections, double scaleFactor=1.1, int minNeighbors=3, int flags=0, Size minSize=Size(), Size maxSize=Size())
cv::ppf_match_3d::PPF3DDetector::scene_sample_step
int scene_sample_step
Definition: ppf_match_3d.hpp:158
cv::cudev::minVal_
__host__ Expr< FindMinValExprBody< SrcPtr > > minVal_(const SrcPtr &src)
Definition: reduction.hpp:99
cv::detail::tracking::tld::tld_getNextDatasetFrame
cv::String tld_getNextDatasetFrame()
cv::SVD::compute
static void compute(InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0)
decomposes matrix and stores the results to user-provided matrices
hal_ni_scharr
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
cv::ml::LogisticRegression::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::dnn::Net::getMemoryConsumption
void getMemoryConsumption(const MatShape &netInputShape, size_t &weights, size_t &blobs) const
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::period
virtual int period() const
Definition: wobble_suppression.hpp:105
cv::RMat::serialize
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: rmat.hpp:139
cv::datasets::TR_svt
Definition: tr_svt.hpp:74
cv::viz::Color::indigo
static Color indigo()
cv::HOGDescriptor::DEFAULT_NLEVELS
@ DEFAULT_NLEVELS
Default nlevels value.
Definition: objdetect.hpp:377
cv::util::variant::get_if
friend const T * get_if(const variant< Us... > *v) noexcept
cv::hal::add8s
void add8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::ximgproc::AdaptiveManifoldFilter::create
static Ptr< AdaptiveManifoldFilter > create()
cv::rgbd::DepthCleaner::window_size_
int window_size_
Definition: depth.hpp:261
cv::dnn::DictValue::arrayString
static DictValue arrayString(TypeIter begin, int size)
Constructs array of strings.
cv::dnn::Layer::getMemoryShapes
virtual bool getMemoryShapes(const std::vector< MatShape > &inputs, const int requiredOutputs, std::vector< MatShape > &outputs, std::vector< MatShape > &internals) const
cv::cuda::FEATURE_SET_COMPUTE_20
@ FEATURE_SET_COMPUTE_20
Definition: cuda.hpp:779
cv::linemod::drawFeatures
void drawFeatures(InputOutputArray img, const std::vector< Template > &templates, const Point2i &tl, int size=10)
Debug function to draw linemod features.
cv::cuda::Event
Definition: cuda.hpp:702
HaarClassifierNode128
Definition: NCVHaarObjectDetection.hpp:219
cv::dnn::ReorgLayer::create
static Ptr< ReorgLayer > create(const LayerParams &params)
cv::cuda::HoughSegmentDetector::getRho
virtual float getRho() const =0
_v512_set_epu8
#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
cv::videostab::calcBlurriness
float calcBlurriness(const Mat &frame)
cv::ximgproc::segmentation::SelectiveSearchSegmentation::switchToSelectiveSearchQuality
virtual void switchToSelectiveSearchQuality(int base_k=150, int inc_k=150, float sigma=0.8f)=0
Initialize the class with the 'Selective search fast' parameters describled in .
cv::cudev::SobelXPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:148
cv::line_descriptor::KeyLine::ePointInOctaveY
float ePointInOctaveY
Definition: descriptor.hpp:135
cv::GStreamingCompiled::pull
bool pull(cv::GOptRunArgsP &&outs)
Get some next available data from the pipeline.
cv::Matx21d
Matx< double, 2, 1 > Matx21d
Definition: matx.hpp:231
cv::img_hash::MarrHildrethHash
Marr-Hildreth Operator Based Hash, slowest but more discriminative.
Definition: marr_hildreth_hash.hpp:21
cv::gapi::cpu::GOCVFunctor::Meta
cv::GKernel::M Meta
Definition: gcpukernel.hpp:495
cv::ccm::COLOR_SPACE_AppleRGB
@ COLOR_SPACE_AppleRGB
https://en.wikipedia.org/wiki/RGB_color_space , RGB color space
Definition: ccm.hpp:104
lsh_index.h
cv::cudev::BrdBase::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:96
cv::videostab::MM_AFFINE
@ MM_AFFINE
Definition: motion_core.hpp:66
inpainting.hpp
cv::rgbd::RgbdICPOdometry
Definition: depth.hpp:888
cv::rgbd::ICPOdometry::getNormalsComputer
Ptr< RgbdNormals > getNormalsComputer() const
Definition: depth.hpp:855
cv::rgbd::RgbdNormals
Definition: depth.hpp:74
_v512_set_epi8
#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
cv::bioinspired::Retina::getInputSize
virtual Size getInputSize()=0
Retreive retina input buffer size.
cv::gapi::onnx::detail::ParamDesc::const_inputs
std::unordered_map< std::string, ConstInput > const_inputs
Definition: onnx.hpp:52
cv::face::FacemarkTrain
Abstract base class for trainable facemark models.
Definition: facemark_train.hpp:263
cv::aruco::GridBoard
Planar board with grid arrangement of markers More common type of board. All markers are placed in th...
Definition: aruco.hpp:303
cv::omnidir::stereoReconstruct
void stereoReconstruct(InputArray image1, InputArray image2, InputArray K1, InputArray D1, InputArray xi1, InputArray K2, InputArray D2, InputArray xi2, InputArray R, InputArray T, int flag, int numDisparities, int SADWindowSize, OutputArray disparity, OutputArray image1Rec, OutputArray image2Rec, const Size &newSize=Size(), InputArray Knew=cv::noArray(), OutputArray pointCloud=cv::noArray(), int pointType=XYZRGB)
Stereo 3D reconstruction from a pair of images.
cv::cuda::BufferPool::BufferPool
BufferPool(Stream &stream)
Gets the BufferPool for the given stream.
cv::cuda::calcHist
void calcHist(InputArray src, OutputArray hist, Stream &stream=Stream::Null())
Calculates histogram for one channel 8-bit image.
cv::Quat::operator-=
Quat< _Tp > & operator-=(const Quat< _Tp > &)
Subtraction assignment operator of two quaternions p and q. It subtracts right operand from the left ...
INCVMemAllocator::~INCVMemAllocator
virtual ~INCVMemAllocator()=0
Definition: NCV.hpp:477
cv::detail::OpaqueRef::descr_of
cv::GOpaqueDesc descr_of() const
Definition: gopaque.hpp:287
cv::Matx::operator+=
static Matx< _Tp1, m, n > & operator+=(Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b)
Definition: matx.hpp:1194
structured_edge_detection.hpp
cv::freetype::FreeType2::loadFontData
virtual void loadFontData(String fontFileName, int id)=0
Load font data.
cv::_InputArray::_InputArray
_InputArray(const ogl::Buffer &buf)
cv::rgbd::FastICPOdometry::setAngleThreshold
void setAngleThreshold(float f)
Definition: depth.hpp:1092
CV_CUDEV_EXPR_UNARY_FUNC
#define CV_CUDEV_EXPR_UNARY_FUNC(name)
Definition: unary_func.hpp:60
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::MoreAccurateMotionWobbleSuppressorBase
MoreAccurateMotionWobbleSuppressorBase()
Definition: wobble_suppression.hpp:108
cv::detail::tracking::online_boosting::BaseClassifier::m_iterationInit
int m_iterationInit
Definition: onlineBoosting.hpp:150
cv::videostab::InpainterBase::setRadius
virtual void setRadius(int val)
Definition: inpainting.hpp:70
cv::cubeRoot
float cubeRoot(float val)
Computes the cube root of an argument.
cv::Affine3::Affine3
Affine3(const Vec3 &rvec, const Vec3 &t=Vec3::all(0))
cv::cuda::ORB::create
static Ptr< cuda::ORB > create(int nfeatures=500, float scaleFactor=1.2f, int nlevels=8, int edgeThreshold=31, int firstLevel=0, int WTA_K=2, int scoreType=cv::ORB::HARRIS_SCORE, int patchSize=31, int fastThreshold=20, bool blurForDescriptor=false)
cv::DetectionROI::scale
double scale
scale(size) of the bounding box
Definition: objdetect.hpp:348
cv::COLOR_GRAY2RGBA
@ COLOR_GRAY2RGBA
Definition: imgproc.hpp:551
cv::detail::flatten_g< cv::GScalar >::type
cv ::Scalar type
Definition: garray.hpp:325
cv::dpm::DPMDetector::isEmpty
virtual bool isEmpty() const =0
cv::DescriptorMatcher::DescriptorCollection::getDescriptors
const Mat & getDescriptors() const
cv::NEIGH_GRID
@ NEIGH_GRID
Definition: calib3d.hpp:550
Ncv32s
int Ncv32s
Definition: NCV.hpp:127
cv::dnn::TextDetectionModel_DB::setBinaryThreshold
TextDetectionModel_DB & setBinaryThreshold(float binaryThreshold)
cv::vwcvtu_x_x_v_u16mf2
vuint16mf2_t vwcvtu_x_x_v_u16mf2(vuint8mf4_t src)
Definition: intrin_rvv.hpp:206
cv::TickMeter::getAvgTimeMilli
double getAvgTimeMilli() const
returns average time in milliseconds
Definition: utility.hpp:368
cv::Error::OpenGlNotSupported
@ OpenGlNotSupported
no OpenGL support
Definition: base.hpp:118
cv::viz::WTrajectoryFrustums::WTrajectoryFrustums
WTrajectoryFrustums(InputArray path, const Vec2d &fov, double scale=1., const Color &color=Color::white())
Constructs a WTrajectoryFrustums.
cv::viz::Viz3d::resetCamera
void resetCamera()
Resets camera.
types.hpp
cv::GComputation::GComputation
GAPI_WRAP GComputation(GMat in, GScalar out)
Defines an unary (one input – one output) computation.
cv::cuda::DeviceInfo::unifiedAddressing
bool unifiedAddressing() const
device shares a unified address space with the host
cv::large_kinfu::Params::lightPose
Vec3f lightPose
light pose for rendering in meters
Definition: large_kinfu.hpp:68
cv::Vec::Vec
Vec(const Vec< _Tp, cn > &v)
cv::optflow::DenseRLOFOpticalFlow::create
static Ptr< DenseRLOFOpticalFlow > create(Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=1.f, Size gridStep=Size(6, 6), InterpolationType interp_type=InterpolationType::INTERP_EPIC, int epicK=128, float epicSigma=0.05f, float epicLambda=999.0f, int ricSPSize=15, int ricSLICType=100, bool use_post_proc=true, float fgsLambda=500.0f, float fgsSigma=1.5f, bool use_variational_refinement=false)
Creates instance of optflow::DenseRLOFOpticalFlow.
cv::detail::VectorRefT::size
virtual std::size_t size() const override
Definition: garray.hpp:226
CV_USRTYPE1
#define CV_USRTYPE1
Definition: interface.h:67
cv::gapi::wip::make_capture_src
cv::Ptr< IStreamSource > make_capture_src(const std::string &path)
Definition: cap.hpp:117
cv::text::OCRBeamSearchDecoder::ClassifierCallback::getWindowSize
int getWindowSize()
Definition: ocr.hpp:420
cv::detail::flatten_g
Definition: garray.hpp:326
cv::gapi::wip::draw::Text::Text
Text(const std::string &text_, const cv::Point &org_, int ff_, double fs_, const cv::Scalar &color_, int thick_=1, int lt_=8, bool bottom_left_origin_=false)
Text constructor.
Definition: render_types.hpp:58
cv::superres::DualTVL1OpticalFlow::setIterations
virtual void setIterations(int val)=0
linemod.hpp
cv::v_lut
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2178
cv::legacy::TrackerBoosting::Params
Definition: tracking_legacy.hpp:152
cv::hal::cvtOnePlaneYUVtoBGR
void cvtOnePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int uIdx, int ycn)
cv::detail::Blender::prepare
virtual void prepare(Rect dst_roi)
cv::face::FacemarkLBF::BBox
Definition: facemarkLBF.hpp:96
cv::AVIWriteContainer::isOpenedStream
bool isOpenedStream() const
cv::fillConvexPoly
void fillConvexPoly(InputOutputArray img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0)
cv::viz::WWidgetMerger::WWidgetMerger
WWidgetMerger()
cv::Point_::ddot
double ddot(const Point_ &pt) const
dot product computed in double-precision arithmetics
cv::rgbd::ICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:815
cv::DISOpticalFlow::setPatchSize
virtual void setPatchSize(int val)=0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
cv::HISTCMP_BHATTACHARYYA
@ HISTCMP_BHATTACHARYYA
Definition: imgproc.hpp:512
cv::stereo::PropagationParameters::correlationThreshold
float correlationThreshold
Definition: quasi_dense_stereo.hpp:47
cv::face::FacemarkLBF::Params::seed
unsigned int seed
seed for shuffling the training data
Definition: facemarkLBF.hpp:82
cv::AVIReadContainer::skipJunk
void skipJunk(RiffChunk &chunk)
cv::gapi::video::checkParams
void checkParams(const cv::gapi::KalmanParams &kfParams, const cv::GMatDesc &measurement, const cv::GMatDesc &control={})
cv::CascadeClassifier::setMaskGenerator
void setMaskGenerator(const Ptr< BaseCascadeClassifier::MaskGenerator > &maskGenerator)
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(cudev::GpuMat_< _Tp > &m)
cv::quality::QualityMSE::_ref
QualityBase::_mat_type _ref
Reference image, converted to internal mat type.
Definition: qualitymse.hpp:51
cv::detail::fluid_get_in< cv::GScalar >::get
static const cv::Scalar get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:181
cv::dnn::setInferenceEngineBackendType
cv::String setInferenceEngineBackendType(const cv::String &newBackendType)
Specify Inference Engine internal backend API.
cv::GShape
GShape
Definition: gcommon.hpp:92
cv::utils::AllocatorStatisticsInterface::getNumberOfAllocations
virtual uint64_t getNumberOfAllocations() const =0
cv::line_descriptor::BinaryDescriptor::detect
void detect(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, const std::vector< Mat > &masks=std::vector< Mat >()) const
cv::KalmanFilter::temp5
Mat temp5
Definition: tracking.hpp:409
cv::detail::valid_infer_types
all_satisfy< accepted_infer_types, Ts... > valid_infer_types
Definition: infer.hpp:41
cv::videostab::LpMotionStabilizer::weight3
float weight3() const
Definition: motion_stabilizing.hpp:138
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m)
constructor that sets the iterator to the beginning of the matrix
cv::gapi::NV12toGray
GMat NV12toGray(const GMat &src_y, const GMat &src_uv)
Converts an image from NV12 (YUV420p) color space to gray-scaled. The function converts an input imag...
cv::FileNode::FileNode
FileNode(FileStorage::Impl *fs, size_t blockIdx, size_t ofs)
cv::ml::SVMSGD::load
static Ptr< SVMSGD > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized SVMSGD from a file.
cv::optflow::RLOFOpticalFlowParameter::getMaxLevel
int getMaxLevel() const
OPENCV_HAL_IMPL_RVV_CHECK_ALLANY
#define OPENCV_HAL_IMPL_RVV_CHECK_ALLANY(_Tpvec, suffix, shift, width)
Definition: intrin_rvv.hpp:1623
cv::gapi::bitwise_or
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...
cv::FileNode::isCollection
static bool isCollection(int flags)
cv::cuda::DeviceInfo::ComputeModeDefault
@ ComputeModeDefault
Definition: cuda.hpp:907
cv::v_recombine
void v_recombine(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< _Tp, n > &low, v_reg< _Tp, n > &high)
Combine two vectors from lower and higher parts of two other vectors.
Definition: intrin_cpp.hpp:1871
cv::gapi::bitwise_and
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...
cv::Allocator::Allocator
Allocator(Allocator< U > const &)
Definition: cvstd.hpp:126
cv::gapi::onnx::detail::ParamDesc::model_path
std::string model_path
Definition: onnx.hpp:40
cv::cudev::VecTraits< char4 >::make
__host__ __device__ static __forceinline__ char4 make(const schar *v)
Definition: vec_traits.hpp:180
cv::detail::DpSeamFinder::find
virtual void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
cv::viz::Viz3d::getWindowSize
Size getWindowSize() const
Returns the current size of the window.
cv::detail::tracking::TrackerContribFeature::className
String className
Definition: tracking_internals.hpp:300
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::write
void write(FileStorage &fs) const
cv::text::OCRHolisticWordRecognizer::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=OCR_LEVEL_WORD) CV_OVERRIDE=0
cv::rgbd::RgbdOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: depth.hpp:676
cv::ocl::Program::Program
Program(const ProgramSource &src, const String &buildflags, String &errmsg)
cv::structured_light::SinusoidalPattern::unwrapPhaseMap
virtual void unwrapPhaseMap(InputArray wrappedPhaseMap, OutputArray unwrappedPhaseMap, cv::Size camSize, InputArray shadowMask=noArray())=0
Unwrap the wrapped phase map to remove phase ambiguities.
cv::detail::BlocksCompensator::setBlockSize
void setBlockSize(Size size)
Definition: exposure_compensate.hpp:183
cv::DetectionBasedTracker::IDetector::minObjSize
cv::Size minObjSize
Definition: detection_based_tracker.hpp:115
cv::viz::Viz3d::updateWidgetPose
void updateWidgetPose(const String &id, const Affine3d &pose)
Updates pose of a widget in the window by pre-multiplying its current pose.
cv::gapi::video::G_TYPED_KERNEL
G_TYPED_KERNEL(GBuildOptFlowPyramid,< GBuildPyrOutput(GMat, Size, GScalar, bool, int, int, bool)>, "org.opencv.video.buildOpticalFlowPyramid")
Definition: video.hpp:53
cv::softfloat::softfloat
softfloat(const softfloat &c)
Copy constructor.
Definition: softfloat.hpp:95
cv::cudev::ReduceToRowBody
Definition: reduction.hpp:175
cv::vfloat64mf2_t::vfloat64mf2_t
vfloat64mf2_t(const double *ptr)
Definition: intrin_rvv.hpp:123
nppsStCompactGetSize_32f
NCVStatus nppsStCompactGetSize_32f(Ncv32u srcLen, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::utils::shared_lock_guard::shared_lock_guard
shared_lock_guard(Mutex &m)
Definition: lock.private.hpp:49
cv::ppf_match_3d::KeyType
uint KeyType
Definition: t_hash_int.hpp:58
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::ptr_type
Ptr2DSz ptr_type
Definition: traits.hpp:59
cv::text::OCRBeamSearchDecoder::ClassifierCallback::getStepSize
int getStepSize()
Definition: ocr.hpp:421
cv::CAP_PROP_XI_LENS_FOCUS_MOVE
@ CAP_PROP_XI_LENS_FOCUS_MOVE
Moves lens focus motor by steps set in XI_PRM_LENS_FOCUS_MOVEMENT_VALUE.
Definition: videoio.hpp:440
cv::util::variant::swap
void swap(variant &rhs) noexcept
Definition: variant.hpp:342
cv::ximgproc::HoughDeskewOption
HoughDeskewOption
Specifies to do or not to do skewing of Hough transform image.
Definition: fast_hough_transform.hpp:106
UIImageToMat
void UIImageToMat(const UIImage *image, cv::Mat &m, bool alphaExist=false)
hal_ni_sobel
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
cv::detail::OpaqueRefT::set
virtual void set(const cv::util::any &a) override
Definition: gopaque.hpp:218
cv::REDUCE_SUM
@ REDUCE_SUM
the output is the sum of all rows/columns of the matrix.
Definition: core.hpp:227
cv::CALIB_FIX_K5
@ CALIB_FIX_K5
Definition: calib3d.hpp:505
structured_light.hpp
cv::cudacodec::VideoReader::format
virtual FormatInfo format() const =0
Returns information about video file format.
cv::Rect_::Rect_
Rect_()
default constructor
cv::Mat_::end
iterator end()
cv::SparseMat_::iterator
SparseMatIterator_< _Tp > iterator
Definition: mat.hpp:2943
cv::gapi::wip::GAsyncContext
A class to group async requests to cancel them in a single shot.
Definition: gasync_context.hpp:28
cv::hal::min64f
void min64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::ximgproc::ContourFitting::ContourFitting
ContourFitting(int ctr=1024, int fd=16)
Fit two closed curves using fourier descriptors. More details in and .
Definition: fourier_descriptors.hpp:38
cv::rgbd::RgbdICPOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: depth.hpp:949
cv::gapi::ie::Params::pluginConfig
Params & pluginConfig(IEConfig &&cfg)
Definition: ie.hpp:130
cv::GFluidKernel::m_kind
Kind m_kind
Definition: gfluidkernel.hpp:85
cv::SVD::backSubst
void backSubst(InputArray rhs, OutputArray dst) const
performs a singular value back substitution.
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, const Color &color=Color::white())
Constructs a WCloud.
cv::optflow::GPCTree::Node::coef
Vec< double, GPCPatchDescriptor::nFeatures > coef
Hyperplane coefficients.
Definition: sparse_matching_gpc.hpp:159
cv::GeneralizedHoughGuil::getMinAngle
virtual double getMinAngle() const =0
cv::IMREAD_IGNORE_ORIENTATION
@ IMREAD_IGNORE_ORIENTATION
If set, do not rotate the image according to EXIF's orientation flag.
Definition: imgcodecs.hpp:82
cv::MORPH_CROSS
@ MORPH_CROSS
Definition: imgproc.hpp:232
cv::viz::Viz3d::addLight
void addLight(const Vec3d &position, const Vec3d &focalPoint=Vec3d(0, 0, 0), const Color &color=Color::white(), const Color &diffuseColor=Color::white(), const Color &ambientColor=Color::black(), const Color &specularColor=Color::white())
Add a light in the scene.
cv::detail::tracking::TrackerTargetState::setTargetPosition
void setTargetPosition(const Point2f &position)
Set the position.
cv::detail::Yield
Definition: gkernel.hpp:72
cv::bgsegm::BackgroundSubtractorGMG::getQuantizationLevels
virtual int getQuantizationLevels() const =0
Returns the parameter used for quantization of color-space.
cv::GComputationT
This class is a typed wrapper over a regular GComputation.
Definition: gtyped.hpp:85
cv::kinfu::Params::defaultParams
static Ptr< Params > defaultParams()
Default parameters A set of parameters which provides better model quality, can be very slow.
warp.hpp
cv::samples::addSamplesDataSearchSubDirectory
void addSamplesDataSearchSubDirectory(const cv::String &subdir)
Append samples search data sub directory.
cv::cuda::createBoxMinFilter
Ptr< Filter > createBoxMinFilter(int srcType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates the minimum filter.
cv::detail::BundleAdjusterBase::refinement_mask_
Mat refinement_mask_
Definition: motion_estimators.hpp:194
cv::Matx::zeros
static Matx zeros()
cv::ovis::SCENE_OFFSCREEN
@ SCENE_OFFSCREEN
Render off-screen without a window. Allows separate AA setting. Requires manual update via WindowScen...
Definition: ovis.hpp:55
cv::cuda::OpticalFlowDual_TVL1::getNumIterations
virtual int getNumIterations() const =0
cv::gapi::ie::Params< cv::gapi::Generic >::m_tag
std::string m_tag
Definition: ie.hpp:184
cv::FileNodeIterator::ofs
size_t ofs
Definition: persistence.hpp:689
cv::Quat::toVec
Vec< _Tp, 4 > toVec() const
transform the this quaternion to a Vec<T, 4>.
cv::Rect_::width
_Tp width
width of the rectangle
Definition: types.hpp:455
cv::COLOR_RGB2Luv
@ COLOR_RGB2Luv
Definition: imgproc.hpp:596
cv::cudev::UnaryTransformPtrSz
Definition: transform.hpp:76
hal_ni_invSqrt32f
int hal_ni_invSqrt32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:422
cv::hal::DFT1D::create
static Ptr< DFT1D > create(int len, int count, int depth, int flags, bool *useBuffer=0)
cv::cuda::addWeighted
void addWeighted(InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1, Stream &stream=Stream::Null())
Computes the weighted sum of two arrays.
cv::RotatedRect::points
void points(Point2f pts[]) const
cv::ogl::Arrays::resetTexCoordArray
void resetTexCoordArray()
Resets vertex texture coordinates.
cv::linemod::Template::features
std::vector< Feature > features
Definition: linemod.hpp:46
cv::dnn::blobFromImages
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,...
cv_vrsqrtq_f32
float32x4_t cv_vrsqrtq_f32(float32x4_t val)
Definition: neon_utils.hpp:98
cv::ximgproc::DisparityWLSFilter::setLambda
virtual void setLambda(double _lambda)=0
cv::ximgproc::GUIDED_FILTER
@ GUIDED_FILTER
Definition: edge_filter.hpp:57
cv::DISOpticalFlow::getVariationalRefinementDelta
virtual float getVariationalRefinementDelta() const =0
Weight of the color constancy term.
cv::cudev::GpuMat_::elemSize1
__host__ size_t elemSize1() const
cv::COLOR_RGB2BGRA
@ COLOR_RGB2BGRA
Definition: imgproc.hpp:535
cv::FileNodeIterator::FileNodeIterator
FileNodeIterator(const FileNodeIterator &it)
cv::detail::tracking::TrackerFeatureLBP
TrackerContribFeature based on LBP.
Definition: tracking_internals.hpp:913
cv::detail::tracking::TrackerSamplerCSC::Params::initMaxNegNum
int initMaxNegNum
Definition: tracking.private.hpp:369
cv::cuda::FGDParams::delta
float delta
Affects color and color co-occurrence quantization, typically set to 2.
Definition: cudalegacy.hpp:174
cv::FileStorage::write
static void write(FileStorage &fs, const Range &r)
Definition: persistence.hpp:981
cv::DftFlags
DftFlags
Definition: base.hpp:225
NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
@ NCV_HAAR_TOO_MANY_FEATURES_IN_CLASSIFIER
Definition: NCV.hpp:344
cv::MARKER_TILTED_CROSS
@ MARKER_TILTED_CROSS
A 45 degree tilted crosshair marker shape.
Definition: imgproc.hpp:835
cv::FileNode::keys
std::vector< String > keys() const
Returns keys of a mapping node.
cv::setUseOpenVX
void setUseOpenVX(bool flag)
Enable/disable use of OpenVX.
cv::MouseCallback
void(* MouseCallback)(int event, int x, int y, int flags, void *userdata)
Callback function for mouse events. see cv::setMouseCallback.
Definition: highgui.hpp:272
cv::kinfu::Intr
Definition: intrinsics.hpp:16
cv::Rect_::area
_Tp area() const
area (width*height) of the rectangle
cv::ppf_match_3d::PPF3DDetector::hash_nodes
THash * hash_nodes
Definition: ppf_match_3d.hpp:153
cv::VariationalRefinement
Variational optical flow refinement.
Definition: tracking.hpp:524
hal_ni_cvtBGR5x5toBGR
int hal_ni_cvtBGR5x5toBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int greenBits)
hal_cvtBGR5x5toBGR
Definition: hal_replacement.hpp:335
cv::COLOR_YUV2GRAY_NV12
@ COLOR_YUV2GRAY_NV12
Definition: imgproc.hpp:670
cv::rgbd::RgbdICPOdometry::setCameraMatrix
void setCameraMatrix(const cv::Mat &val) CV_OVERRIDE
Definition: depth.hpp:921
cv::aruco::DetectorParameters::cornerRefinementWinSize
int cornerRefinementWinSize
Definition: aruco.hpp:167
hal_ni_log64f
int hal_ni_log64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:457
cv::cudev::TypeTraits::is_vec
@ is_vec
Definition: type_traits.hpp:147
cv::ParamType< std::vector< Mat > >::member_type
std::vector< Mat > member_type
Definition: core.hpp:3236
cv::detail::tracking::online_boosting::BaseClassifier::selectBestClassifier
int selectBestClassifier(std::vector< bool > &errorMask, float importance, std::vector< float > &errors)
cv::cudev::GpuMat_::elemSize
__host__ size_t elemSize() const
overridden forms of GpuMat::elemSize() etc.
cv::datasets::backgroundType
backgroundType
Definition: gr_skig.hpp:88
cv::KAZE::create
static Ptr< KAZE > create(bool extended=false, bool upright=false, float threshold=0.001f, int nOctaves=4, int nOctaveLayers=4, KAZE::DiffusivityType diffusivity=KAZE::DIFF_PM_G2)
The KAZE constructor.
cv::cudev::SingleMaskChannelsSz::rows
int rows
Definition: mask.hpp:85
cv::line_descriptor::BinaryDescriptor::read
virtual void read(const cv::FileNode &fn) CV_OVERRIDE
Read parameters from a FileNode object and store them.
cv::bioinspired::Retina::run
virtual void run(InputArray inputImage)=0
Method which allows retina to be applied on an input image,.
cv::MatExpr::dot
double dot(const Mat &m) const
cv::Error::StsFilterStructContentErr
@ StsFilterStructContentErr
incorrect filter structure content
Definition: base.hpp:98
cv::HOGDescriptor::computeGradient
virtual void computeGradient(InputArray img, InputOutputArray grad, InputOutputArray angleOfs, Size paddingTL=Size(), Size paddingBR=Size()) const
Computes gradients and quantized gradient orientations.
cv::detail::AffineWarper::warpPointBackward
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray H) CV_OVERRIDE
Projects the image point backward.
cv::detail::tracking::online_boosting::BaseClassifier::m_numWeakClassifier
int m_numWeakClassifier
Definition: onlineBoosting.hpp:145
cv::Subdiv2D::freePoint
int freePoint
Definition: imgproc.hpp:1242
cv::GOCLContext::outVecR
std::vector< T > & outVecR(int output)
Definition: goclkernel.hpp:67
cv::validate_input_args
void validate_input_args(const GRunArgs &args)
cv::gapi::s11n::detail::S11N
Definition: base.hpp:27
cv::AsyncArray::valid
bool valid() const CV_NOEXCEPT
cv::reg::MapShift::inverseWarp
void inverseWarp(InputArray img1, OutputArray img2) const CV_OVERRIDE
cv::hal::merge64s
void merge64s(const int64 **src, int64 *dst, int len, int cn)
cv::GeneralizedHoughGuil::getLevels
virtual int getLevels() const =0
cv::rgbd::RgbdOdometry::getMinGradientMagnitudes
cv::Mat getMinGradientMagnitudes() const
Definition: depth.hpp:692
cv::flann::GenericIndex::radiusSearch
int radiusSearch(const Mat &query, Mat &indices, Mat &dists, DistanceType radius, const ::cvflann::SearchParams &params)
cv::cudev::CountNonZeroExprBody
Definition: reduction.hpp:153
cv::Vec::operator()
const _Tp & operator()(int i) const
cv::cuda::SparsePyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::gapi::wip::GCaptureSource::GCaptureSource
GCaptureSource(int id)
Definition: cap.hpp:50
cv::dnn::SoftmaxLayer::logSoftMax
bool logSoftMax
Definition: all_layers.hpp:272
feature.hpp
cv::videostab::StabilizerBase::setDeblurer
void setDeblurer(Ptr< DeblurerBase > val)
Definition: stabilizer.hpp:86
cv::displayOverlay
void displayOverlay(const String &winname, const String &text, int delayms=0)
Displays a text on a window image as an overlay for a specified duration.
cv::RMat::View::View
View(const GMatDesc &desc, uchar *data, const stepsT &steps={}, DestroyCallback &&cb=nullptr)
cv::gapi::ie::Params< cv::gapi::Generic >::Params
Params(const std::string &tag, const std::string &model, const std::string &device)
Definition: ie.hpp:160
cv::detail::FisheyeProjector
Definition: warpers.hpp:361
cv::cudev::BrdBase::index_type
int index_type
Definition: extrapolation.hpp:97
cv::cudev::gridCopy
__host__ void gridCopy(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:358
cv::GCompileArg::GCompileArg
GCompileArg(T &&t)
Definition: gcommon.hpp:164
cv::dnn::PoolingLayer::computeMaxIdx
bool computeMaxIdx
Definition: all_layers.hpp:253
cv::RMat
Definition: rmat.hpp:46
cv::v_ceil
v_reg< int, 4 > v_ceil(const v_reg< float, 4 > &a)
Ceil elements.
Definition: intrin_cpp.hpp:614
cv::Error::StsUnmatchedSizes
@ StsUnmatchedSizes
sizes of input/output structures do not match
Definition: base.hpp:109
cv::rgbd::RgbdICPOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: depth.hpp:941
cv::detail::MatchesInfo::confidence
double confidence
Confidence two images are from the same panorama.
Definition: matchers.hpp:111
cv::dnn::readTorchBlob
Mat readTorchBlob(const String &filename, bool isBinary=true)
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
cv::dnn::Net::forward
Mat forward(const String &outputName=String())
Runs forward pass to compute output of layer with name outputName.
cv::ml::SVM::setC
virtual void setC(double val)=0
cv::detail::DisjointSets
Definition: util.hpp:56
cv::GInferOutputs::at
GAPI_WRAP cv::GMat at(const std::string &name)
cv::Point_::value_type
_Tp value_type
Definition: types.hpp:160
cv::cuda::TargetArchs::has
static bool has(int major, int minor)
There is a set of methods to check whether the module contains intermediate (PTX) or binary CUDA code...
cv::dnn::Layer::type
String type
Type name which was used for creating layer by layer factory.
Definition: dnn.hpp:375
cv::IMWRITE_WEBP_QUALITY
@ IMWRITE_WEBP_QUALITY
override EXR storage type (FLOAT (FP32) is default)
Definition: imgcodecs.hpp:98
NCVStatus
Ncv32u NCVStatus
Definition: NCV.hpp:376
cv::cuda::createCLAHE
Ptr< cuda::CLAHE > createCLAHE(double clipLimit=40.0, Size tileGridSize=Size(8, 8))
Creates implementation for cuda::CLAHE .
cv::v_int64x2
v_reg< int64, 2 > v_int64x2
Two 64-bit signed integer values.
Definition: intrin_cpp.hpp:411
cv::face::FacemarkAAM::Model::Texture::ind1
std::vector< int > ind1
index of pixels for mapping process to obtains the grays values of face region
Definition: facemarkAAM.hpp:132
cv::omnidir::undistortPoints
void undistortPoints(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray xi, InputArray R)
Undistort 2D image points for omnidirectional camera using CMei's model.
cv::MatAllocator::map
virtual void map(UMatData *data, AccessFlag accessflags) const
cv::minMaxLoc
void minMaxLoc(InputArray src, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, InputArray mask=noArray())
Finds the global minimum and maximum in an array.
cv::UMat::allocator
MatAllocator * allocator
custom allocator
Definition: mat.hpp:2560
cv::ximgproc::FHT_MIN
@ FHT_MIN
Definition: fast_hough_transform.hpp:90
cv::videostab::MM_ROTATION
@ MM_ROTATION
Definition: motion_core.hpp:63
cv::videostab::DeblurerBase::frames
virtual const std::vector< Mat > & frames() const
Definition: deblurring.hpp:75
cv::ovis::WindowScene::update
virtual void update()=0
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5)
1x6, 2x3, 3x2 or 6x1 matrix
cv::cudev::binary_function::result_type
_Result result_type
Definition: functional.hpp:72
cv::v_load
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load(const _Tp *ptr)
Load register contents from memory.
Definition: intrin_cpp.hpp:1467
cv::datasets::TR_svt::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::COLOR_BayerRG2BGRA
@ COLOR_BayerRG2BGRA
Definition: imgproc.hpp:783
cv::detail::GArrayU::m_hint
std::shared_ptr< TypeHintBase > m_hint
Definition: garray.hpp:97
cv::img_hash::MarrHildrethHash::setKernelParam
void setKernelParam(float alpha, float scale)
Set Mh kernel parameters.
cv::createNormHistogramCostExtractor
Ptr< HistogramCostExtractor > createNormHistogramCostExtractor(int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f)
cv::gapi::fluid::View::priv
Priv & priv()
cv::gapi::GFunctor
Definition: gkernel.hpp:415
cv::videostab::PyrLkOptFlowEstimatorBase::setWinSize
virtual void setWinSize(Size val)
Definition: optical_flow.hpp:84
cv::videostab::MotionStabilizationPipeline::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions) CV_OVERRIDE
assumes that [0, size-1) is in or equals to [range.first, range.second)
per_element_func.hpp
cv::dnn::Model::operator=
Model & operator=(Model &&)=default
cv::StereoSGBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
cv::cuda::CascadeClassifier::getFindLargestObject
virtual bool getFindLargestObject()=0
cv::MARKER_TRIANGLE_UP
@ MARKER_TRIANGLE_UP
An upwards pointing triangle marker shape.
Definition: imgproc.hpp:839
cv::cudev::gridCopy_
__host__ void gridCopy_(const SrcPtr &src, GpuMat_< DstType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: copy.hpp:64
cv::util::copy_through_move_t::value
T value
Definition: copy_through_move.hpp:19
cv::detail::CompileArgTag< cv::gapi::plaidml::config >::tag
static const char * tag()
Definition: plaidml.hpp:42
cv::saliency::StaticSaliencySpectralResidual
the Spectral Residual approach from
Definition: saliencySpecializedClasses.hpp:70
cv::SVD::backSubst
static void backSubst(const Matx< _Tp, nm, 1 > &w, const Matx< _Tp, m, nm > &u, const Matx< _Tp, n, nm > &vt, const Matx< _Tp, m, nb > &rhs, Matx< _Tp, n, nb > &dst)
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:506
cv::Stitcher::featuresFinder
Ptr< Feature2D > featuresFinder()
Definition: stitching.hpp:207
cv::viz::WPaintedCloud
Definition: widgets.hpp:721
cv::cuda::StereoSGM
The class implements the modified H. Hirschmuller algorithm . Limitation and difference are as follow...
Definition: cudastereo.hpp:259
cv::HOGDescriptor::detectMultiScaleROI
virtual void detectMultiScaleROI(InputArray img, std::vector< cv::Rect > &foundLocations, std::vector< DetectionROI > &locations, double hitThreshold=0, int groupThreshold=0) const
evaluate specified ROI and return confidence value for each location in multiple scales
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::eval
bool eval(const Mat &image, Rect ROI, float *result) const
cv::aruco::drawMarker
void drawMarker(const Ptr< Dictionary > &dictionary, int id, int sidePixels, OutputArray img, int borderBits=1)
Draw a canonical marker image.
cv::GKinds
std::vector< cv::detail::OpaqueKind > GKinds
Definition: gkernel.hpp:36
cv::dnn::concat
static MatShape concat(const MatShape &a, const MatShape &b)
Definition: shape_utils.hpp:179
cv::Hamming::operator()
ResultType operator()(const unsigned char *a, const unsigned char *b, int size) const
cv::cudev::gridReduceToRow
__host__ void gridReduceToRow(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:146
cv::CAP_INTELPERC_DEPTH_GENERATOR
@ CAP_INTELPERC_DEPTH_GENERATOR
Definition: videoio.hpp:549
instrumentation.hpp
cv::SimpleBlobDetector::Params::filterByCircularity
bool filterByCircularity
Definition: features2d.hpp:731
cv::stereo::CV_SPECKLE_REMOVAL_AVG_ALGORITHM
@ CV_SPECKLE_REMOVAL_AVG_ALGORITHM
Definition: stereo.hpp:114
cv::img_hash::ColorMomentHash::create
static Ptr< ColorMomentHash > create()
intrin_sse_em.hpp
cv::CAP_FIREWIRE
@ CAP_FIREWIRE
IEEE 1394 drivers.
Definition: videoio.hpp:94
motion_stabilizing.hpp
cv::quality::QualityGMSD::_refImgData
_mat_data _refImgData
Reference image data.
Definition: qualitygmsd.hpp:82
cv::cuda::BackgroundSubtractorMOG::getHistory
virtual int getHistory() const =0
cv::detail::PlanePortraitWarper::PlanePortraitWarper
PlanePortraitWarper(float scale)
Definition: warpers.hpp:666
cv::dnn::Layer::getScaleShift
virtual void getScaleShift(Mat &scale, Mat &shift) const
Returns parameters of layers with channel-wise multiplication and addition.
cv::CAP_PROP_XI_CC_MATRIX_10
@ CAP_PROP_XI_CC_MATRIX_10
Color Correction Matrix element [1][0].
Definition: videoio.hpp:418
cv::cudev::ArrayWrapper
Definition: type_traits.hpp:72
cv::Error::StsNoConv
@ StsNoConv
iteration didn't converge
Definition: base.hpp:76
cv::aruco::PREDEFINED_DICTIONARY_NAME
PREDEFINED_DICTIONARY_NAME
Predefined markers dictionaries/sets Each dictionary indicates the number of bits and the number of m...
Definition: dictionary.hpp:141
cv::COVAR_ROWS
@ COVAR_ROWS
Definition: core.hpp:199
cv::videostab::StabilizerBase::blurrinessRates_
std::vector< float > blurrinessRates_
Definition: stabilizer.hpp:136
cv::detail::HostCtor
util::variant< util::monostate, detail::ConstructVec, detail::ConstructOpaque > HostCtor
Definition: gtype_traits.hpp:206
cv::UMat::col
UMat col(int x) const
returns a new matrix header for the specified column
cv::FM_7POINT
@ FM_7POINT
7-point algorithm
Definition: calib3d.hpp:524
cv::GCompiled::outMetas
const GMetaArgs & outMetas() const
Vector of metadata descriptions of graph outputs.
cv::sfm::SFMLibmvEuclideanReconstruction
SFMLibmvEuclideanReconstruction class provides an interface with the Libmv Structure From Motion pipe...
Definition: simple_pipeline.hpp:194
cv::LineSegmentDetector::compareSegments
virtual int compareSegments(const Size &size, InputArray lines1, InputArray lines2, InputOutputArray _image=noArray())=0
Draws two groups of lines in blue and red, counting the non overlapping (mismatching) pixels.
cv::cudev::Int2Type::value
@ value
Definition: type_traits.hpp:66
cv::descr_of
GArrayDesc descr_of(const std::vector< U > &)
Definition: garray.hpp:44
cv::dnn::ConstLayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::gapi::own::Mat
Definition: mat.hpp:88
cv::TrackerKCF::Params::lambda
float lambda
regularization
Definition: tracking.hpp:123
cv::cudev::cast_fp16
__device__ __forceinline__ D cast_fp16(T v)
NCVMemoryTypeNone
@ NCVMemoryTypeNone
Definition: NCV.hpp:429
cv::rgbd::DepthCleaner::DepthCleaner
DepthCleaner()
Definition: depth.hpp:198
cv::ovis::MATERIAL_TEXTURE2
@ MATERIAL_TEXTURE2
Definition: ovis.hpp:68
cv::detail::tracking::TrackerContribSamplerAlgorithm
Abstract base class for TrackerContribSamplerAlgorithm that represents the algorithm for the specific...
Definition: tracking_internals.hpp:395
cv::datasets::SLAM_kittiObj::images
std::vector< std::string > images[4]
Definition: slam_kitti.hpp:68
cv::detail::RotationWarperBase::warpPointBackward
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point backward.
cv::utils::fs::getParent
cv::String getParent(const cv::String &path)
cv::VariationalRefinement::setAlpha
virtual void setAlpha(float val)=0
Weight of the smoothness term.
cv::detail::MetaHelper< K, std::tuple< Ins... >, Out >::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &in_meta, const GArgs &in_args)
Definition: gkernel.hpp:183
cv::cuda::NvidiaHWOpticalFlow::collectGarbage
virtual void collectGarbage()=0
Releases all buffers, contexts and device pointers.
NPPST_SUCCESS
@ NPPST_SUCCESS
Successful operation (same as NPP_NO_ERROR)
Definition: NCV.hpp:355
hal_ni_div8s
int hal_ni_div8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:258
cv::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT()
Definition: gopaque.hpp:145
cv::merge
void merge(const Mat *mv, size_t count, OutputArray dst)
Creates one multi-channel array out of several single-channel ones.
cv::gapi::wip::draw::Rect::shift
int shift
The number of fractional bits in the point coordinates.
Definition: render_types.hpp:152
cv::face::LBPHFaceRecognizer::setGridY
virtual void setGridY(int val)=0
NSImageToMat
void NSImageToMat(const NSImage *image, cv::Mat &m, bool alphaExist=false)
cv::DFT_REAL_OUTPUT
@ DFT_REAL_OUTPUT
Definition: base.hpp:252
cv::gapi::RGB2Gray
GMat RGB2Gray(const GMat &src)
Converts an image from RGB color space to gray-scaled.
cv::detail::PlaidMLCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call
static void call(GPlaidMLContext &ctx)
Definition: gplaidmlkernel.hpp:113
cv::GFluidKernel::Kind
Kind
Definition: gfluidkernel.hpp:49
cv::flann::GenericIndex::ElementType
Distance::ElementType ElementType
Definition: flann.hpp:173
cv::_InputArray::_InputArray
_InputArray(const std::vector< UMat > &umv)
cv::text::OEM_CUBE_ONLY
@ OEM_CUBE_ONLY
Definition: ocr.hpp:86
HaarFeature64::setWeight
__host__ NCVStatus setWeight(Ncv32f weight)
Definition: NCVHaarObjectDetection.hpp:95
ncvDrawRects_8u_host
NCVStatus ncvDrawRects_8u_host(Ncv8u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv8u color)
cv::dnn::Model::Model
Model()
cv::ml::TrainData::getValues
virtual void getValues(int vi, InputArray sidx, float *values) const =0
cv::bioinspired::SegmentationParameters::localEnergy_spatialConstant
float localEnergy_spatialConstant
the spatial constant of the first order low pass filter, use it to cut high spatial frequencies (nois...
Definition: transientareassegmentationmodule.hpp:99
cv::TrackerCSRT::Params::use_color_names
bool use_color_names
Definition: tracking.hpp:46
cv::cudev::logical_not::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:217
cv::datasets::MSM_epflObj::bounding
Matx23d bounding
Definition: msm_epfl.hpp:72
cv::cuda::StereoBeliefPropagation::setNumIters
virtual void setNumIters(int iters)=0
cv::ocl::Device::nativeVectorWidthInt
int nativeVectorWidthInt() const
cv::hdf::HDF5::kpinsert
virtual void kpinsert(const vector< KeyPoint > keypoints, const String &kplabel, const int offset=H5_NONE, const int counts=H5_NONE) const =0
Insert or overwrite list of KeyPoint into specified dataset and autoexpand dataset size if unlimited ...
cv::Point3_::Point3_
Point3_(_Tp _x, _Tp _y, _Tp _z)
cv::large_kinfu::Params::hashTSDFParams
static Ptr< Params > hashTSDFParams(bool isCoarse)
HashTSDF parameters A set of parameters suitable for use with HashTSDFVolume.
cv::ximgproc::RO_IGNORE_BORDERS
@ RO_IGNORE_BORDERS
Skip validations of image borders.
Definition: fast_hough_transform.hpp:118
cv::videostab::MotionInpainter::distThresh
float distThresh() const
Definition: inpainting.hpp:153
cv::detail::tracking::TrackerSamplerCSC::TrackerSamplerCSC
TrackerSamplerCSC(const TrackerSamplerCSC::Params &parameters=TrackerSamplerCSC::Params())
Constructor.
cv::viz::WCloudCollection
This 3D Widget defines a collection of clouds. :
Definition: widgets.hpp:737
cv::linemod::Template::write
void write(FileStorage &fs) const
cv::GCall::~GCall
~GCall()
cv::cnn_3dobj::descriptorExtractor
Caffe based 3D images descriptor. A class to extract features from an image. The so obtained descript...
Definition: cnn_3dobj.hpp:210
cv::GeneralizedHoughBallard::setVotesThreshold
virtual void setVotesThreshold(int votesThreshold)=0
The accumulator threshold for the template centers at the detection stage. The smaller it is,...
cv::detail::GCompoundKernel::GCompoundKernel
GCompoundKernel(const F &f)
cv::detail::GArrayU::GArrayU
GArrayU()
cv::dnn::Net::getMemoryConsumption
void getMemoryConsumption(const std::vector< MatShape > &netInputShapes, std::vector< int > &layerIds, std::vector< size_t > &weights, std::vector< size_t > &blobs) const
Computes bytes number which are required to store all weights and intermediate blobs for each layer.
cv::optflow::RLOFOpticalFlowParameter::getUseInitialFlow
bool getUseInitialFlow() const
cv::cudev::NormHamming
Definition: vec_distance.hpp:156
cv::CALIB_FIX_INTRINSIC
@ CALIB_FIX_INTRINSIC
Definition: calib3d.hpp:515
cv::cudev::not1
__host__ __device__ UnaryNegate< Predicate > not1(const Predicate &pred)
Definition: functional.hpp:803
cv::detail::FeatherBlender::feed
void feed(InputArray img, InputArray mask, Point tl) CV_OVERRIDE
Processes the image.
cv::gapi::wip::draw::FText
This structure represents a text string to draw using FreeType renderer.
Definition: render_types.hpp:93
cv::detail::FeaturesMatcher::isThreadSafe
bool isThreadSafe() const
Definition: matchers.hpp:145
cv::CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
@ CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA
The alpha channel of RGB32 output image format.
Definition: videoio.hpp:447
cv::utils::optional_shared_lock_guard::optional_shared_lock_guard
optional_shared_lock_guard(Mutex *m)
Definition: lock.private.hpp:104
cv::COVAR_SCRAMBLED
@ COVAR_SCRAMBLED
Definition: core.hpp:179
cv::MSER::getMinArea
virtual int getMinArea() const =0
cv::v_int16x8::val
short val[8]
Definition: intrin_rvv.hpp:354
cv::CamShift
RotatedRect CamShift(InputArray probImage, Rect &window, TermCriteria criteria)
Finds an object center, size, and orientation.
cv::ocl::OCL_VECTOR_DEFAULT
@ OCL_VECTOR_DEFAULT
Definition: ocl.hpp:662
cv::Matx43d
Matx< double, 4, 3 > Matx43d
Definition: matx.hpp:252
cv::text::OCRBeamSearchDecoder::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0) CV_OVERRIDE
Recognize text using Beam Search.
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2 > &t)
Definition: zip.hpp:83
cv::v_uint32x4::v_uint32x4
v_uint32x4(unsigned v0, unsigned v1, unsigned v2, unsigned v3)
Definition: intrin_rvv.hpp:368
cv::ccm::COLOR_SPACE_XYZ_D50_2
@ COLOR_SPACE_XYZ_D50_2
non-RGB color space
Definition: ccm.hpp:112
cv::BOWTrainer::cluster
virtual Mat cluster() const =0
cv::Quat::lerp
static Quat< _Tp > lerp(const Quat< _Tp > &q0, const Quat &q1, const _Tp t)
To calculate the interpolation from to by Linear Interpolation(Nlerp) For two quaternions,...
cv::dnn::Net::readFromModelOptimizer
static Net readFromModelOptimizer(const String &xml, const String &bin)
Create a network from Intel's Model Optimizer intermediate representation (IR).
cv::FastFeatureDetector::getType
virtual FastFeatureDetector::DetectorType getType() const =0
cv::cuda::DeviceInfo::integrated
bool integrated() const
device is integrated as opposed to discrete
cv::legacy::TrackerMedianFlow::Params::write
void write(FileStorage &) const
cv::face::FacemarkAAM::Config::scale
float scale
Definition: facemarkAAM.hpp:90
cv::stereo::StereoBinarySGBM::create
static Ptr< cv::stereo::StereoBinarySGBM > create(int minDisparity, int numDisparities, int blockSize, int P1=100, int P2=1000, int disp12MaxDiff=1, int preFilterCap=0, int uniquenessRatio=5, int speckleWindowSize=400, int speckleRange=200, int mode=StereoBinarySGBM::MODE_SGBM)
Creates StereoSGBM object.
cv::face::FaceRecognizer::empty
virtual bool empty() const CV_OVERRIDE=0
cv::FastFeatureDetector::setNonmaxSuppression
virtual void setNonmaxSuppression(bool f)=0
cv::MatOp::divide
virtual void divide(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res, double scale=1) const
cv::cudev::atomicAdd
static __device__ double atomicAdd(double *address, double val)
Definition: atomic.hpp:84
cv::text::OCRBeamSearchDecoder::ClassifierCallback::eval
virtual void eval(InputArray image, std::vector< std::vector< double > > &recognition_probabilities, std::vector< int > &oversegmentation)
The character classifier must return a (ranked list of) class(es) id('s)
cv::IMWRITE_TIFF_RESUNIT
@ IMWRITE_TIFF_RESUNIT
For TIFF, use to specify which DPI resolution unit to set; see libtiff documentation for valid values...
Definition: imgcodecs.hpp:100
cv::cudev::blockTransform
__device__ static __forceinline__ void blockTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: block.hpp:107
cv::cuda::HostMem::release
void release()
decrements reference counter and released memory if needed.
cv::v_transpose4x4
void v_transpose4x4(v_reg< _Tp, 4 > &a0, const v_reg< _Tp, 4 > &a1, const v_reg< _Tp, 4 > &a2, const v_reg< _Tp, 4 > &a3, v_reg< _Tp, 4 > &b0, v_reg< _Tp, 4 > &b1, v_reg< _Tp, 4 > &b2, v_reg< _Tp, 4 > &b3)
Transpose 4x4 matrix.
Definition: intrin_cpp.hpp:2334
cv::gapi::wip::draw::FText::color
cv::Scalar color
The text color.
Definition: render_types.hpp:116
cv::GArg::get
T & get()
Definition: garg.hpp:67
cv::stereoRectifyUncalibrated
bool stereoRectifyUncalibrated(InputArray points1, InputArray points2, InputArray F, Size imgSize, OutputArray H1, OutputArray H2, double threshold=5)
Computes a rectification transform for an uncalibrated stereo camera.
cv::stereo::StereoBinaryBM::getAgregationWindowSize
virtual int getAgregationWindowSize() const =0
cv::CompressedRectilinearWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:201
cv::ml::SVM::setCustomKernel
virtual void setCustomKernel(const Ptr< Kernel > &_kernel)=0
CPU_AVX_512DQ
@ CPU_AVX_512DQ
Definition: cvdef.h:308
cv::cuda::Event::waitForCompletion
void waitForCompletion()
waits for an event to complete
cv::face::FacemarkLBF::Params::shape_offset
double shape_offset
offset for the loaded face landmark points
Definition: facemarkLBF.hpp:58
cv::xphoto::BM3D_STEP1
@ BM3D_STEP1
Definition: bm3d_image_denoising.hpp:73
cv::ocl::Program::p
Impl * p
Definition: ocl.hpp:529
cv::cudev::RemapPtr2::index_type
PtrTraits< MapXPtr >::index_type index_type
Definition: remap.hpp:78
cv::TrackerGOTURN::TrackerGOTURN
TrackerGOTURN()
cv::SparseMat::Hdr::dims
int dims
Definition: mat.hpp:2676
cv::_InputArray::isGpuMatVector
bool isGpuMatVector() const
cv::convertPointsToHomogeneous
void convertPointsToHomogeneous(InputArray src, OutputArray dst)
Converts points from Euclidean to homogeneous space.
cv::DescriptorMatcher::utrainDescCollection
std::vector< UMat > utrainDescCollection
Definition: features2d.hpp:1191
cv::bioinspired::Retina::setColorSaturation
virtual void setColorSaturation(const bool saturateColors=true, const float colorSaturationValue=4.0f)=0
Activate color saturation as the final step of the color demultiplexing process -> this saturation is...
cv::StereoBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
dct_image_denoising.hpp
cv::detail::tracking::tbm::ITrackerByMatching::process
virtual void process(const cv::Mat &frame, const TrackedObjects &detections, uint64_t timestamp)=0
Process given frame.
cv::detail::BlocksGainCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks) CV_OVERRIDE
cv::videostab::InpainterBase::setFrames
virtual void setFrames(const std::vector< Mat > &val)
Definition: inpainting.hpp:81
cv::detail::tracking::TrackerContribSamplerCSC::Params::trackMaxNegNum
int trackMaxNegNum
Definition: tracking_internals.hpp:661
cv::sinh
Quat< T > sinh(const Quat< T > &q)
cv::cudev::gridFindMinVal_
__host__ void gridFindMinVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:106
cv::videostab::StabilizerBase::log_
Ptr< ILog > log_
Definition: stabilizer.hpp:114
cv::ovis::WindowScene::getCompositorTexture
virtual void getCompositorTexture(const String &compname, const String &texname, OutputArray out, int mrtIndex=0)=0
cvhalKeyPoint::class_id
int class_id
Definition: interface.h:27
ncvDrawRects_32u_host
NCVStatus ncvDrawRects_32u_host(Ncv32u *h_dst, Ncv32u dstStride, Ncv32u dstWidth, Ncv32u dstHeight, NcvRect32u *h_rects, Ncv32u numRects, Ncv32u color)
cv::line_descriptor::BinaryDescriptor::setWidthOfBand
void setWidthOfBand(int width)
Set width of bands.
cv::cuda::NvidiaOpticalFlow_1_0::NV_OF_PERF_LEVEL_UNDEFINED
@ NV_OF_PERF_LEVEL_UNDEFINED
Definition: cudaoptflow.hpp:408
cv::IMWRITE_TIFF_XDPI
@ IMWRITE_TIFF_XDPI
For TIFF, use to specify the X direction DPI.
Definition: imgcodecs.hpp:101
cv::gapi::wip::GCaptureSource::GCaptureSource
GCaptureSource(const std::string &path)
Definition: cap.hpp:51
cv::KmeansFlags
KmeansFlags
k-Means flags
Definition: core.hpp:210
cv::videostab::StabilizerBase::stabilizedMasks_
std::vector< Mat > stabilizedMasks_
Definition: stabilizer.hpp:138
cv::MergeMertens::getExposureWeight
virtual float getExposureWeight() const =0
average_hash.hpp
cv::GCall::priv
Priv & priv()
cv::flann::hierarchicalClustering
int hierarchicalClustering(const Mat &features, Mat &centers, const ::cvflann::KMeansIndexParams &params, Distance d=Distance())
Clusters features using hierarchical k-means algorithm.
Definition: flann.hpp:584
edgeboxes.hpp
cv::quality::QualityPSNR::_mse_to_psnr
static cv::Scalar _mse_to_psnr(cv::Scalar mse, double max_pixel_value)
Definition: qualitypsnr.hpp:110
cv::gapi::plaidml::backend
cv::gapi::GBackend backend()
cv::CommandLineParser::CommandLineParser
CommandLineParser(const CommandLineParser &parser)
Copy constructor.
cv::LOCAL_OPTIM_SIGMA
@ LOCAL_OPTIM_SIGMA
Definition: calib3d.hpp:548
cv::viz::Camera::Camera
Camera(const Matx44d &proj, const Size &window_size)
cv::ximgproc::BINARIZATION_SAUVOLA
@ BINARIZATION_SAUVOLA
Sauvola's technique. See .
Definition: ximgproc.hpp:120
cv::GeneralizedHough::getMaxBufferSize
virtual int getMaxBufferSize() const =0
cv::ximgproc::RICInterpolator::getSuperpixelNNCnt
virtual int getSuperpixelNNCnt() const =0
Parameter defines the number of nearest-neighbor matches for each superpixel considered,...
cv::ml::RTrees::create
static Ptr< RTrees > create()
cv::LMSolver::setMaxIters
virtual void setMaxIters(int maxIters)=0
cv::hdf::HDF5::atexists
virtual bool atexists(const String &atlabel) const =0
cv::aruco::DetectorParameters::adaptiveThreshWinSizeMin
int adaptiveThreshWinSizeMin
Definition: aruco.hpp:156
cv::COLOR_RGBA2GRAY
@ COLOR_RGBA2GRAY
Definition: imgproc.hpp:553
cv::Mat_::Mat_
Mat_(const std::array< _Tp, _Nm > &arr, bool copyData=false)
cv::DIST_USER
@ DIST_USER
User defined distance.
Definition: imgproc.hpp:300
cv::cudev::Sum::initialValue
__device__ static __forceinline__ T initialValue()
Definition: reduce_to_vec.hpp:74
cv::cuda::StereoBeliefPropagation::setMaxDataTerm
virtual void setMaxDataTerm(double max_data_term)=0
cv::GFluidKernelImpl::backend
static cv::gapi::GBackend backend()
Definition: gfluidkernel.hpp:432
cv::xphoto::createTonemapDurand
Ptr< TonemapDurand > createTonemapDurand(float gamma=1.0f, float contrast=4.0f, float saturation=1.0f, float sigma_color=2.0f, float sigma_space=2.0f)
Creates TonemapDurand object.
cv::utils::BufferArea
Manages memory block shared by muliple buffers.
Definition: buffer_area.private.hpp:39
cv::Feature2D::compute
virtual void compute(InputArray image, std::vector< KeyPoint > &keypoints, OutputArray descriptors)
Computes the descriptors for a set of keypoints detected in an image (first variant) or image set (se...
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::generateFeatures
virtual void generateFeatures()=0
cv::ovis::EntityProperty
EntityProperty
Definition: ovis.hpp:73
cv::stopLoop
void stopLoop()
cv::Point_::Point_
Point_()
default constructor
cv::cuda::GpuMat::locateROI
void locateROI(Size &wholeSize, Point &ofs) const
locates GpuMat header within a parent GpuMat
cv::ocl::Timer::p
Impl *const p
Definition: ocl.hpp:726
cv::cuda::HoughSegmentDetector::setRho
virtual void setRho(float rho)=0
cv::hal::cvtBGRtoBGR
void cvtBGRtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, int dcn, bool swapBlue)
cv::UsacParams::loMethod
LocalOptimMethod loMethod
Definition: calib3d.hpp:558
cv::ximgproc::segmentation::GraphSegmentation::setK
virtual void setK(float k)=0
cv::optflow::createOptFlow_DeepFlow
Ptr< DenseOpticalFlow > createOptFlow_DeepFlow()
DeepFlow optical flow algorithm implementation.
cvv::debugDMatch
static void debugDMatch(cv::InputArray img1, std::vector< cv::KeyPoint > keypoints1, cv::InputArray img2, std::vector< cv::KeyPoint > keypoints2, std::vector< cv::DMatch > matches, const impl::CallMetaData &data, const char *description=nullptr, const char *view=nullptr, bool useTrainDescriptor=true)
Add a filled in DMatch <dmatch> to debug GUI.
Definition: dmatch.hpp:49
nppiStRectStdDev_32f_C1R
NCVStatus nppiStRectStdDev_32f_C1R(Ncv32u *d_sum, Ncv32u sumStep, Ncv64u *d_sqsum, Ncv32u sqsumStep, Ncv32f *d_norm, Ncv32u normStep, NcvSize32u roi, NcvRect32u rect, Ncv32f scaleArea, NcvBool readThruTexture)
cv::optflow::RLOFOpticalFlowParameter::useIlluminationModel
bool useIlluminationModel
Definition: rlofflow.hpp:126
cv::cuda::OpticalFlowDual_TVL1::setTheta
virtual void setTheta(double theta)=0
cv::_OutputArray::getOGlBufferRef
ogl::Buffer & getOGlBufferRef() const
cv::detail::postprocess
void postprocess(Outputs &... outs)
Definition: gcpukernel.hpp:226
cv::FileStorage::NAME_EXPECTED
@ NAME_EXPECTED
Definition: persistence.hpp:327
cv::bgsegm::BackgroundSubtractorCNT
Background subtraction based on counting.
Definition: bgsegm.hpp:196
cv::detail::Estimator::~Estimator
virtual ~Estimator()
Definition: motion_estimators.hpp:68
cv::ogl::QUADS
@ QUADS
Definition: opengl.hpp:486
HaarStage64_Interpret_MaskRootNodeOffset
#define HaarStage64_Interpret_MaskRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:271
cv::RectanglesIntersectTypes
RectanglesIntersectTypes
types of intersection between rectangles
Definition: imgproc.hpp:798
cv::solveCubic
int solveCubic(InputArray coeffs, OutputArray roots)
Finds the real roots of a cubic equation.
cv::detail::CameraParams::CameraParams
CameraParams()
cv::ml::simulatedAnnealingSolver
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.
cv::detail::GOpaqueU::GOpaqueU
GOpaqueU(const GNode &n, std::size_t out)
cv::GCPUKernel::SetupF
std::function< void(const GMetaArgs &, const GArgs &, GArg &, const GCompileArgs &)> SetupF
Definition: gcpukernel.hpp:142
cv::hdf::HDF5::dscreate
virtual void dscreate(const int n_dims, const int *sizes, const int type, const String &dslabel, const int compresslevel, const int *dims_chunks) const =0
Create and allocate storage for n-dimensional dataset, single or multichannel type.
cv::cuda::BackgroundSubtractorGMG::setNumFrames
virtual void setNumFrames(int nframes)=0
cv::StreamType
StreamType
Definition: container_avi.private.hpp:136
cv::v_uint64x2
Definition: intrin_rvv.hpp:452
cv::ximgproc::segmentation::createSelectiveSearchSegmentation
Ptr< SelectiveSearchSegmentation > createSelectiveSearchSegmentation()
Create a new SelectiveSearchSegmentation class.
cv::videostab::StabilizerBase::deblurer_
Ptr< DeblurerBase > deblurer_
Definition: stabilizer.hpp:118
cv::cudev::brdConstant
__host__ BrdConstant< typename PtrTraits< SrcPtr >::ptr_type > brdConstant(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type val)
Definition: extrapolation.hpp:76
cv::instr::NodeData::NodeData
NodeData(const char *funName=0, const char *fileName=NULL, int lineNum=0, void *retAddress=NULL, bool alwaysExpand=false, cv::instr::TYPE instrType=TYPE_GENERAL, cv::instr::IMPL implType=IMPL_PLAIN)
cv::cuda::StereoBeliefPropagation::getDiscSingleJump
virtual double getDiscSingleJump() const =0
discontinuity single jump
cv::cuda::HoughCirclesDetector::getMaxCircles
virtual int getMaxCircles() const =0
cv::cuda::subtract
void subtract(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar difference.
cv::AVIReadContainer::getWidth
unsigned int getWidth()
Definition: container_avi.private.hpp:93
cv::ORB::getEdgeThreshold
virtual int getEdgeThreshold() const =0
cv::datasets::MSM_middlebury::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::cuda::GpuMat::step1
size_t step1() const
returns step/elemSize1()
cv::videostab::MotionEstimatorRansacL2::setMinInlierRatio
void setMinInlierRatio(float val)
Definition: global_motion.hpp:139
cv::detail::tracking::contrib_feature::CvLBPFeatureParams
Definition: feature.hpp:363
cv::dnn::Model::Model
Model(const Model &)=default
cv::undistort
void undistort(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray())
Transforms an image to compensate for lens distortion.
OPENCV_HAL_IMPL_RVV_FLOAT_CMP
#define OPENCV_HAL_IMPL_RVV_FLOAT_CMP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1388
cv::cudev::GpuMat_::rowRange
__host__ GpuMat_ rowRange(int startrow, int endrow) const
cv::ml::SVM::getDecisionFunction
virtual double getDecisionFunction(int i, OutputArray alpha, OutputArray svidx) const =0
Retrieves the decision function.
cv::getTickFrequency
double getTickFrequency()
Returns the number of ticks per second.
cv::GCPUContext::outOpaqueRef
detail::OpaqueRef & outOpaqueRef(int output)
cv::utils::fs::glob
void glob(const cv::String &directory, const cv::String &pattern, std::vector< cv::String > &result, bool recursive=false, bool includeDirectories=false)
cv::ccalib::CustomPattern::setFeatureDetector
bool setFeatureDetector(Ptr< FeatureDetector > featureDetector)
cv::UMatData::prevAllocator
const MatAllocator * prevAllocator
Definition: mat.hpp:554
cv::CirclesGridFinderParameters::maxRectifiedDistance
float maxRectifiedDistance
Max deviation from prediction. Used by CALIB_CB_CLUSTERING.
Definition: calib3d.hpp:1654
cv::text::ERStat::euler
int euler
Euler's number.
Definition: erfilter.hpp:81
cv::TonemapReinhard::setColorAdaptation
virtual void setColorAdaptation(float color_adapt)=0
cv::ocl::Kernel::create
bool create(const char *kname, const ProgramSource &prog, const String &buildopts, String *errmsg=0)
cv::detail::tracking::contrib_feature::CvHOGFeatureParams::CvHOGFeatureParams
CvHOGFeatureParams()
cv::gapi::infer
Net::Result infer(cv::GOpaque< cv::Rect > roi, T in)
Calculates response for the specified network (template parameter) for the specified region in the so...
Definition: infer.hpp:323
cv::saturate_cast< float16_t >
float16_t saturate_cast< float16_t >(uchar v)
Definition: saturate.hpp:164
cv::Matx22f
Matx< float, 2, 2 > Matx22f
Definition: matx.hpp:239
cv::ppf_match_3d::PPF3DDetector::rotation_threshold
double rotation_threshold
Definition: ppf_match_3d.hpp:155
cv::HistogramCostExtractor::getNDummies
virtual int getNDummies() const =0
cv::DetectionBasedTracker::IDetector::getMinNeighbours
int getMinNeighbours()
Definition: detection_based_tracker.hpp:104
cv::face::StandardCollector::getMinDist
double getMinDist() const
Returns minimal distance value.
cv::detail::WAVE_CORRECT_HORIZ
@ WAVE_CORRECT_HORIZ
Definition: motion_estimators.hpp:330
cv::GPlaidMLContext::inArg
const T & inArg(int input)
Definition: gplaidmlkernel.hpp:39
cv::mcc::CChecker::getCost
virtual float getCost()=0
cv::SparseMatConstIterator::ptr
uchar * ptr
Definition: mat.hpp:3219
nppiStTranspose_128_C1R
NCVStatus nppiStTranspose_128_C1R(void *d_src, Ncv32u srcStep, void *d_dst, Ncv32u dstStep, NcvSize32u srcRoi)
cv::cuda::DeviceInfo::l2CacheSize
int l2CacheSize() const
size of L2 cache in bytes
cv::xphoto::TonemapDurand::setSaturation
virtual void setSaturation(float saturation)=0
cv::cudev::vcmple4
__device__ __forceinline__ uint vcmple4(uint a, uint b)
Definition: simd_functions.hpp:671
cv::ml::SVM::Kernel::calc
virtual void calc(int vcount, int n, const float *vecs, const float *another, float *results)=0
cv::datasets::TRACK_vot
Definition: track_vot.hpp:69
cv::viz::Color::blue
static Color blue()
cv::cudev::vec_math_detail::SatCastHelper< 4, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:92
cv::dnn::EltwiseLayer
Element wise operation on inputs.
Definition: all_layers.hpp:518
cv::MatExpr::cross
Mat cross(const Mat &m) const
cv::cuda::deviceSupports
bool deviceSupports(FeatureSet feature_set)
checks whether current device supports the given feature
cv::ocl::Device::printfBufferSize
size_t printfBufferSize() const
intrin_cpp.hpp
cv::cudev::UnaryTransformPtr::index_type
PtrTraits< SrcPtr >::index_type index_type
Definition: transform.hpp:64
cv::gapi::streaming::meta_tag::timestamp
static constexpr const char * timestamp
Definition: meta.hpp:22
cv::AgastFeatureDetector_Impl
Definition: agast.txt:7482
cv::line_descriptor::KeyLine::response
float response
Definition: descriptor.hpp:120
cv::GFluidKernel
Definition: gfluidkernel.hpp:46
cv::cudev::ThreshBinaryInvFunc
Definition: functional.hpp:715
cv::rgbd::FastICPOdometry::setTransformType
void setTransformType(int val) CV_OVERRIDE
Definition: depth.hpp:1132
cv::ximgproc::guidedFilter
void guidedFilter(InputArray guide, InputArray src, OutputArray dst, int radius, double eps, int dDepth=-1)
Simple one-line Guided Filter call.
cv::arrowedLine
void arrowedLine(InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int line_type=8, int shift=0, double tipLength=0.1)
Draws a arrow segment pointing from the first point to the second one.
cv::plot::Plot2d::setPlotSize
virtual void setPlotSize(int _plotSizeWidth, int _plotSizeHeight)=0
features2d.hpp
cv::reg::Mapper::grid
void grid(const Mat &img, Mat &grid_r, Mat &grid_c) const
cvv::impl::getDebugFlag
static bool & getDebugFlag()
Definition: debug_mode.hpp:22
cv::detail::tracking::TrackerFeature::~TrackerFeature
virtual ~TrackerFeature()
cv::Mat::Mat
Mat()
cv::Node::m_childs
std::vector< Node< OBJECT > * > m_childs
Definition: utility.hpp:1116
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< std::vector< _Tp > > &vec)
cv::cudev::UnaryTransformPtrSz::cols
int cols
Definition: transform.hpp:77
cv::rgbd::ICPOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: depth.hpp:843
cv::videoio_registry::getCameraBackends
std::vector< VideoCaptureAPIs > getCameraBackends()
Returns list of available backends which works via cv::VideoCapture(int index)
cv::PaniniPortraitWarper::PaniniPortraitWarper
PaniniPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:230
cv::dnn::LayerParams::type
String type
Type name which was used for creating layer by layer factory (optional).
Definition: dnn.hpp:115
cv::cuda::TargetArchs::hasEqualOrGreaterPtx
static bool hasEqualOrGreaterPtx(int major, int minor)
cv::text::OCRTesseract::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0) CV_OVERRIDE
Recognize text using the tesseract-ocr API.
cv::GOptRunArgsP
std::vector< GOptRunArgP > GOptRunArgsP
Definition: gstreaming.hpp:72
cv::Mat::rowRange
Mat rowRange(int startrow, int endrow) const
Creates a matrix header for the specified row span.
cv::UMat::UMat
UMat(Size size, int type, const Scalar &s, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::vfloat32mf2_t::vfloat32mf2_t
vfloat32mf2_t()
Definition: intrin_rvv.hpp:94
cv::face::FacemarkKazemi::~FacemarkKazemi
virtual ~FacemarkKazemi()
cv::TrackerKCF::TrackerKCF
TrackerKCF()
cv::RMat::View::ptr
const T * ptr(int y, int x) const
Definition: rmat.hpp:87
cv::gapi::ie::PyParams::PyParams
PyParams(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
cv::KeyPointsFilter::removeDuplicatedSorted
static void removeDuplicatedSorted(std::vector< KeyPoint > &keypoints)
cv::ximgproc::segmentation::SelectiveSearchSegmentation::addStrategy
virtual void addStrategy(Ptr< SelectiveSearchSegmentationStrategy > s)=0
Add a new strategy in the list of strategy to process.
cv::bioinspired::SegmentationParameters::neighborhoodEnergy_temporalConstant
float neighborhoodEnergy_temporalConstant
local neighborhood energy filtering parameters : the aim is to get information about the energy neigh...
Definition: transientareassegmentationmodule.hpp:101
cv::SOLVELP_UNBOUNDED
@ SOLVELP_UNBOUNDED
problem is unbounded (target function can achieve arbitrary high values)
Definition: optim.hpp:259
cv::FileNode::FileNode
FileNode()
The constructors.
cv::large_kinfu::Params::icpAngleThresh
float icpAngleThresh
angle threshold for ICP in radians
Definition: large_kinfu.hpp:73
cv::Matx::value_type
_Tp value_type
Definition: matx.hpp:113
cv::HOUGH_MULTI_SCALE
@ HOUGH_MULTI_SCALE
Definition: imgproc.hpp:478
cv::createButton
int createButton(const String &bar_name, ButtonCallback on_change, void *userdata=0, int type=QT_PUSH_BUTTON, bool initial_button_state=false)
Attaches a button to the control panel.
gcomputation.hpp
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::array< _Tp, _Nm > &arr)
hal_ni_cmp32f
int hal_ni_cmp32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:214
cv::hfs::HfsSegment::getSlicSpixelSize
virtual int getSlicSpixelSize()=0
cv::Scalar
Scalar_< double > Scalar
Definition: types.hpp:669
hal_ni_cvtBGRtoGray
int hal_ni_cvtBGRtoGray(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int scn, bool swapBlue)
hal_cvtBGRtoGray
Definition: hal_replacement.hpp:347
cv::face::FacemarkAAM::Params::model_filename
std::string model_filename
Definition: facemarkAAM.hpp:67
cv::CAP_PROP_XI_EXPOSURE_BURST_COUNT
@ CAP_PROP_XI_EXPOSURE_BURST_COUNT
Sets the number of times of exposure in one frame.
Definition: videoio.hpp:365
cv::instr::IMPL_IPP
@ IMPL_IPP
Definition: instrumentation.hpp:56
cv::cuda::FarnebackOpticalFlow::getWinSize
virtual int getWinSize() const =0
cv::cuda::HoughLinesDetector::getRho
virtual float getRho() const =0
cv::cudev::ScharrYPtrSz
Definition: deriv.hpp:301
cv::bgsegm::BackgroundSubtractorGMG::getNumFrames
virtual int getNumFrames() const =0
Returns the number of frames used to initialize background model.
cv::cuda::gemm
void gemm(InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0, Stream &stream=Stream::Null())
Performs generalized matrix multiplication.
cv::Mat_::operator=
Mat_ & operator=(const Mat &m)
cv::QRCodeDetector::detect
bool detect(InputArray img, OutputArray points) const
Detects QR code in image and returns the quadrangle containing the code.
cv::MatxCommaInitializer::MatxCommaInitializer
MatxCommaInitializer(Matx< _Tp, m, n > *_mtx)
cv::Matx::randu
static Matx randu(_Tp a, _Tp b)
Generates uniformly distributed random numbers.
cv::cudev::vabsdiff4
__device__ __forceinline__ uint vabsdiff4(uint a, uint b)
Definition: simd_functions.hpp:847
cv::viz::Viz3d::setRepresentation
void setRepresentation(int representation)
Sets geometry representation of the widgets to surface, wireframe or points.
cv::CAP_PROP_EXPOSUREPROGRAM
@ CAP_PROP_EXPOSUREPROGRAM
Camera exposure program.
Definition: videoio.hpp:581
NCVMemPtr::clear
void clear()
cv::AgastFeatureDetector::AGAST_7_12s
@ AGAST_7_12s
Definition: features2d.hpp:605
cv::v_int32x4::val
int val[4]
Definition: intrin_rvv.hpp:417
cv::videostab::KeypointBasedMotionEstimator::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0) CV_OVERRIDE
cv::detail::tracking::TrackerContribSamplerAlgorithm::getClassName
String getClassName() const
Get the name of the specific TrackerContribSamplerAlgorithm.
cv::saliency::MotionSaliency::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE=0
ncvDetectObjectsMultiScale_device
NCVStatus ncvDetectObjectsMultiScale_device(NCVMatrix< Ncv8u > &d_srcImg, NcvSize32u srcRoi, NCVVector< NcvRect32u > &d_dstRects, Ncv32u &dstNumRects, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarStage64 > &d_HaarStages, NCVVector< HaarClassifierNode128 > &d_HaarNodes, NCVVector< HaarFeature64 > &d_HaarFeatures, NcvSize32u minObjSize, Ncv32u minNeighbors, Ncv32f scaleStep, Ncv32u pixelStep, Ncv32u flags, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
cv::GaussianBlur
void GaussianBlur(InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT)
Blurs an image using a Gaussian filter.
cv::Quat::createFromRotMat
static Quat< _Tp > createFromRotMat(InputArray R)
from a 3x3 rotation matrix.
cv::util::any::swap
friend void swap(any &lhs, any &rhs)
Definition: any.hpp:106
lut.hpp
cv::BOWImgDescriptorExtractor::BOWImgDescriptorExtractor
BOWImgDescriptorExtractor(const Ptr< DescriptorExtractor > &dextractor, const Ptr< DescriptorMatcher > &dmatcher)
The constructor.
cv::detail::SphericalPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::videostab::ImageMotionEstimatorBase::~ImageMotionEstimatorBase
virtual ~ImageMotionEstimatorBase()
Definition: global_motion.hpp:178
cv::text::PSM_AUTO_ONLY
@ PSM_AUTO_ONLY
Definition: ocr.hpp:71
cv::rgbd::RgbdNormals::getK
cv::Mat getK() const
Definition: depth.hpp:156
cv::line_descriptor::KeyLine::sPointInOctaveX
float sPointInOctaveX
Definition: descriptor.hpp:132
cv::gapi::fluid::Buffer::priv
Priv & priv()
logger.defines.hpp
cv::ximgproc::EdgeAwareInterpolator::setLambda
virtual void setLambda(float _lambda)=0
Lambda is a parameter defining the weight of the edge-aware term in geodesic distance,...
cv::detail::tracking::TrackerContribSampler::getSamplers
const std::vector< std::pair< String, Ptr< TrackerContribSamplerAlgorithm > > > & getSamplers() const
Return the collection of the TrackerContribSamplerAlgorithm.
cv::detail::tracking::online_boosting::Detector
Definition: onlineBoosting.hpp:199
cv::cudev::negate::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a) const
Definition: functional.hpp:124
cv::line_descriptor::BinaryDescriptor::defaultNorm
int defaultNorm() const
cv::_OutputArray::rawOut
static _OutputArray rawOut(std::array< _Tp, _Nm > &arr)
cv::AVIWriteContainer
Definition: container_avi.private.hpp:148
cv::softfloat::eps
static softfloat eps()
Difference between 1 and next representable value.
Definition: softfloat.hpp:214
cv::KalmanFilter::temp3
Mat temp3
Definition: tracking.hpp:407
cv::FileNodeIterator::blockIdx
size_t blockIdx
Definition: persistence.hpp:688
cv::GArg::GArg
GArg(const T &t)
Definition: garg.hpp:52
cv::GOCLKernel::apply
void apply(GOCLContext &ctx)
cv::Algorithm::load
static Ptr< _Tp > load(const String &filename, const String &objname=String())
Loads algorithm from the file.
Definition: core.hpp:3144
cv::cuda::BroxOpticalFlow::setPyramidScaleFactor
virtual void setPyramidScaleFactor(double scale_factor)=0
cv::gapi::cpu::GOCVFunctor
Definition: gcpukernel.hpp:492
cv::structured_light::SinusoidalPattern::Params::height
int height
Definition: sinusoidalpattern.hpp:86
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(const std::vector< String > &images) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
cv::saliency::StaticSaliencySpectralResidual::resImHeight
int resImHeight
Definition: saliencySpecializedClasses.hpp:112
cv::DetectionBasedTracker::ObjectStatus
ObjectStatus
Definition: detection_based_tracker.hpp:139
cv::v_int16x8
v_reg< short, 8 > v_int16x8
Eight 16-bit signed integer values.
Definition: intrin_cpp.hpp:399
cv::bioinspired::Retina::activateContoursProcessing
virtual void activateContoursProcessing(const bool activate)=0
Activate/desactivate the Parvocellular pathway processing (contours information extraction),...
cv::ml::VAR_NUMERICAL
@ VAR_NUMERICAL
same as VAR_ORDERED
Definition: ml.hpp:83
cv::ORB::getFirstLevel
virtual int getFirstLevel() const =0
cv::KeyPoint::convert
static void convert(const std::vector< KeyPoint > &keypoints, std::vector< Point2f > &points2f, const std::vector< int > &keypointIndexes=std::vector< int >())
cv::cudev::VecTraits
Definition: vec_traits.hpp:88
cv::BRISK
Class implementing the BRISK keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:341
check.hpp
cv::face::FacemarkAAM::Data::s0
std::vector< Point2f > s0
Definition: facemarkAAM.hpp:100
cv::viz::Color::turquoise
static Color turquoise()
cv::viz::WCloudNormals::WCloudNormals
WCloudNormals(InputArray cloud, InputArray normals, int level=64, double scale=0.1, const Color &color=Color::white())
Constructs a WCloudNormals.
cv::RNG
Random Number Generator.
Definition: core.hpp:2780
cv::ocl::convertTypeStr
const char * convertTypeStr(int sdepth, int ddepth, int cn, char *buf)
cv::cudev::WithOutMask::value_type
bool value_type
Definition: mask.hpp:59
cv::flann::CvType< double >::type
static int type()
Definition: flann.hpp:82
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::~StrongClassifierDirectSelection
virtual ~StrongClassifierDirectSelection()
cv::cudev::SobelYPtrSz::cols
int cols
Definition: deriv.hpp:209
index_testing.h
cv::v_float32x4::v_float32x4
v_float32x4()
Definition: intrin_rvv.hpp:425
cv::QRCodeDetector::detectAndDecodeMulti
bool detectAndDecodeMulti(InputArray img, std::vector< std::string > &decoded_info, OutputArray points=noArray(), OutputArrayOfArrays straight_qrcode=noArray()) const
Both detects and decodes QR codes.
cv::AVIWriteContainer::getHeight
int getHeight() const
Definition: container_avi.private.hpp:166
cv::ORB::setWTA_K
virtual void setWTA_K(int wta_k)=0
cv::mcc::DetectorParameters::minContoursArea
double minContoursArea
Definition: checker_detector.hpp:111
cv::detail::tracking::TrackerContribSamplerAlgorithm::samplingImpl
virtual bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample)=0
cv::GPlaidMLKernelImpl::kernel
static cv::GPlaidMLKernel kernel()
Definition: gplaidmlkernel.hpp:133
cv::optflow::DenseRLOFOpticalFlow::getEPICLambda
virtual float getEPICLambda() const =0
see ximgproc::EdgeAwareInterpolator() lambda value.
cv::Stitcher::stitch
Status stitch(InputArrayOfArrays images, OutputArray pano)
cv::dnn::DictValue::pv
void * pv
Definition: dict.hpp:106
cv::ocl::Program::Program
Program(const Program &prog)
THash::id
int id
Definition: ppf_match_3d.hpp:81
cv::img_hash::MarrHildrethHash::create
static Ptr< MarrHildrethHash > create(float alpha=2.0f, float scale=1.0f)
cv::detail::tracking::ConfidenceMap
std::vector< std::pair< Ptr< TrackerTargetState >, float > > ConfidenceMap
Represents the model of the target at frame (all states and scores)
Definition: tracking.private.hpp:214
cv::util::copy_through_move_t::copy_through_move_t
copy_through_move_t(copy_through_move_t &&)=default
cv::LDA::eigenvectors
Mat eigenvectors() const
Definition: core.hpp:2610
cv::AgastFeatureDetector_Impl::setNonmaxSuppression
void setNonmaxSuppression(bool f)
Definition: agast.txt:7526
cv::cuda::COLOR_BayerGB2BGR_MHT
@ COLOR_BayerGB2BGR_MHT
Definition: cudaimgproc.hpp:96
cv::QtFont::vscale
float vscale
Definition: highgui.hpp:707
cv::face::FacemarkKazemi::getFaces
virtual bool getFaces(InputArray image, OutputArray faces)=0
get faces using the custom detector
cv::CAP_PROP_XI_SHARPNESS
@ CAP_PROP_XI_SHARPNESS
Sharpness Strength.
Definition: videoio.hpp:413
cv::gapi::own::Point::Point
Point(int _x, int _y)
Definition: types.hpp:25
cv::cudev::BinaryTransformPtrSz
Definition: transform.hpp:120
cv::gapi::own::Mat::elemSize
size_t elemSize() const
Returns the matrix element size in bytes.
Definition: mat.hpp:186
cv::filterSpeckles
void filterSpeckles(InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray())
Filters off small noise blobs (speckles) in the disparity map.
cv::detail::tracking::contrib_feature::CvFeatureParams::numFeatures
int numFeatures
Definition: feature.hpp:157
cv::text::ERStat::prev
ERStat * prev
Definition: erfilter.hpp:106
cv::rgbd::RgbdFrame::depth
Mat depth
Definition: depth.hpp:474
cv::saliency::ObjectnessBING::~ObjectnessBING
virtual ~ObjectnessBING()
cv::AutoBuffer::data
_Tp * data()
returns pointer to the real buffer, stack-allocated or heap-allocated
Definition: utility.hpp:128
cv::gapi::GNetPackage::backends
std::vector< GBackend > backends() const
cv::aruco::Dictionary::Dictionary
Dictionary(const Mat &_bytesList=Mat(), int _markerSize=0, int _maxcorr=0)
cv::GOCLKernelImpl::API
K API
Definition: goclkernel.hpp:236
cv::viz::MouseEvent::Type
Type
Definition: types.hpp:308
cv::util::variant::get
friend T & get(variant< Us... > &v)
cv::quality::QualityBase::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitybase.hpp:49
cv::MergeMertens::setSaturationWeight
virtual void setSaturationWeight(float saturation_weight)=0
cv::_OutputArray::create
void create(Size sz, int type, int i=-1, bool allowTransposed=false, _OutputArray::DepthMask fixedDepthMask=static_cast< _OutputArray::DepthMask >(0)) const
NCV_HAAR_TOO_LARGE_FEATURES
@ NCV_HAAR_TOO_LARGE_FEATURES
Definition: NCV.hpp:346
cv::drawChessboardCorners
void drawChessboardCorners(InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound)
Renders the detected chessboard corners.
tracking.hpp
cv::MatOp::diag
virtual void diag(const MatExpr &expr, int d, MatExpr &res) const
cv::cudev::DefaultTransformPolicy::block_size_x
@ block_size_x
Definition: transform.hpp:416
global_motion.hpp
cv::MatConstIterator::MatConstIterator
MatConstIterator()
default constructor
hal_ni_threshold
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
cv::face::FacemarkAAM::Params::n_iter
int n_iter
Definition: facemarkAAM.hpp:70
cv::warpPerspective
void warpPerspective(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies a perspective transformation to an image.
cv::BackgroundSubtractorMOG2::getShadowValue
virtual int getShadowValue() const =0
Returns the shadow value.
cv::Param::MAT
@ MAT
cv::videostab::WeightingDeblurer::WeightingDeblurer
WeightingDeblurer()
cv::text::MSERsToERStats
void MSERsToERStats(InputArray image, std::vector< std::vector< Point > > &contours, std::vector< std::vector< ERStat > > &regions)
Converts MSER contours (vector<Point>) to ERStat regions.
cv::line_descriptor::BinaryDescriptor::compute
void compute(const Mat &image, std::vector< KeyLine > &keylines, Mat &descriptors, bool returnFloatDescr=false) const
Requires descriptors computation.
cv::cuda::BroxOpticalFlow::getOuterIterations
virtual int getOuterIterations() const =0
number of warping iterations (number of pyramid levels)
cv::MSER::setDelta
virtual void setDelta(int delta)=0
cv::MatExpr::type
int type() const
cv::ximgproc::segmentation::SelectiveSearchSegmentation::clearStrategies
virtual void clearStrategies()=0
Clear the list of strategy to process;.
cv::detail::tracking::tbm::IImageDescriptor::compute
virtual void compute(const cv::Mat &mat, cv::Mat &descr)=0
Computes image descriptor.
cv::Affine3::Identity
static Affine3 Identity()
Create an 4x4 identity transform.
cv::cuda::GpuMat::GpuMat
GpuMat(const GpuMat &m, Rect roi)
cv::optflow::createOptFlow_DenseRLOF
Ptr< DenseOpticalFlow > createOptFlow_DenseRLOF()
Additional interface to the Dense RLOF algorithm - optflow::calcOpticalFlowDenseRLOF()
cv::CAP_PROP_DC1394_MODE_AUTO
@ CAP_PROP_DC1394_MODE_AUTO
Definition: videoio.hpp:217
cv::ORB::getScaleFactor
virtual double getScaleFactor() const =0
cv::BRISK::create
static Ptr< BRISK > create(const std::vector< float > &radiusList, const std::vector< int > &numberList, float dMax=5.85f, float dMin=8.2f, const std::vector< int > &indexChange=std::vector< int >())
The BRISK constructor for a custom pattern.
cv::SORT_EVERY_COLUMN
@ SORT_EVERY_COLUMN
Definition: core.hpp:155
cv::CAP_IMAGES
@ CAP_IMAGES
OpenCV Image Sequence (e.g. img_%02d.jpg)
Definition: videoio.hpp:119
cv::videostab::KeypointBasedMotionEstimator::opticalFlowEstimator
Ptr< ISparseOptFlowEstimator > opticalFlowEstimator() const
Definition: global_motion.hpp:241
cv::gapi::fluid::View::~View
~View()
cv::dnn::Model::getNetwork_
Net & getNetwork_() const
cv::superres::FrameSource
Definition: superres.hpp:67
cv::cuda::buildWarpPerspectiveMaps
void buildWarpPerspectiveMaps(InputArray M, bool inverse, Size dsize, OutputArray xmap, OutputArray ymap, Stream &stream=Stream::Null())
Builds transformation maps for perspective transformation.
cv::cudev::NormL2::value_type
float value_type
Definition: vec_distance.hpp:124
cv::detail::tracking::tbm::ITrackerByMatching::setDistanceStrong
virtual void setDistanceStrong(const Distance &val)=0
Strong distance setter.
cv::Mat::Mat
Mat(const Vec< _Tp, n > &vec, bool copyData=true)
cv::bgsegm::BackgroundSubtractorGMG::getMinVal
virtual double getMinVal() const =0
Returns the minimum value taken on by pixels in image sequence. Usually 0.
cv::CirclesGridFinderParameters::minGraphConfidence
float minGraphConfidence
Definition: calib3d.hpp:1638
cv::alphamat::infoFlow
void infoFlow(InputArray image, InputArray tmap, OutputArray result)
Compute alpha matte of an object in an image.
cv::videostab::MotionInpainter
Definition: inpainting.hpp:142
cv::videostab::MotionFilterBase::stabilize
virtual void stabilize(int size, const std::vector< Mat > &motions, const Range &range, Mat *stabilizationMotions) CV_OVERRIDE
assumes that [0, size-1) is in or equals to [range.first, range.second)
cv::ContourApproximationModes
ContourApproximationModes
the contour approximation algorithm
Definition: imgproc.hpp:430
cv::dnn::Net::getFLOPS
int64 getFLOPS(const std::vector< MatShape > &netInputShapes) const
Computes FLOP for whole loaded model with specified input shapes.
cv::viz::RepresentationValues
RepresentationValues
Definition: widgets.hpp:75
cv::FarnebackOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::line_descriptor::LSDParam::sigma_scale
double sigma_scale
Definition: descriptor.hpp:702
cv::drawContours
void drawContours(InputOutputArray image, InputArrayOfArrays contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=LINE_8, InputArray hierarchy=noArray(), int maxLevel=INT_MAX, Point offset=Point())
Draws contours outlines or filled contours.
cv::ccm::INITIAL_METHOD_TYPE
INITIAL_METHOD_TYPE
Enum of the possible types of initial method.
Definition: ccm.hpp:68
cv::GeneralizedHoughGuil::getMaxScale
virtual double getMaxScale() const =0
cv::VecCommaInitializer::operator*
Vec< _Tp, m > operator*() const
cvflann::set_distance_type
void set_distance_type(flann_distance_t distance_type, int order)
cv::cudev::laplacian_
__host__ Expr< LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > > laplacian_(const SrcPtr &src)
Definition: deriv.hpp:117
cv::buildOpticalFlowPyramid
int buildOpticalFlowPyramid(InputArray img, OutputArrayOfArrays pyramid, Size winSize, int maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true)
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
cv::cudev::vec_math_detail::SatCastHelper< 2, VecD >::cast
__device__ static __forceinline__ VecD cast(const VecS &v)
Definition: vec_math.hpp:74
cv::datasets::HPE_humanevaObj::action
std::string action
Definition: hpe_humaneva.hpp:63
cv::cuda::HostMem::datastart
uchar * datastart
Definition: cuda.hpp:596
cv::viz::WMesh::WMesh
WMesh(InputArray cloud, InputArray polygons, InputArray colors=noArray(), InputArray normals=noArray())
cv::datasets::FR_adience::create
static Ptr< FR_adience > create()
cv::utils::logging::LogTagAuto
Definition: logger.hpp:50
cv::datasets::tag::x
int x
Definition: tr_svt.hpp:63
deriv.hpp
NCVMatrix::at
T & at(Ncv32u x, Ncv32u y) const
Definition: NCV.hpp:812
cv::rgbd::DepthCleaner::getDepth
int getDepth() const
Definition: depth.hpp:239
cv::optflow::GPCForest::train
void train(const std::vector< String > &imagesFrom, const std::vector< String > &imagesTo, const std::vector< String > &gt, const GPCTrainingParams params=GPCTrainingParams())
Train the forest using individual samples for each tree. It is generally better to use this instead o...
Definition: sparse_matching_gpc.hpp:246
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::replaceWeakClassifier
void replaceWeakClassifier(int idx)
cv::COLOR_YUV2BGR_YUNV
@ COLOR_YUV2BGR_YUNV
Definition: imgproc.hpp:703
cv::dnn::ConcatLayer
Definition: all_layers.hpp:311
cv::softfloat::getFrac
softfloat getFrac() const
Get a fraction part.
Definition: softfloat.hpp:187
cv::optflow::DenseRLOFOpticalFlow::getFgsSigma
virtual float getFgsSigma() const =0
see ximgproc::EdgeAwareInterpolator().
cv::DFT_SCALE
@ DFT_SCALE
Definition: base.hpp:231
cv::cuda::createDFT
Ptr< DFT > createDFT(Size dft_size, int flags)
Creates implementation for cuda::DFT.
cv::detail::tracking::TrackerFeatureSet::extraction
void extraction(const std::vector< Mat > &images)
Extract features from the images collection.
cv::ShapeTransformer::applyTransformation
virtual float applyTransformation(InputArray input, OutputArray output=noArray())=0
Apply a transformation, given a pre-estimated transformation parameters.
cv::legacy::TrackerTLD::Params::write
void write(FileStorage &) const
cv::videostab::MotionInpainter::setDistThreshold
void setDistThreshold(float val)
Definition: inpainting.hpp:152
cv::videostab::KeypointBasedMotionEstimator::outlierRejector
Ptr< IOutlierRejector > outlierRejector() const
Definition: global_motion.hpp:244
cv::line_descriptor::BinaryDescriptor
Class implements both functionalities for detection of lines and computation of their binary descript...
Definition: descriptor.hpp:181
cv::datasets::FR_lfwObj
Definition: fr_lfw.hpp:61
cv::NormHistogramCostExtractor
A norm based cost extraction. :
Definition: hist_cost.hpp:72
cv::optflow::SR_FIXED
@ SR_FIXED
Definition: rlofflow.hpp:18
cv::ogl::LINE_STRIP
@ LINE_STRIP
Definition: opengl.hpp:482
cv::_OutputArray::_OutputArray
_OutputArray(const std::array< Mat, _Nm > &arr)
cv::face::FacemarkLBF::Params::initShape_n
int initShape_n
multiplier for augment the training data
Definition: facemarkLBF.hpp:67
OPENCV_HAL_IMPL_RVV_UNSIGNED_SHIFT_OP
#define OPENCV_HAL_IMPL_RVV_UNSIGNED_SHIFT_OP(_Tpvec, suffix, width)
Definition: intrin_rvv.hpp:1302
cv::ml::TrainData::getResponses
virtual Mat getResponses() const =0
cv::COLOR_YUV2RGBA_YUNV
@ COLOR_YUV2RGBA_YUNV
Definition: imgproc.hpp:711
cv::cuda::DeviceInfo::multiProcessorCount
int multiProcessorCount() const
number of multiprocessors on device
cv::videostab::VideoFileSource::VideoFileSource
VideoFileSource(const String &path, bool volatileFrame=false)
cv::cuda::BroxOpticalFlow::getInnerIterations
virtual int getInnerIterations() const =0
number of lagged non-linearity iterations (inner loop)
cv::text::createERFilterNM2
Ptr< ERFilter > createERFilterNM2(const Ptr< ERFilter::Callback > &cb, float minProbability=(float) 0.3)
Create an Extremal Region Filter for the 2nd stage classifier of N&M algorithm .
cv::CAP_PROP_PVAPI_PIXELFORMAT
@ CAP_PROP_PVAPI_PIXELFORMAT
Pixel format.
Definition: videoio.hpp:307
cv::Mat_::elemSize
size_t elemSize() const
overridden forms of Mat::elemSize() etc.
fundamental.hpp
cv::quality::QualityGMSD::_mat_data::_mat_data
_mat_data(const mat_type &)
cv::ocl::OpenCLExecutionContext::create
static OpenCLExecutionContext create(const Context &context, const Device &device)
cv::mcc::CChecker::getChartsYCbCr
virtual Mat getChartsYCbCr()=0
cv::MediaFrame::MediaFrame
MediaFrame()
cv::cudev::ReduceToRowBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:179
cv::motempl::calcGlobalOrientation
double calcGlobalOrientation(InputArray orientation, InputArray mask, InputArray mhi, double timestamp, double duration)
Calculates a global motion orientation in a selected region.
cv::ccm::COLOR_SPACE_XYZ_D55_10
@ COLOR_SPACE_XYZ_D55_10
non-RGB color space
Definition: ccm.hpp:117
cv::detail::tracking::TrackerStateEstimator::estimateImpl
virtual Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps)=0
cv::gapi::ie::Params::backend
GBackend backend() const
Definition: ie.hpp:141
cv::MatExpr::min
static MatExpr min(const Matx< _Tp, m, n > &a, const Mat &b)
Definition: mat.hpp:3691
NcvPoint2D32s::NcvPoint2D32s
__host__ __device__ NcvPoint2D32s(Ncv32s x_, Ncv32s y_)
Definition: NCV.hpp:196
cv::ml::SimulatedAnnealingSolverSystem::energy
double energy() const
hal_ni_div16s
int hal_ni_div16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:260
cv::DetectionROI::locations
std::vector< cv::Point > locations
set of requested locations to be evaluated
Definition: objdetect.hpp:350
cv::gapi::wip::draw::Rect::Rect
Rect()=default
cv::omnidir::internal::computeJacobianStereo
void computeJacobianStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray parameters, Mat &JTJ_inv, Mat &JTE, int flags, double epsilon)
CPU_FP16
@ CPU_FP16
Definition: cvdef.h:300
cv::mcc::CChecker::setCenter
virtual void setCenter(Point2f _center)=0
cv::cuda::HostMem::channels
int channels() const
NcvCTprep::CT_ASSERT_FAILURE
Definition: NCV.hpp:72
cv::CAP_AVFOUNDATION
@ CAP_AVFOUNDATION
AVFoundation framework for iOS (OS X Lion will have the same API)
Definition: videoio.hpp:107
cv::gapi::own::descrs_of
cv::GMetaArgs descrs_of(const std::vector< Mat > &vec)
cv::cudev::minimum
Definition: functional.hpp:320
cv::xphoto::WhiteBalancer
The base class for auto white balance algorithms.
Definition: white_balance.hpp:64
cv::hfs::HfsSegment::setNumSlicIter
virtual void setNumSlicIter(int n)=0
: set and get the parameter numSlicIter. This parameter is used in the first stage....
cv::face::FaceRecognizer
Abstract base class for all face recognition models.
Definition: face.hpp:158
cv::cudev::pyrDown_
__host__ Expr< PyrDownBody< SrcPtr > > pyrDown_(const SrcPtr &src)
Definition: warping.hpp:121
cv::FileNode::name
std::string name() const
returns the node name or an empty string if the node is nameless
cv::cuda::GpuMat::convertTo
void convertTo(OutputArray dst, int rtype, Stream &stream) const
converts GpuMat to another datatype (Non-Blocking call)
cv::rgbd::Odometry::RIGID_BODY_MOTION
@ RIGID_BODY_MOTION
Definition: depth.hpp:531
cv::ccm::LINEARIZATION_GRAYLOGPOLYFIT
@ LINEARIZATION_GRAYLOGPOLYFIT
grayscale Logarithmic polynomial fitting; Need assign a value to deg and dst_whites simultaneously
Definition: ccm.hpp:337
cv::cudev::DerivYPtrSz::cols
int cols
Definition: deriv.hpp:116
cv::ml::KNearest::create
static Ptr< KNearest > create()
Creates the empty model.
cv::_InputArray::copyTo
void copyTo(const _OutputArray &arr) const
cv::ml::ANN_MLP_ANNEAL
ANN_MLP ANN_MLP_ANNEAL
Definition: ml.hpp:1618
cv::Mat::updateContinuityFlag
void updateContinuityFlag()
internal use method: updates the continuity flag
cv::sfm::normalizeFundamental
void normalizeFundamental(InputArray F, OutputArray F_normalized)
Normalizes the Fundamental matrix.
cv::ocl::Context::Context
Context()
nppiStTranspose_64s_C1R
NCVStatus nppiStTranspose_64s_C1R(Ncv64s *d_src, Ncv32u srcStride, Ncv64s *d_dst, Ncv32u dstStride, NcvSize32u srcRoi)
cv::GeneralizedHough::setCannyHighThresh
virtual void setCannyHighThresh(int cannyHighThresh)=0
Canny high threshold.
cv::datasets::OR_mnist::create
static Ptr< OR_mnist > create()
cv::CALIB_FIX_ASPECT_RATIO
@ CALIB_FIX_ASPECT_RATIO
Definition: calib3d.hpp:497
cv::HOUGH_STANDARD
@ HOUGH_STANDARD
Definition: imgproc.hpp:470
cv::LMSolver::run
virtual int run(InputOutputArray param) const =0
cv::detail::createLaplacePyrGpu
void createLaplacePyrGpu(InputArray img, int num_levels, std::vector< UMat > &pyr)
cv::IMREAD_ANYCOLOR
@ IMREAD_ANYCOLOR
If set, the image is read in any possible color format.
Definition: imgcodecs.hpp:74
cv::cudev::SingleMaskChannels::mask
MaskPtr mask
Definition: mask.hpp:73
cv::gapi::detail::deserialize_runarg::exec
static GRunArg exec(cv::gapi::s11n::IIStream &is, uint32_t idx)
Definition: s11n.hpp:297
cv::gapi::video::BackgroundSubtractorParams
Structure for the Background Subtractor operation's initialization parameters.
Definition: video.hpp:101
cv::cuda::CannyEdgeDetector::setHighThreshold
virtual void setHighThreshold(double high_thresh)=0
cv::cudacodec::VC1
@ VC1
Definition: cudacodec.hpp:250
cv::AVIReadContainer::m_height
unsigned int m_height
Definition: container_avi.private.hpp:130
cv::text::ERStat::perimeter
int perimeter
Definition: erfilter.hpp:80
NCVMatrix::copy2D
NCVStatus copy2D(NCVMatrix< T > &dst, NcvSize32u roi, cudaStream_t cuStream) const
Definition: NCV.hpp:794
cv::AVIWriteContainer::endWriteChunk
void endWriteChunk()
cv::CCL_WU
@ CCL_WU
SAUF algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:407
CvVideoCamera::videoDataOutputQueue
dispatch_queue_t videoDataOutputQueue
Definition: cap_ios.h:104
hal_ni_cvtHSVtoBGR
int hal_ni_cvtHSVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isFullRange, bool isHSV)
hal_cvtHSVtoBGR
Definition: hal_replacement.hpp:458
cv::Mat::operator()
Mat operator()(Range rowRange, Range colRange) const
Extracts a rectangular submatrix.
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::measurementNoiseCov
Mat measurementNoiseCov
Measurement noise cross-covariance matrix, MP x MP.
Definition: kalman_filters.hpp:140
cv::optflow::GPCDetails::getAllDescriptorsForImage
static void getAllDescriptorsForImage(const Mat *imgCh, std::vector< GPCPatchDescriptor > &descr, const GPCMatchingParams &mp, int type)
cv::datasets::OR_pascalObj::height
int height
Definition: or_pascal.hpp:83
cv::gapi::BGR2I420
GMat BGR2I420(const GMat &src)
Converts an image from BGR color space to I420 color space.
cv::MediaFrame::IAdapter::meta
virtual cv::GFrameDesc meta() const =0
cv::detail::OpaqueRefT::wref
T & wref()
Definition: gopaque.hpp:177
cv::ximgproc::AdaptiveManifoldFilter::collectGarbage
virtual void collectGarbage()=0
cv::aruco::Dictionary::bytesList
Mat bytesList
Definition: dictionary.hpp:64
cv::GC_BGD
@ GC_BGD
an obvious background pixels
Definition: imgproc.hpp:345
cv::ocl::Platform::Platform
Platform()
cv::SparseMatIterator_::SparseMatIterator_
SparseMatIterator_(const SparseMatIterator_ &it)
the copy constructor
cv::hdf::HDF5::atread
virtual void atread(double *value, const String &atlabel)=0
cv::omnidir::projectPoints
void projectPoints(InputArray objectPoints, OutputArray imagePoints, InputArray rvec, InputArray tvec, InputArray K, double xi, InputArray D, OutputArray jacobian=noArray())
Projects points for omnidirectional camera using CMei's model.
cv::MatExpr::col
MatExpr col(int x) const
cv::FileStorage::writeComment
void writeComment(const String &comment, bool append=false)
Writes a comment.
cv::UMatData::mapcount
int mapcount
Definition: mat.hpp:566
cv::mcc::CChecker::~CChecker
virtual ~CChecker()
Definition: checker_model.hpp:68
cv::drawMatches
void drawMatches(InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, InputOutputArray outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT)
Draws the found matches of keypoints from two images.
cv::dnn::DictValue::get
T get(int idx=-1) const
Tries to convert array element with specified index to requested type and returns its.
cv::detail::tracking::TrackerSamplerPF::TrackerSamplerPF
TrackerSamplerPF(const Mat &chosenRect, const TrackerSamplerPF::Params &parameters=TrackerSamplerPF::Params())
Constructor.
cv::cuda::FastFeatureDetector::setMaxNumPoints
virtual void setMaxNumPoints(int max_npoints)=0
cv::detail::ocl_get_in< cv::GOpaque< U > >::get
static const U & get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:121
cv::gapi::ie::Params::pluginConfig
Params & pluginConfig(const IEConfig &cfg)
Definition: ie.hpp:135
cv::cudev::NormL1< float >::reduceBlock
__device__ __forceinline__ void reduceBlock(result_type *smem, uint tid)
Definition: vec_distance.hpp:109
cv::gapi::YUV2RGB
GMat YUV2RGB(const GMat &src)
Converts an image from YUV color space to RGB. The function converts an input image from YUV color sp...
cv::PROJ_SPHERICAL_ORTHO
@ PROJ_SPHERICAL_ORTHO
Definition: calib3d.hpp:3556
cv::text::ERStat::med_crossings
float med_crossings
median of the crossings at three different height levels
Definition: erfilter.hpp:86
cv::detail::tracking::online_boosting::WeakClassifierHaarFeature::update
bool update(float value, int target)
cv::remap
void remap(InputArray src, OutputArray dst, InputArray map1, InputArray map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies a generic geometrical transformation to an image.
cv::viz::Color::Color
Color()
cv::xphoto::TonemapDurand
This algorithm decomposes image into two layers: base layer and detail layer using bilateral filter a...
Definition: tonemap.hpp:25
cv::datasets::join::Rw
double Rw
Definition: gr_chalearn.hpp:67
cv::QtFont::greek
const int * greek
Definition: highgui.hpp:705
cv::Size2d
Size_< double > Size2d
Definition: types.hpp:346
cv::linemod::Detector::numClasses
int numClasses() const
Definition: linemod.hpp:381
cv::cuda::DeviceInfo::maxSurface1DLayered
Vec2i maxSurface1DLayered() const
maximum 1D layered surface dimensions
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::model
Ptr< UkfSystemModel > model
Object of the class containing functions for computing the next state and the measurement.
Definition: kalman_filters.hpp:148
cv::cuda::HostMem::alloc_type
AllocType alloc_type
Definition: cuda.hpp:599
cv::QT_PUSH_BUTTON
@ QT_PUSH_BUTTON
Push button.
Definition: highgui.hpp:257
cv::cudacodec::EncoderParams::IDR_Period
int IDR_Period
NVVE_IDR_PERIOD,.
Definition: cudacodec.hpp:88
cv::detail::tracking::TrackerModel::stateEstimator
Ptr< TrackerStateEstimator > stateEstimator
Definition: tracking.private.hpp:332
cv::COLOR_HSV2BGR_FULL
@ COLOR_HSV2BGR_FULL
Definition: imgproc.hpp:615
cv::ocl::Device::maxSamplers
int maxSamplers() const
cv::datasets::skeleton::s
join s[20]
Definition: gr_chalearn.hpp:72
cv::reg::MapProjec::getProjTr
void getProjTr(OutputArray projTr) const
Definition: mapprojec.hpp:88
cv::cudev::GpuMat_::operator()
__host__ GpuMat_ operator()(Range rowRange, Range colRange) const
cv::detail::tracking::feature::CvFeatureEvaluator::nneg
int nneg
Definition: tracking_feature.private.hpp:85
cv::RHO
@ RHO
RHO algorithm.
Definition: calib3d.hpp:446
cv::viz::WCircle::WCircle
WCircle(double radius, const Point3d &center, const Vec3d &normal, double thickness=0.01, const Color &color=Color::white())
Constructs repositioned planar circle.
cv::COLOR_RGBA2BGR
@ COLOR_RGBA2BGR
Definition: imgproc.hpp:537
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const String &value)
cv::SVD
Singular Value Decomposition.
Definition: core.hpp:2641
cv::dnn::Dict::erase
void erase(const String &key)
Erase key from the dictionary.
cv::reg::Map::scale
virtual void scale(double factor)=0
cv::cuda::TargetArchs
Class providing a set of static methods to check what NVIDIA* card architecture the CUDA module was b...
Definition: cuda.hpp:803
cv::cuda::multiply
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1, Stream &stream=Stream::Null())
Computes a matrix-matrix or matrix-scalar per-element product.
hal_ni_div32s
int hal_ni_div32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:261
cv::kinfu::Intr::fy
float fy
Definition: intrinsics.hpp:75
cv::ccalib::CustomPattern::findPattern
bool findPattern(InputArray image, OutputArray matched_features, OutputArray pattern_points, const double ratio=0.7, const double proj_error=8.0, const bool refine_position=false, OutputArray out=noArray(), OutputArray H=noArray(), OutputArray pattern_corners=noArray())
cv::ml::SVMSGD::setMarginRegularization
virtual void setMarginRegularization(float marginRegularization)=0
Parameter marginRegularization of a SVMSGD optimization problem.
cv::GComputationT< std::tuple< R... >(Args...)>::Gen
std::function< std::tuple< R... >Args...)> Gen
Definition: gtyped.hpp:167
cv::cuda::absSum
Scalar absSum(InputArray src, InputArray mask=noArray())
Returns the sum of absolute values for matrix elements.
cv::viz::Mesh::load
static Mesh load(const String &file, int type=LOAD_PLY)
Loads a mesh from a ply or a obj file.
cv::linemod::Modality::processImpl
virtual Ptr< QuantizedPyramid > processImpl(const Mat &src, const Mat &mask) const =0
cv::reg::MapperPyramid
Definition: mapperpyramid.hpp:56
cv::dnn::Net::addLayerToPrev
int addLayerToPrev(const String &name, const String &type, LayerParams &params)
Adds new layer and connects its first input to the first output of previously added layer.
cv::line_descriptor::BinaryDescriptor::descriptorSize
int descriptorSize() const
Return descriptor size.
cv::ocl::Queue::getImpl
Impl * getImpl() const
Definition: ocl.hpp:375
cv::ximgproc::AM_FILTER
@ AM_FILTER
Definition: edge_filter.hpp:58
N_CELLS
#define N_CELLS
Definition: feature.hpp:83
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::Feature
Feature()
cv::img_hash::PHash::PHash
PHash()
Definition: phash.hpp:27
cv::datasets::TRACK_alov::create
static Ptr< TRACK_alov > create()
cv::gapi::GKernelPackage::include
void include()
Put a new kernel implementation or a new transformation KImpl into the package.
Definition: gkernel.hpp:603
cv::viz::Camera::getClip
const Vec2d & getClip() const
Definition: types.hpp:210
cv::CALIB_CB_LARGER
@ CALIB_CB_LARGER
Definition: calib3d.hpp:486
cv::cuda::LookUpTable::transform
virtual void transform(InputArray src, OutputArray dst, Stream &stream=Stream::Null())=0
Transforms the source matrix into the destination matrix using the given look-up table: dst(I) = lut(...
cv::SimpleBlobDetector::Params::filterByInertia
bool filterByInertia
Definition: features2d.hpp:734
cv::ShapeContextDistanceExtractor::getTransformAlgorithm
virtual Ptr< ShapeTransformer > getTransformAlgorithm() const =0
cv::Stitcher::setWarper
void setWarper(Ptr< WarperCreator > creator)
Definition: stitching.hpp:236
cv::COLORMAP_MAGMA
@ COLORMAP_MAGMA
Definition: imgproc.hpp:4280
cv::Rect_::height
_Tp height
height of the rectangle
Definition: types.hpp:456
cv::ogl::LINES
@ LINES
Definition: opengl.hpp:480
NcvPoint2D32s
Definition: NCV.hpp:192
cv::dnn::DictValue::DictValue
DictValue(double p)
Constructs floating point scalar.
Definition: dict.hpp:67
cv::RMat::View::operator=
View & operator=(View &&v)
cv::MORPH_BLACKHAT
@ MORPH_BLACKHAT
Definition: imgproc.hpp:223
cv::GMat::priv
const GOrigin & priv() const
cv::CALIB_ZERO_DISPARITY
@ CALIB_ZERO_DISPARITY
Definition: calib3d.hpp:518
cv::detail::TransHelper< K, std::tuple< Ins... >, Out >::invoke
static GComputation invoke(Callable f, Seq< IIs... >, Seq< OIs... >)
Definition: gtransform.hpp:47
cv::COLOR_YUV2BGR_YVYU
@ COLOR_YUV2BGR_YVYU
Definition: imgproc.hpp:699
cv::MatExpr::max
MatExpr max(const Mat &a, double s)
cv::cudev::TypesEquals::value
@ value
Definition: type_traits.hpp:119
cv::line_descriptor::DrawLinesMatchesFlags::DEFAULT
@ DEFAULT
Definition: descriptor.hpp:1157
cv::VideoWriter
Video writer class.
Definition: videoio.hpp:864
cv::dnn::InterpLayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::utils::BufferArea::commit
void commit()
Allocate memory and initialize all bound pointers.
cv::KeyPoint::octave
int octave
octave (pyramid layer) from which the keypoint has been extracted
Definition: types.hpp:777
cv::multicalib::MultiCameraCalibration::edge
Definition: multicalib.hpp:83
cv::dnn::ReLULayer::negativeSlope
float negativeSlope
Definition: all_layers.hpp:433
cv::rgbd::RgbdNormals::setDepth
void setDepth(int val)
Definition: depth.hpp:152
cv::hal::or8u
void or8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::cuda::demosaicing
void demosaicing(InputArray src, OutputArray dst, int code, int dcn=-1, Stream &stream=Stream::Null())
Converts an image from Bayer pattern to RGB or grayscale.
cv::cudev::ResizePtrSz::rows
int rows
Definition: resize.hpp:79
cv::cudev::BrdReflect101::idx_high
__device__ static __forceinline__ int idx_high(int i, int len)
Definition: extrapolation.hpp:152
cv::gapi::fluid::Buffer::mkView
View mkView(int borderSize, bool ownStorage)
cv::videostab::IFrameSource::~IFrameSource
virtual ~IFrameSource()
Definition: frame_source.hpp:60
cv::ccm::COLOR_SPACE_Lab_E_2
@ COLOR_SPACE_Lab_E_2
non-RGB color space
Definition: ccm.hpp:132
cv::ocl::Device::TYPE_GPU
@ TYPE_GPU
Definition: ocl.hpp:85
cv::Matx::Matx
Matx()
default constructor
cv::Matx43f
Matx< float, 4, 3 > Matx43f
Definition: matx.hpp:251
cv::cudev::RemapPtr1::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:62
cv::optflow::OpticalFlowPCAFlow
PCAFlow algorithm.
Definition: pcaflow.hpp:95
cv::gapi::use_only::pkg
GKernelPackage pkg
Definition: gkernel.hpp:706
cv::dnn::BackendWrapper::copyToHost
virtual void copyToHost()=0
Transfer data to CPU host memory.
cv::videostab::InpainterBase::frames
virtual const std::vector< Mat > & frames() const
Definition: inpainting.hpp:82
cv::cuda::StereoBeliefPropagation::compute
virtual void compute(InputArray data, OutputArray disparity, Stream &stream=Stream::Null())=0
Enables the stereo correspondence operator that finds the disparity for the specified data cost.
NCVBroxOpticalFlowDescriptor::number_of_inner_iterations
Ncv32u number_of_inner_iterations
number of lagged non-linearity iterations (inner loop)
Definition: NCVBroxOpticalFlow.hpp:78
cv::videostab::NullInpainter::inpaint
virtual void inpaint(int, Mat &, Mat &) CV_OVERRIDE
Definition: inpainting.hpp:105
cv::NORM_TYPE_MASK
@ NORM_TYPE_MASK
bit-mask which can be used to separate norm type from norm flags
Definition: base.hpp:205
cv::gapi::own::detail::MatHeader::MatHeader
MatHeader()=default
cv::Scharr
void Scharr(InputArray src, OutputArray dst, int ddepth, int dx, int dy, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the first x- or y- image derivative using Scharr operator.
cv::CAP_PROP_BITRATE
@ CAP_PROP_BITRATE
(read-only) Video bitrate in kbits/s
Definition: videoio.hpp:182
cv::cudev::DerivXPtr
Definition: deriv.hpp:62
cv::GComputationT< R(Args...)>::Gen
std::function< R(Args...)> Gen
Definition: gtyped.hpp:91
cv::ximgproc::EdgeBoxes::setEdgeMinMag
virtual void setEdgeMinMag(float value)=0
Sets the edge min magnitude.
cv::gapi::warpPerspective
GMat warpPerspective(const GMat &src, const Mat &M, const Size &dsize, int flags=cv::INTER_LINEAR, int borderMode=cv::BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies a perspective transformation to an image.
cv::ShapeContextDistanceExtractor::getRadialBins
virtual int getRadialBins() const =0
cv::linemod::QuantizedPyramid::Candidate::Candidate
Candidate(int x, int y, int label, float score)
Definition: linemod.hpp:112
cv::hal::cvtLabtoBGR
void cvtLabtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int depth, int dcn, bool swapBlue, bool isLab, bool srgb)
cv::GeneralizedHoughGuil::getMaxAngle
virtual double getMaxAngle() const =0
cv::detail::OptRef::OptHolder::~OptHolder
virtual ~OptHolder()=default
cv::line_descriptor::BinaryDescriptor::getWidthOfBand
int getWidthOfBand()
Get current width of bands.
cv::cuda::FEATURE_SET_COMPUTE_12
@ FEATURE_SET_COMPUTE_12
Definition: cuda.hpp:777
cv::setMouseCallback
void setMouseCallback(const String &winname, MouseCallback onMouse, void *userdata=0)
Sets mouse handler for the specified window.
cv::cudev::not_equal_to
Definition: functional.hpp:143
cv::detail::PlanePortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:669
cv::GScalar::priv
GOrigin & priv()
cv::cuda::phase
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false, Stream &stream=Stream::Null())
Computes polar angles of complex matrix elements.
cv::MatConstIterator::difference_type
ptrdiff_t difference_type
Definition: mat.hpp:3015
cv::detail::GTypeTraits< cv::GOpaque< T > >::wrap_out
static cv::detail::OpaqueRef wrap_out(T &t)
Definition: gtype_traits.hpp:100
cv::TLSDataContainer::cleanup
void cleanup()
Release created TLS data container objects. It is similar to release() call, but it keeps TLS contain...
cv::v_int32x4
Definition: intrin_rvv.hpp:390
cv::ml::COL_SAMPLE
@ COL_SAMPLE
each training sample occupies a column of samples
Definition: ml.hpp:99
cv::detail::BasicVectorRef::~BasicVectorRef
virtual ~BasicVectorRef()
Definition: garray.hpp:127
cv::aruco::CharucoBoard::nearestMarkerCorners
std::vector< std::vector< int > > nearestMarkerCorners
Definition: charuco.hpp:70
cv::COLOR_BGRA2GRAY
@ COLOR_BGRA2GRAY
Definition: imgproc.hpp:552
cv::GFTTDetector::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::GIOProtoArgs::GIOProtoArgs
GIOProtoArgs(GProtoArgs &&args)
Definition: gproto.hpp:63
cv::quality::QualityGMSD::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitygmsd.hpp:31
cv::QtFont
QtFont available only for Qt. See cv::fontQt.
Definition: highgui.hpp:700
cv::ximgproc::EdgeAwareInterpolator::setCostMap
virtual void setCostMap(const Mat &_costMap)=0
Interface to provide a more elaborated cost map, i.e. edge map, for the edge-aware term....
cv::Exception
Class passed to an error.
Definition: core.hpp:116
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::CvHaarFeatureParams
CvHaarFeatureParams()
CV_CUDEV_RGB2XYZ_INST
#define CV_CUDEV_RGB2XYZ_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:173
cv::ocl::ProgramSource
Definition: ocl.hpp:543
cv::StereoMatcher::getSpeckleRange
virtual int getSpeckleRange() const =0
cv::ocl::Platform::ptr
void * ptr() const
cv::cnn_3dobj::descriptorExtractor::getDeviceType
String getDeviceType()
Get device type information for feature extraction.
cv::FileStorage::write
void write(FileStorage &fs, const String &value)
Definition: persistence.hpp:915
cv::cudev::warpYota
__device__ __forceinline__ void warpYota(OutIt beg, OutIt end, T value)
Definition: warp.hpp:114
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::errorCovInit
Mat errorCovInit
State estimate cross-covariance matrix, DP x DP, default is identity.
Definition: kalman_filters.hpp:137
cv::CAP_PROP_GSTREAMER_QUEUE_LENGTH
@ CAP_PROP_GSTREAMER_QUEUE_LENGTH
Default is 1.
Definition: videoio.hpp:291
cv::detail::FeaturesMatcher
Feature matchers base class.
Definition: matchers.hpp:118
cv::Error::StsBadFunc
@ StsBadFunc
unsupported function
Definition: base.hpp:75
cv::sfm::libmv_CameraIntrinsicsOptions::polynomial_p2
double polynomial_p2
Definition: simple_pipeline.hpp:115
cv::cudev::DerivYPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:103
cv::img_hash::BlockMeanHash::getMean
std::vector< double > getMean() const
cv::face::FacemarkTrain::getData
virtual bool getData(void *items=0)=0
Get data from an algorithm.
cv::viz::Color::maroon
static Color maroon()
cv::cudev::ResizePtr::fy
float fy
Definition: resize.hpp:66
cv::reg::Map
Base class for modelling a Map between two images.
Definition: map.hpp:125
cv::mcc::CChecker::setBox
virtual void setBox(std::vector< Point2f > _box)=0
cv::GeneralizedHoughGuil::setAngleThresh
virtual void setAngleThresh(int angleThresh)=0
Angle votes threshold.
cv::dnn::LSTMLayer::create
static Ptr< LSTMLayer > create(const LayerParams &params)
CPU_AVX2
@ CPU_AVX2
Definition: cvdef.h:302
cv::DescriptorMatcher::knnMatchImpl
virtual void knnMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
cv::PCA
Principal Component Analysis.
Definition: core.hpp:2404
cv::text::BaseOCR::run
virtual void run(Mat &image, Mat &mask, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0)=0
cv::TM_CCORR_NORMED
@ TM_CCORR_NORMED
Definition: imgproc.hpp:3679
allocator.h
cv::bgsegm::BackgroundSubtractorGMG::setQuantizationLevels
virtual void setQuantizationLevels(int nlevels)=0
Sets the parameter used for quantization of color-space.
cv::ErrorCallback
int(* ErrorCallback)(int status, const char *func_name, const char *err_msg, const char *file_name, int line, void *userdata)
Definition: utility.hpp:162
cv::COLOR_YUV2GRAY_YVYU
@ COLOR_YUV2GRAY_YVYU
Definition: imgproc.hpp:719
cv::saliency::ObjectnessBING::write
void write() const
cv::rgbd::RgbdNormals::window_size_
int window_size_
Definition: depth.hpp:179
cv::Point_::inside
bool inside(const Rect_< _Tp > &r) const
checks whether the point is inside the specified rectangle
cv::datasets::word::x
int x
Definition: tr_icdar.hpp:63
cv::ximgproc::FHT_ADD
@ FHT_ADD
Definition: fast_hough_transform.hpp:94
cv::viz::Viz3d::setBackgroundColor
void setBackgroundColor(const Color &color=Color::black(), const Color &color2=Color::not_set())
Sets background color.
cv::optflow::SparseRLOFOpticalFlow::setRLOFOpticalFlowParameter
virtual void setRLOFOpticalFlowParameter(Ptr< RLOFOpticalFlowParameter > val)=0
Configuration of the RLOF alogrithm.
cv::saliency::StaticSaliencyFineGrained::~StaticSaliencyFineGrained
virtual ~StaticSaliencyFineGrained()
cv::Subdiv2D::getTriangleList
void getTriangleList(std::vector< Vec6f > &triangleList) const
Returns a list of all triangles.
cv::Quat::atan
Quat< _Tp > atan() const
return arctan value of this quaternion, arctan could be calculated as:
cv::MatConstIterator::sliceEnd
const uchar * sliceEnd
Definition: mat.hpp:3066
cv::CAP_OPENNI_GRAY_IMAGE
@ CAP_OPENNI_GRAY_IMAGE
Data given from RGB image generator.
Definition: videoio.hpp:272
cv::v_dotprod_expand_fast
v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > v_dotprod_expand_fast(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Fast Dot product of elements and expand.
Definition: intrin_cpp.hpp:1073
cv::GFluidKernel::m_rs
const RS m_rs
Definition: gfluidkernel.hpp:91
cv::DetectionBasedTracker::stop
virtual void stop()
cv::Quat::toRotMat4x4
Matx< _Tp, 4, 4 > toRotMat4x4(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform a quaternion to a 4x4 rotation matrix.
cv::cuda::DeviceInfo::maxTexture2DGather
Vec2i maxTexture2DGather() const
maximum 2D texture dimensions if texture gather operations have to be performed
warpers_inl.hpp
cv::ogl::Texture2D::release
void release()
Decrements the reference counter and destroys the texture object if needed.
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< Mat_< _Tp > > &vec)
cv::ovis::WindowScene::getScreenshot
virtual void getScreenshot(OutputArray frame)=0
cv::detail::get_window_helper< true, Impl, Ins... >::help
static int help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:306
cv::CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
@ CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION
Automatic bandwidth calculation.
Definition: videoio.hpp:485
hal_ni_FAST_dense
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
cv::legacy::TrackerMIL::Params
Definition: tracking_legacy.hpp:127
brightedges.hpp
cv::line_descriptor::BinaryDescriptor::getNumOfOctaves
int getNumOfOctaves()
Get current number of octaves.
cv::phase_unwrapping::PhaseUnwrapping
Abstract base class for phase unwrapping.
Definition: phase_unwrapping.hpp:56
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel) const =0
cv::SL2
Definition: features2d.hpp:896
cv::_InputArray::getObj
void * getObj() const
cv::hal::min16s
void min16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::hal::STORE_ALIGNED
@ STORE_ALIGNED
Definition: intrin.hpp:96
cv::vuint8mf4_t::vuint8mf4_t
vuint8mf4_t()
Definition: intrin_rvv.hpp:131
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::UnscentedKalmanFilterParams
UnscentedKalmanFilterParams(int dp, int mp, int cp, double processNoiseCovDiag, double measurementNoiseCovDiag, Ptr< UkfSystemModel > dynamicalSystem, int type=CV_64F)
cv::cudev::NearestInterPtrSz
Definition: interpolation.hpp:77
cv::ppf_match_3d::ICP::ICP_SAMPLING_TYPE_UNIFORM
@ ICP_SAMPLING_TYPE_UNIFORM
Definition: icp.hpp:86
cv::softfloat
Definition: softfloat.hpp:90
cv::videostab::TwoPassStabilizer::setMotionStabilizer
void setMotionStabilizer(Ptr< IMotionStabilizer > val)
Definition: stabilizer.hpp:168
cv::flann::CvType
Definition: flann.hpp:75
cv::optflow::GPCTrainingParams
Class encapsulating training parameters.
Definition: sparse_matching_gpc.hpp:124
cv::Affine3::rotation
Mat3 rotation() const
cv::datasets::TRACK_alov::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::TrackerCSRT::Params::histogram_bins
int histogram_bins
Definition: tracking.hpp:65
cv::ellipse2Poly
void ellipse2Poly(Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, std::vector< Point > &pts)
Approximates an elliptic arc with a polyline.
cv::omnidir::internal::computeMeanReproErrStereo
double computeMeanReproErrStereo(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputArray K1, InputArray K2, InputArray D1, InputArray D2, double xi1, double xi2, InputArray om, InputArray T, InputArrayOfArrays omL, InputArrayOfArrays TL)
cv::ml::Boost::load
static Ptr< Boost > load(const String &filepath, const String &nodeName=String())
Loads and creates a serialized Boost from a file.
cv::UMatData::lock
void lock()
cv::sfm::BaseSFM::setReconstructionOptions
virtual void setReconstructionOptions(const libmv_ReconstructionOptions &libmv_reconstruction_options)=0
cv::reg::Map::compose
virtual void compose(cv::Ptr< Map > map)=0
cv::cudev::LutPtr::value_type
PtrTraits< TablePtr >::value_type value_type
Definition: lut.hpp:62
cv::SparseMat::~SparseMat
~SparseMat()
the destructor
cv::UMatData::markHostCopyObsolete
void markHostCopyObsolete(bool flag)
cv::DetectionBasedTracker::process
virtual void process(const cv::Mat &imageGray)
cv::Mat_::Mat_
Mat_(const Mat_ &m, const std::vector< Range > &ranges)
selects a submatrix, n-dim version
cv::cudev::ConvertTuple
Definition: tuple.hpp:77
cv::ml::ANN_MLP::getAnnealCoolingRatio
virtual double getAnnealCoolingRatio() const =0
cv::detail::tracking::feature::CvHaarEvaluator::FeatureHaar::getWeights
const std::vector< float > & getWeights() const
Definition: tracking_feature.private.hpp:109
cv::videostab::OnePassStabilizer
Definition: stabilizer.hpp:144
cv::kinfu::Params::tsdf_trunc_dist
float tsdf_trunc_dist
distance to truncate in meters
Definition: kinfu.hpp:125
cv::_OutputArray::_OutputArray
_OutputArray(const std::array< _Tp, _Nm > &arr)
cv::cudev::UnaryNegate::operator()
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::argument_type >::parameter_type x) const
Definition: functional.hpp:795
cv::optflow::DualTVL1OpticalFlow::getTau
virtual double getTau() const =0
Time step of the numerical scheme.
cv::cuda::GpuMat::GpuMat
GpuMat(Size size, int type, Scalar s, GpuMat::Allocator *allocator=GpuMat::defaultAllocator())
cv::FileStorage::write
static void write(FileStorage &fs, const Scalar_< _Tp > &s)
Definition: persistence.hpp:972
cv::bioinspired::SegmentationParameters::neighborhoodEnergy_spatialConstant
float neighborhoodEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:102
cv::gapi::wip::async
void async(GCompiled &gcmpld, std::function< void(std::exception_ptr)> &&callback, GRunArgs &&ins, GRunArgsP &&outs)
cv::viz::Widget2D::Widget2D
Widget2D()
Definition: widgets.hpp:221
cv::aruco::calibrateCameraAruco
double calibrateCameraAruco(InputArrayOfArrays corners, InputArray ids, InputArray counter, const Ptr< Board > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using aruco markers.
cv::datasets::PascalObj::occluded
bool occluded
Definition: or_pascal.hpp:73
cv::detail::tracking::tbm::Track::first_object
TrackedObject first_object
First object in track.
Definition: tracking_by_matching.hpp:394
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, const String &value)
NCVMatrixReuse::NCVMatrixReuse
NCVMatrixReuse(const NCVMemSegment &memSegment, Ncv32u alignment, Ncv32u width_, Ncv32u height_, Ncv32u pitch_=0, NcvBool bSkipPitchCheck=false)
Definition: NCV.hpp:926
cv::MatExpr::c
Mat c
Definition: mat.hpp:3547
cv::gapi::streaming::detail::GDesync
Definition: desync.hpp:24
cv::InferAPIList
Definition: infer.hpp:133
cv::COVAR_SCALE
@ COVAR_SCALE
Definition: core.hpp:195
cv::cuda::HoughLinesDetector::getThreshold
virtual int getThreshold() const =0
cv::cudev::shrinkPtr
__host__ PtrTraits< Ptr2DSz >::ptr_type shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:85
cv::stereo::PropagationParameters::borderY
int borderY
Definition: quasi_dense_stereo.hpp:44
cv::datasets::pose
Definition: slam_kitti.hpp:61
cv::ccalib::CustomPattern::drawOrientation
void drawOrientation(InputOutputArray image, InputArray tvec, InputArray rvec, InputArray cameraMatrix, InputArray distCoeffs, double axis_length=3, int axis_width=2)
cv::ParamType< Mat >::member_type
Mat member_type
Definition: core.hpp:3228
cv::line_descriptor::BinaryDescriptorMatcher::add
void add(const std::vector< Mat > &descriptors)
Store locally new descriptors to be inserted in dataset, without updating dataset.
cv::aruco::DetectorParameters::aprilTagMaxLineFitMse
float aprilTagMaxLineFitMse
Definition: aruco.hpp:185
cv::stereo::StereoMatcher::setDisp12MaxDiff
virtual void setDisp12MaxDiff(int disp12MaxDiff)=0
cv::Vec2s
Vec< short, 2 > Vec2s
Definition: matx.hpp:413
NPPST_ERROR
@ NPPST_ERROR
Unknown error.
Definition: NCV.hpp:356
cv::videostab::StabilizerBase::doOneIteration
bool doOneIteration()
cv::bioinspired::Retina
class which allows the Gipsa/Listic Labs model to be used with OpenCV.
Definition: retina.hpp:207
cv::flann::CvType< short >::type
static int type()
Definition: flann.hpp:79
cv::ml::KNearest::setAlgorithmType
virtual void setAlgorithmType(int val)=0
cv::gapi::inRange
GMat inRange(const GMat &src, const GScalar &threshLow, const GScalar &threshUp)
Applies a range-level threshold to each matrix element.
cv::wb
@ wb
Definition: container_avi.private.hpp:136
cv::dnn::LRNLayer::type
int type
Definition: all_layers.hpp:236
cv::ocl::Timer
Definition: ocl.hpp:716
cv::viz::Viz3d::getCamera
Camera getCamera() const
Returns a camera object that contains intrinsic parameters of the current viewer.
cv::cudev::gridHistogram
__host__ void gridHistogram(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:109
cv::blur
void blur(InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT)
Blurs an image using the normalized box filter.
CV_CUDEV_RGB2RGB5x5_INST
#define CV_CUDEV_RGB2RGB5x5_INST(name, scn, bidx, green_bits)
Definition: color_cvt.hpp:425
cv::PyRotationWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray R)
cv::cudev::ThreshTruncFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:738
cv::cudev::ThreshBinaryFunc::thresh
T thresh
Definition: functional.hpp:696
cv::xphoto::INPAINT_FSR_FAST
@ INPAINT_FSR_FAST
See INPAINT_FSR_BEST.
Definition: inpainting.hpp:95
cv::GFluidKernel::GFluidKernel
GFluidKernel(Kind k, int l, bool scratch, const F &f, const IS &is, const RS &rs, const B &b, const GW &win)
Definition: gfluidkernel.hpp:75
cv::videostab::LpMotionStabilizer::setWeight2
void setWeight2(float val)
Definition: motion_stabilizing.hpp:134
cv::Point_::Point_
Point_(_Tp _x, _Tp _y)
cv::ocl::Device::linkerAvailable
bool linkerAvailable() const
NCVMemNativeAllocator::maxSize
virtual size_t maxSize() const
cv::utils::dumpFloat
static String dumpFloat(float argument)
Definition: bindings_utils.hpp:44
cv::datasets::SR_div2kObj::imageName
std::string imageName
Definition: sr_div2k.hpp:25
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
7-element vector constructor
mapshift.hpp
cv::datasets::MSM_middleburyObj::imageName
std::string imageName
Definition: msm_middlebury.hpp:62
cv::dnn::getAvailableBackends
std::vector< std::pair< Backend, Target > > getAvailableBackends()
cv::gapi::merge4
GMat merge4(const GMat &src1, const GMat &src2, const GMat &src3, const GMat &src4)
Creates one 4-channel matrix out of 4 single-channel ones.
cv::viz::WImage3D::WImage3D
WImage3D(InputArray image, const Size2d &size)
Constructs an WImage3D.
cv::CAP_PROP_SAR_NUM
@ CAP_PROP_SAR_NUM
Sample aspect ratio: num/den (num)
Definition: videoio.hpp:175
cv::videostab::TranslationBasedLocalOutlierRejector::setCellSize
void setCellSize(Size val)
Definition: outlier_rejection.hpp:79
NCVVectorAlloc::isMemAllocated
NcvBool isMemAllocated() const
Definition: NCV.hpp:664
cv::vuint16mf2_t::vuint16mf2_t
vuint16mf2_t()
Definition: intrin_rvv.hpp:50
cv::dnn::Net::forward
void forward(OutputArrayOfArrays outputBlobs, const std::vector< String > &outBlobNames)
Runs forward pass to compute outputs of layers listed in outBlobNames.
cv::videostab::DeblurerBase::frames_
const std::vector< Mat > * frames_
Definition: deblurring.hpp:85
cv::GFTTDetector::getQualityLevel
virtual double getQualityLevel() const =0
cv::cudev::gridFindMaxVal_
__host__ void gridFindMaxVal_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:140
cv::BORDER_REFLECT
@ BORDER_REFLECT
fedcba|abcdefgh|hgfedcb
Definition: base.hpp:271
cv::detail::tracking::TrackerModel::setTrackerStateEstimator
bool setTrackerStateEstimator(Ptr< TrackerStateEstimator > trackerStateEstimator)
Set TrackerEstimator, return true if the tracker state estimator is added, false otherwise.
cv::MatConstIterator_::MatConstIterator_
MatConstIterator_(const Mat_< _Tp > *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
CPU_AVX_512VBMI
@ CPU_AVX_512VBMI
Definition: cvdef.h:313
cv::v_reinterpret_as_f32
v_float32x4 v_reinterpret_as_f32(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2401
cv::datasets::FR_lfw::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::dnn::AccumLayer::create
static Ptr< AccumLayer > create(const LayerParams &params)
cv::Complex::conj
Complex conj() const
conjugation
cv::cuda::DisparityBilateralFilter::getMaxDiscThreshold
virtual double getMaxDiscThreshold() const =0
truncation of disparity continuity
cv::FarnebackOpticalFlow::create
static Ptr< FarnebackOpticalFlow > create(int numLevels=5, double pyrScale=0.5, bool fastPyramids=false, int winSize=13, int numIters=10, int polyN=5, double polySigma=1.1, int flags=0)
cv::Formatted::reset
virtual void reset()=0
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState
Implementation of the target state for TrackerAdaBoostingTargetState.
Definition: tracking_internals.hpp:519
cv::datasets::join
Definition: gr_chalearn.hpp:66
cv::detail::CompileArgTag< cv::graph_dump_path >::tag
static const char * tag()
Definition: gcommon.hpp:258
cv::BackgroundSubtractorKNN::setNSamples
virtual void setNSamples(int _nN)=0
Sets the number of data samples in the background model.
cv::detail::FisheyeProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::kinfu::Params::pyramidLevels
int pyramidLevels
Number of pyramid levels for ICP.
Definition: kinfu.hpp:102
cv::cudev::Max::rebind::other
Max< U > other
Definition: reduce_to_vec.hpp:131
cv::cudev::ScharrXPtr::index_type
int index_type
Definition: deriv.hpp:237
cv::datasets::TRACK_vot::getDatasetLength
virtual int getDatasetLength(int id)=0
cv::cudev::ReduceToColumnBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:201
cv::BackgroundSubtractorMOG2::getBackgroundRatio
virtual double getBackgroundRatio() const =0
Returns the "background ratio" parameter of the algorithm.
cv::cudev::ThreshToZeroFunc::thresh
T thresh
Definition: functional.hpp:755
cv::cudev::warpScanExclusive
__device__ __forceinline__ T warpScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:122
cv::cudev::gridMinMaxLoc_
__host__ void gridMinMaxLoc_(const SrcPtr &src, GpuMat_< ResType > &valBuf, GpuMat_< int > &locBuf, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:210
cv::cuda::DeviceInfo::clockRate
int clockRate() const
clock frequency in kilohertz
cv::datasets::PD_inria::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::pencilSketch
void pencilSketch(InputArray src, OutputArray dst1, OutputArray dst2, float sigma_s=60, float sigma_r=0.07f, float shade_factor=0.02f)
Pencil-like non-photorealistic line drawing.
cv::utils::getConfigurationParameterPaths
Paths getConfigurationParameterPaths(const char *name, const Paths &defaultValue=Paths())
cv::superres::DualTVL1OpticalFlow::getWarpingsNumber
virtual int getWarpingsNumber() const =0
cv::GFluidKernel::GW
std::function< int(const GMetaArgs &, const GArgs &)> GW
Definition: gfluidkernel.hpp:71
CPU_SSE4_1
@ CPU_SSE4_1
Definition: cvdef.h:297
NcvRect32u
Definition: NCV.hpp:161
cv::detail::tracking::feature::CvHaarEvaluator::FeatureHaar::eval
bool eval(const Mat &image, Rect ROI, float *result) const
cv::COLOR_BayerGB2BGRA
@ COLOR_BayerGB2BGRA
Definition: imgproc.hpp:782
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::dataType
int dataType
Type of elements of vectors and matrices, default is CV_64F.
Definition: kalman_filters.hpp:134
cv::ccm::ColorCorrectionModel::setDistance
void setDistance(DISTANCE_TYPE distance)
set Distance
cv::ocl::Device::imageBaseAddressAlignment
uint imageBaseAddressAlignment() const
cv::datasets::TRACK_vot::initDataset
virtual bool initDataset(int id)=0
cv::ml::DTrees::getUseSurrogates
virtual bool getUseSurrogates() const =0
cv::gapi::cmpGT
GMat cmpGT(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
cv::viz::WText3D::getText
String getText() const
Returns the current text content of the widget.
cv::util::any::any_cast
friend value_t * any_cast(any *operand)
Definition: any.hpp:114
cv::viz::Mesh
This class wraps mesh attributes, and it can load a mesh from a ply file. :
Definition: types.hpp:121
cv::cudev::logical_or
Definition: functional.hpp:205
cv::ximgproc::SuperpixelSEEDS::getLabelContourMask
virtual void getLabelContourMask(OutputArray image, bool thick_line=false)=0
Returns the mask of the superpixel segmentation stored in SuperpixelSEEDS object.
cv::GProtoOutputArgs
GIOProtoArgs< Out_Tag > GProtoOutputArgs
Definition: gproto.hpp:93
cv::util::optional::optional
optional()
Definition: optional.hpp:36
cv::RMat::View::rows
int rows() const
Definition: rmat.hpp:72
cv::PCA::project
Mat project(InputArray vec) const
Projects vector(s) to the principal component subspace.
NCV_NULL_PTR
@ NCV_NULL_PTR
Definition: NCV.hpp:323
cv::ocl::Device::memBaseAddrAlign
int memBaseAddrAlign() const
cv::ocl::haveAmdBlas
bool haveAmdBlas()
cv::detail::OpaqueRefT::rref
const T & rref() const
Definition: gopaque.hpp:188
cv::viz::SHADING_FLAT
@ SHADING_FLAT
Definition: widgets.hpp:83
cv::PlaneWarper
Plane warper factory class.
Definition: warpers.hpp:151
cv::putText
void putText(InputOutputArray img, const String &text, Point org, int fontFace, double fontScale, Scalar color, int thickness=1, int lineType=LINE_8, bool bottomLeftOrigin=false)
Draws a text string.
cv::MSER::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::gapi::YUV2BGR
GMat YUV2BGR(const GMat &src)
Converts an image from YUV color space to BGR color space.
cv::cudev::VecTraits< char2 >::all
__host__ __device__ static __forceinline__ char2 all(schar v)
Definition: vec_traits.hpp:162
cv::optflow::GPCPatchDescriptor::isSeparated
bool isSeparated() const
Definition: sparse_matching_gpc.hpp:74
cv::CompressedRectilinearPortraitWarper
Definition: warpers.hpp:205
cv::Subdiv2D::Subdiv2D
Subdiv2D(Rect rect)
cv::reg::MapperGradSimilar::MapperGradSimilar
MapperGradSimilar()
cv::ccm::COLOR_SPACE_XYZ_D75_2
@ COLOR_SPACE_XYZ_D75_2
non-RGB color space
Definition: ccm.hpp:118
cv::gapi::nn::parsers::GDetections
std::tuple< GArray< Rect >, GArray< int > > GDetections
Definition: parsers.hpp:20
cv::superres::DenseOpticalFlowExt
Definition: optical_flow.hpp:57
cv::bioinspired::RetinaParameters::IplMagnoParameters::parasolCells_k
float parasolCells_k
Definition: retina.hpp:176
reduce.hpp
cv::quality::QualityMSE::create
static Ptr< QualityMSE > create(InputArray ref)
Create an object which calculates quality.
cv::detail::Blender::createDefault
static Ptr< Blender > createDefault(int type, bool try_gpu=false)
cv::COLOR_BayerGB2RGB_VNG
@ COLOR_BayerGB2RGB_VNG
Definition: imgproc.hpp:765
cv::dpm::DPMDetector::ObjectDetection::rect
Rect rect
Definition: dpm.hpp:112
cv::viz::Viz3d::convertToWindowCoordinates
void convertToWindowCoordinates(const Point3d &pt, Point3d &window_coord)
Transforms a point in world coordinate system to window coordinate system.
cv::cuda::FarnebackOpticalFlow::setPolyN
virtual void setPolyN(int polyN)=0
cv::face::StandardCollector::PredictResult
Definition: predict_collector.hpp:86
cv::CAP_PROP_OPENNI_REGISTRATION_ON
@ CAP_PROP_OPENNI_REGISTRATION_ON
Definition: videoio.hpp:243
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const =0
cv::viz::Color::brown
static Color brown()
cv::CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
@ CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD
Definition: videoio.hpp:543
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::computeReplacedClassifier
std::vector< int > computeReplacedClassifier()
Get the list of the weak classifiers that should be replaced.
cv::datasets::OR_mnistObj::image
Mat image
Definition: or_mnist.hpp:63
traits.hpp
cv::AsyncPromise::setValue
void setValue(InputArray value)
cv::datasets::SLAM_tumindoor
Definition: slam_tumindoor.hpp:75
cv::TrackerGOTURN::Params::modelTxt
std::string modelTxt
Definition: tracking.hpp:807
cv::stereo::StereoMatcher::DISP_SHIFT
@ DISP_SHIFT
Definition: stereo.hpp:78
cv::plot::Plot2d::setPlotLineColor
virtual void setPlotLineColor(Scalar _plotLineColor)=0
cv::Point
Point2i Point
Definition: types.hpp:194
cv::Subdiv2D::splice
void splice(int edgeA, int edgeB)
cv::ShapeContextDistanceExtractor::setCostExtractor
virtual void setCostExtractor(Ptr< HistogramCostExtractor > comparer)=0
Set the algorithm used for building the shape context descriptor cost matrix.
cv::MatAllocator::download
virtual void download(UMatData *data, void *dst, int dims, const size_t sz[], const size_t srcofs[], const size_t srcstep[], const size_t dststep[]) const
cv::LineIterator::LineIterator
LineIterator(Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4774
cv::GFluidKernel::M
std::function< GMetaArgs(const GMetaArgs &, const GArgs &)> M
Definition: gfluidkernel.hpp:65
cv::Quat::cos
Quat< _Tp > cos() const
return cos value of this quaternion, cos could be calculated as:
cv::StereoMatcher::getDisp12MaxDiff
virtual int getDisp12MaxDiff() const =0
cv::cudev::brdWrap
__host__ BrdBase< BrdWrap, typename PtrTraits< SrcPtr >::ptr_type > brdWrap(const SrcPtr &src)
Definition: extrapolation.hpp:211
cv::v_int32x4::v_int32x4
v_int32x4(int v0, int v1, int v2, int v3)
Definition: intrin_rvv.hpp:400
cv::COLOR_BayerGR2RGB
@ COLOR_BayerGR2RGB
Definition: imgproc.hpp:751
hal_ni_pyrdown
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
CV_Assert
#define CV_Assert(expr)
Checks a condition at runtime and throws exception if it fails.
Definition: base.hpp:342
cv::cuda::CannyEdgeDetector::detect
virtual void detect(InputArray dx, InputArray dy, OutputArray edges, Stream &stream=Stream::Null())=0
cv::ParamType< Scalar >::const_param_type
const Scalar & const_param_type
Definition: core.hpp:3283
cv::datasets::Dataset
Definition: dataset.hpp:565
cv::hal::normL1_
int normL1_(const uchar *a, const uchar *b, int n)
cv::EVENT_LBUTTONDBLCLK
@ EVENT_LBUTTONDBLCLK
indicates that left mouse button is double clicked.
Definition: highgui.hpp:217
cv::text::OCRHolisticWordRecognizer::create
static Ptr< OCRHolisticWordRecognizer > create(const std::string &archFilename, const std::string &weightsFilename, const std::string &wordsFilename)
Creates an instance of the OCRHolisticWordRecognizer class.
cv::cudev::GpuMat_::depth
__host__ int depth() const
cv::mcc::CChecker::setChartsRGB
virtual void setChartsRGB(Mat _chartsRGB)=0
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::Feature
Feature(int offset, int x, int y, int _block_w, int _block_h)
cv::DetectionBasedTracker::calcTrackedObjectPositionToShow
cv::Rect calcTrackedObjectPositionToShow(int i) const
cv::quality::QualitySSIM::_mat_data::mu
mat_type mu
Definition: qualityssim.hpp:62
cv::GComputation::recompile
void recompile(GMetaArgs &&in_metas, GCompileArgs &&args)
cv::ppf_match_3d::PPF3DDetector::PPF3DDetector
PPF3DDetector(const double relativeSamplingStep, const double relativeDistanceStep=0.05, const double numAngles=30)
cv::Allocator::Allocator
Allocator(Allocator const &)
Definition: cvstd.hpp:124
cv::cudev::NormL2::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:131
cv::GKernelType< K, std::function< R(Args...)> >::InArgs
std::tuple< Args... > InArgs
Definition: gkernel.hpp:243
cv::createTonemapDrago
Ptr< TonemapDrago > createTonemapDrago(float gamma=1.0f, float saturation=1.0f, float bias=0.85f)
Creates TonemapDrago object.
cv::FileStorage::operator<<
FileStorage & operator<<(FileStorage &fs, const String &str)
Writes string to a file storage.
cv::cuda::HOG::setGroupThreshold
virtual void setGroupThreshold(int group_threshold)=0
cv::detail::tracking::TrackerStateEstimator::className
String className
Definition: tracking.private.hpp:265
cv::GOCLContext::m_results
std::unordered_map< std::size_t, GRunArgP > m_results
Definition: goclkernel.hpp:81
cv::FileNode::isEmptyCollection
static bool isEmptyCollection(int flags)
cv::hal::Cholesky32f
bool Cholesky32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::detail::tracking::contrib_feature::CvHOGEvaluator::operator()
virtual float operator()(int varIdx, int sampleIdx) CV_OVERRIDE
Definition: feature.hpp:336
cv::Rect_::Rect_
Rect_(_Tp _x, _Tp _y, _Tp _width, _Tp _height)
cv::ocl::Kernel::ptr
void * ptr() const
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple
Regroup multiple strategies for the selective search segmentation algorithm.
Definition: segmentation.hpp:135
glob.hpp
cv::GInfer
Definition: infer.hpp:252
hal_ni_min16s
int hal_ni_min16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:114
INCVMemAllocator::memType
virtual NCVMemoryType memType(void) const =0
cv::CAP_PROP_BUFFERSIZE
@ CAP_PROP_BUFFERSIZE
Definition: videoio.hpp:173
cv::FONT_HERSHEY_SCRIPT_COMPLEX
@ FONT_HERSHEY_SCRIPT_COMPLEX
more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX
Definition: imgproc.hpp:825
cv::GRunArg::Meta
std::unordered_map< std::string, util::any > Meta
Definition: garg.hpp:124
cv::Scalar_::Scalar_
Scalar_()
default constructor
cv::dnn::SigmoidLayer::create
static Ptr< SigmoidLayer > create(const LayerParams &params)
cv::rgbd::rescaleDepth
void rescaleDepth(InputArray in, int depth, OutputArray out, double depth_factor=1000.0)
cv::optflow::calcOpticalFlowDenseRLOF
void calcOpticalFlowDenseRLOF(InputArray I0, InputArray I1, InputOutputArray flow, Ptr< RLOFOpticalFlowParameter > rlofParam=Ptr< RLOFOpticalFlowParameter >(), float forwardBackwardThreshold=0, Size gridStep=Size(6, 6), InterpolationType interp_type=InterpolationType::INTERP_EPIC, int epicK=128, float epicSigma=0.05f, float epicLambda=100.f, int ricSPSize=15, int ricSLICType=100, bool use_post_proc=true, float fgsLambda=500.0f, float fgsSigma=1.5f, bool use_variational_refinement=false)
Fast dense optical flow computation based on robust local optical flow (RLOF) algorithms and sparse-t...
cv::Size_::Size_
Size_(Size_ &&sz) CV_NOEXCEPT
cv::quality::QualitySSIM::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualityssim.hpp:33
cv::cudev::ConstantPtrSz::cols
int cols
Definition: constant.hpp:69
cv::ml::ANN_MLP
Artificial Neural Networks - Multi-Layer Perceptrons.
Definition: ml.hpp:1432
cv::GComputationT< R(Args...)>::apply
void apply(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg, GCompileArgs &&args)
Definition: gtyped.hpp:136
cv::ocl::Context::getProg
Program getProg(const ProgramSource &prog, const String &buildopt, String &errmsg)
cv::datasets::TR_svtObj::fileName
std::string fileName
Definition: tr_svt.hpp:68
cv::dnn::SegmentationModel::SegmentationModel
SegmentationModel(const String &model, const String &config="")
Create segmentation model from network represented in one of the supported formats....
cv::aruco::DICT_ARUCO_ORIGINAL
@ DICT_ARUCO_ORIGINAL
Definition: dictionary.hpp:158
cv::gapi::own::Mat::Mat
Mat(int _rows, int _cols, int _type, void *_data, size_t _step=AUTO_STEP)
Definition: mat.hpp:107
cv::Mat_::type
int type() const
cv::v_store
void v_store(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory.
Definition: intrin_cpp.hpp:1739
cv::CALIB_SAME_FOCAL_LENGTH
@ CALIB_SAME_FOCAL_LENGTH
Definition: calib3d.hpp:516
cv::hal::StoreMode
StoreMode
Definition: intrin.hpp:94
CV_OUT
#define CV_OUT
Definition: cvdef.h:449
cv::Mat_::Mat_
Mat_(const MatCommaInitializer_< _Tp > &commaInitializer)
cv::GInferListBase::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &, const GArgs &)
Definition: infer.hpp:229
cv::TonemapReinhard
This is a global tonemapping operator that models human visual system.
Definition: photo.hpp:398
cv::V_TypeTraits< float >::int_type
int int_type
Definition: intrin.hpp:166
cv::text::PSM_SINGLE_COLUMN
@ PSM_SINGLE_COLUMN
Definition: ocr.hpp:73
cv::utils::logging::internal::getGlobalLogTag
cv::utils::logging::LogTag * getGlobalLogTag()
cv::viz::Widget::Widget
Widget()
cv::rgbd::Odometry::getCameraMatrix
virtual cv::Mat getCameraMatrix() const =0
cv::SparsePyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::cuda::StereoBeliefPropagation::estimateRecommendedParams
static void estimateRecommendedParams(int width, int height, int &ndisp, int &iters, int &levels)
Uses a heuristic method to compute the recommended parameters ( ndisp, iters and levels ) for the spe...
cv::applyColorMap
void applyColorMap(InputArray src, OutputArray dst, int colormap)
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
cv::dnn::Layer::run
void run(const std::vector< Mat > &inputs, std::vector< Mat > &outputs, std::vector< Mat > &internals)
Allocates layer and computes output.
cv::Mat::addref
void addref()
Increments the reference counter.
OPENCV_HAL_IMPL_C_REINTERPRET
#define OPENCV_HAL_IMPL_C_REINTERPRET(_Tpvec, _Tp, suffix)
Helper macro.
Definition: intrin_cpp.hpp:2387
cv::GArray
Definition: garray.hpp:338
cv::viz::WCloud
Clouds.
Definition: widgets.hpp:681
cv::gapi::wip::draw::Poly::color
cv::Scalar color
The line color.
Definition: render_types.hpp:321
cv::MatExpr::mul
MatExpr mul(const Mat &m, double scale=1) const
cv::bgsegm::BackgroundSubtractorGMG::setDecisionThreshold
virtual void setDecisionThreshold(double thresh)=0
Sets the value of decision threshold.
cv::superres::DualTVL1OpticalFlow::setLambda
virtual void setLambda(double val)=0
cv::EVENT_FLAG_MBUTTON
@ EVENT_FLAG_MBUTTON
indicates that the middle mouse button is down.
Definition: highgui.hpp:228
cv::L1
Definition: features2d.hpp:928
cv::CAP_PROP_XI_LENS_FOCAL_LENGTH
@ CAP_PROP_XI_LENS_FOCAL_LENGTH
Lens focal distance in mm.
Definition: videoio.hpp:442
cv::utils::optional_lock_guard::optional_lock_guard
optional_lock_guard(Mutex *m)
Definition: lock.private.hpp:80
cv::gapi::own::detail::MatHeader::MatHeader
MatHeader(MatHeader &&src)
Definition: mat.hpp:59
cv::datasets::PascalObj
Definition: or_pascal.hpp:69
cv::cudev::DefaultTransformPolicy::block_size_y
@ block_size_y
Definition: transform.hpp:417
cv::TrackerKCF::Params::compressed_size
int compressed_size
feature size after compression
Definition: tracking.hpp:132
cv::detail::tracking::feature::CvFeatureEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel, int idx)
cv::ConjGradSolver
This class is used to perform the non-linear non-constrained minimization of a function with known gr...
Definition: optim.hpp:237
cv::cuda::FastFeatureDetector
Wrapping class for feature detection using the FAST method.
Definition: cudafeatures2d.hpp:427
cv::CAP_PROP_XI_SHUTTER_TYPE
@ CAP_PROP_XI_SHUTTER_TYPE
Change sensor shutter type(CMOS sensor).
Definition: videoio.hpp:380
cv::FastFeatureDetector::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::Quat::operator/=
Quat< _Tp > & operator/=(const Quat< _Tp > &)
Division assignment operator of two quaternions p and q; It divides left operand with the right opera...
cv::videostab::StabilizerBase::curPos_
int curPos_
Definition: stabilizer.hpp:127
cv::linemod::Template::width
int width
Definition: linemod.hpp:43
cv::detail::PairwiseSeamFinder
Base class for all pairwise seam estimators.
Definition: seam_finders.hpp:85
cv::COLOR_BGR2Lab
@ COLOR_BGR2Lab
convert RGB/BGR to CIE Lab, color conversions
Definition: imgproc.hpp:592
cv::gapi::s11n::detail::wrap_serialize::serialize
static void serialize(IOStream &os, const GCompileArg &arg)
Definition: gcommon.hpp:230
cv::v_setall_s32
v_int32x4 v_setall_s32(int val)
Definition: intrin_cpp.hpp:2378
cv::_OutputArray::_OutputArray
_OutputArray(_Tp *vec, int n)
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::write
void write(FileStorage) const
Definition: feature.hpp:233
cv::gapi::imgproc::GFindContoursOutput
std::tuple< GArray< GArray< Point > >, GArray< Vec4i > > GFindContoursOutput
Definition: imgproc.hpp:53
cv::rgbd::RgbdFrame::release
virtual void release()
cv::GEMM_2_T
@ GEMM_2_T
transposes src2
Definition: base.hpp:221
cv::vconcat
void vconcat(const Mat *src, size_t nsrc, OutputArray dst)
Applies vertical concatenation to given matrices.
cv::ximgproc::EdgeBoxes::setMaxBoxes
virtual void setMaxBoxes(int value)=0
Sets max number of boxes to detect.
cv::hfs::HfsSegment::getMinRegionSizeI
virtual int getMinRegionSizeI()=0
cv::cuda::copyMakeBorder
void copyMakeBorder(InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, Scalar value=Scalar(), Stream &stream=Stream::Null())
Forms a border around an image.
cv::FileStorage::write
void write(const String &name, const std::vector< String > &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::videostab::WobbleSuppressorBase::suppress
virtual void suppress(int idx, const Mat &frame, Mat &result)=0
cv::utils::logging::getLogLevel
LogLevel getLogLevel()
cv::Mat_::ones
static MatExpr ones(int rows, int cols)
cv::cuda::DeviceInfo::pciDomainID
int pciDomainID() const
PCI domain ID of the device.
cv::stereo::StereoBinaryBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::mcc::DetectorParameters::minImageSize
int minImageSize
Definition: checker_detector.hpp:122
cv::optflow::GPCTrainingSamples
Class encapsulating training samples.
Definition: sparse_matching_gpc.hpp:99
cv::stereo::PropagationParameters::corrWinSizeX
int corrWinSizeX
Definition: quasi_dense_stereo.hpp:40
cv::optflow::GPCPatchDescriptor::dot
double dot(const Vec< double, nFeatures > &coef) const
cv::RMat::View::steps
const stepsT & steps() const
Definition: rmat.hpp:91
cv::GOCLContext::outOpaqueR
T & outOpaqueR(int output)
Definition: goclkernel.hpp:71
cv::cudacodec::EncoderParams::RCType
int RCType
NVVE_RC_TYPE,.
Definition: cudacodec.hpp:90
textDetector.hpp
cv::calcHist
void calcHist(const Mat *images, int nimages, const int *channels, InputArray mask, OutputArray hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false)
Calculates a histogram of a set of arrays.
cv::COLOR_YUV2GRAY_IYUV
@ COLOR_YUV2GRAY_IYUV
Definition: imgproc.hpp:672
cv::ShapeContextDistanceExtractor::setRotationInvariant
virtual void setRotationInvariant(bool rotationInvariant)=0
cv::superres::DenseOpticalFlowExt::collectGarbage
virtual void collectGarbage()=0
cv::Quat::sqrt
friend Quat< T > sqrt(const Quat< T > &q, QuatAssumeType assumeUnit)
return .
cv::detail::ChannelsCompensator::getSimilarityThreshold
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:158
hal_ni_sub32s
int hal_ni_sub32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:88
cv::gapi::own::detail::MatHeader::step
size_t step
Definition: mat.hpp:82
cv::gapi::threshold
GMat threshold(const GMat &src, const GScalar &thresh, const GScalar &maxval, int type)
Applies a fixed-level threshold to each matrix element.
cv::hal::not8u
void not8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::videostab::PyrLkOptFlowEstimatorBase::PyrLkOptFlowEstimatorBase
PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:82
cv::cudev::sum_
__host__ Expr< SumExprBody< SrcPtr > > sum_(const SrcPtr &src)
Definition: reduction.hpp:77
cv::SOLVEPNP_DLS
@ SOLVEPNP_DLS
Definition: calib3d.hpp:460
cv::ml::RTrees
The class implements the random forest predictor.
Definition: ml.hpp:1248
cv::Subdiv2D::getEdgeList
void getEdgeList(std::vector< Vec4f > &edgeList) const
Returns a list of all edges.
cv::rgbd::RgbdPlane::operator()
void operator()(InputArray points3d, InputArray normals, OutputArray mask, OutputArray plane_coefficients)
vizcore.hpp
cv::datasets::PascalObj::difficult
bool difficult
Definition: or_pascal.hpp:72
cv::BOWImgDescriptorExtractor::descriptorSize
int descriptorSize() const
Returns an image descriptor size if the vocabulary is set. Otherwise, it returns 0.
cv::HOGDescriptor::copyTo
virtual void copyTo(HOGDescriptor &c) const
clones the HOGDescriptor
cv::CAP_OPENNI_DEPTH_GENERATOR_PRESENT
@ CAP_OPENNI_DEPTH_GENERATOR_PRESENT
Definition: videoio.hpp:256
cv::cuda::rshift
void rshift(InputArray src, Scalar_< int > val, OutputArray dst, Stream &stream=Stream::Null())
Performs pixel by pixel right shift of an image by a constant value.
cv::videostab::WeightingDeblurer::sensitivity
float sensitivity() const
Definition: deblurring.hpp:102
cv::TrackerCSRT::setInitialMask
virtual void setInitialMask(InputArray mask)=0
cv::ogl::Arrays::setAutoRelease
void setAutoRelease(bool flag)
Sets auto release mode all inner buffers.
cv::MatConstIterator::seek
void seek(const int *_idx, bool relative=false)
cv::viz::Widget::fromPlyFile
static Widget fromPlyFile(const String &file_name)
Creates a widget from ply file.
cv::cuda::FastFeatureDetector::create
static Ptr< cuda::FastFeatureDetector > create(int threshold=10, bool nonmaxSuppression=true, int type=cv::FastFeatureDetector::TYPE_9_16, int max_npoints=5000)
cv::cuda::mulSpectrums
void mulSpectrums(InputArray src1, InputArray src2, OutputArray dst, int flags, bool conjB=false, Stream &stream=Stream::Null())
Performs a per-element multiplication of two Fourier spectrums.
cv::v_reg::get0
_Tp get0() const
Access first value.
Definition: intrin_cpp.hpp:341
cv::detail::MatchesInfo::H
Mat H
Estimated transformation.
Definition: matchers.hpp:110
cv::CAP_PROP_XI_TRG_SELECTOR
@ CAP_PROP_XI_TRG_SELECTOR
Selects the type of trigger.
Definition: videoio.hpp:431
cv::optflow::PCAPrior::getBasisSize
int getBasisSize() const
Definition: pcaflow.hpp:87
cv::detail::fluid_get_in< cv::GMat >::get
static const cv::gapi::fluid::View & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:172
cv::gapi::fluid::Buffer::addView
void addView(const View *v)
cv::ocl::buildOptionsAddMatrixDescription
void buildOptionsAddMatrixDescription(String &buildOptions, const String &name, InputArray _m)
hist_cost.hpp
cv::rgbd::RgbdPlane::setThreshold
void setThreshold(double val)
Definition: depth.hpp:417
hal_ni_add16s
int hal_ni_add16s(const short *src1_data, size_t src1_step, const short *src2_data, size_t src2_step, short *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:79
cv::StereoBM::getPreFilterSize
virtual int getPreFilterSize() const =0
cv::datasets::imageType
imageType
Definition: slam_tumindoor.hpp:61
cv::ocl::useOpenCL
bool useOpenCL()
cv::multicalib::MultiCameraCalibration::vertex::pose
Mat pose
Definition: multicalib.hpp:100
cv::ppf_match_3d::Pose3D::pose
Matx44d pose
Definition: pose_3d.hpp:127
cv::AVIReadContainer::AVIReadContainer
AVIReadContainer()
cv::viz::Viz3d::setBackgroundTexture
void setBackgroundTexture(InputArray image=noArray())
cv::cudev::vcmpeq2
__device__ __forceinline__ uint vcmpeq2(uint a, uint b)
Definition: simd_functions.hpp:261
cv::_InputArray::init
void init(int _flags, const void *_obj, Size _sz)
Cv64suf::f
double f
Definition: cvdef.h:387
cv::Error::StsBadMask
@ StsBadMask
bad format of mask (neither 8uC1 nor 8sC1)
Definition: base.hpp:108
cv::KeyPointsFilter::runByPixelsMask
static void runByPixelsMask(std::vector< KeyPoint > &keypoints, const Mat &mask)
HaarStage64::setStartClassifierRootNodeOffset
__host__ NCVStatus setStartClassifierRootNodeOffset(Ncv32u val)
Definition: NCVHaarObjectDetection.hpp:282
cv::dnn::ReshapeLayer::newShapeRange
Range newShapeRange
Definition: all_layers.hpp:299
cv::VIDEOWRITER_PROP_IS_COLOR
@ VIDEOWRITER_PROP_IS_COLOR
Definition: videoio.hpp:197
cv::reg::Mapper::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const =0
cv::cudev::BinaryNegate::operator()
__device__ __forceinline__ Predicate::result_type operator()(typename TypeTraits< typename Predicate::first_argument_type >::parameter_type x, typename TypeTraits< typename Predicate::second_argument_type >::parameter_type y) const
Definition: functional.hpp:814
cv::face::PredictCollector
Abstract base class for all strategies of prediction result handling.
Definition: predict_collector.hpp:62
cv::COLOR_BayerRG2BGR_VNG
@ COLOR_BayerRG2BGR_VNG
Definition: imgproc.hpp:761
cv::videostab::estimateOptimalTrimRatio
float estimateOptimalTrimRatio(const Mat &M, Size size)
cv::detail::tracking::TrackerSamplerAlgorithm::sampling
virtual bool sampling(const Mat &image, const Rect &boundingBox, std::vector< Mat > &sample)=0
Computes the regions starting from a position in an image.
cv::ccm::COLOR_SPACE_REC_709_RGB
@ COLOR_SPACE_REC_709_RGB
https://en.wikipedia.org/wiki/Rec._709 , RGB color space
Definition: ccm.hpp:106
cv::cuda::interpolateFrames
void interpolateFrames(const GpuMat &frame0, const GpuMat &frame1, const GpuMat &fu, const GpuMat &fv, const GpuMat &bu, const GpuMat &bv, float pos, GpuMat &newFrame, GpuMat &buf, Stream &stream=Stream::Null())
Interpolates frames (images) using provided optical flow (displacement field).
cv::UMatData::deviceCopyObsolete
bool deviceCopyObsolete() const
cv::DescriptorMatcher::MatcherType
MatcherType
Definition: features2d.hpp:955
cv::ocl::Platform
Definition: ocl.hpp:299
cv::cudev::BinaryNegate
Definition: functional.hpp:811
cv::ppf_match_3d::samplePCUniform
Mat samplePCUniform(Mat PC, int sampleStep)
cv::hal::mul8u
void mul8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *scale)
cv::cudev::CubicInterPtrSz::rows
int rows
Definition: interpolation.hpp:215
cv::flann::GenericIndex::size
int size() const
Definition: flann.hpp:324
cv::datasets::GR_chalearnObj::numFrames
int numFrames
Definition: gr_chalearn.hpp:78
cv::TrackerCSRT::Params::number_of_scales
int number_of_scales
Definition: tracking.hpp:68
cv::ocl::Kernel::run
bool run(int dims, size_t globalsize[], size_t localsize[], bool sync, const Queue &q=Queue())
Run the OpenCL kernel.
cv::CALIB_FIX_TANGENT_DIST
@ CALIB_FIX_TANGENT_DIST
Definition: calib3d.hpp:513
cv::structured_light::SinusoidalPattern::Params
Parameters of SinusoidalPattern constructor.
Definition: sinusoidalpattern.hpp:83
cv::Subdiv2D::QuadEdge::QuadEdge
QuadEdge()
cv::FileStorage::p
Ptr< Impl > p
Definition: persistence.hpp:465
cv::xphoto::dctDenoising
void dctDenoising(const Mat &src, Mat &dst, const double sigma, const int psize=16)
The function implements simple dct-based denoising.
cv::rgbd::RgbdNormals::getRows
int getRows() const
Definition: depth.hpp:124
cv::ximgproc::SuperpixelSEEDS
Class implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm...
Definition: seeds.hpp:67
cv::groupRectangles_meanshift
void groupRectangles_meanshift(std::vector< Rect > &rectList, std::vector< double > &foundWeights, std::vector< double > &foundScales, double detectThreshold=0.0, Size winDetSize=Size(64, 128))
cv::phase_unwrapping::HistogramPhaseUnwrapping::getInverseReliabilityMap
virtual void getInverseReliabilityMap(OutputArray reliabilityMap)=0
Get the reliability map computed from the wrapped phase map.
cv::dnn::KeypointsModel::KeypointsModel
KeypointsModel(const Net &network)
Create model from deep learning network.
cv::cudev::singleMaskChannels
__host__ SingleMaskChannelsSz< typename PtrTraits< MaskPtr >::ptr_type > singleMaskChannels(const MaskPtr &mask, int channels)
Definition: mask.hpp:90
cv::optflow::GPCMatchingParams::useOpenCL
bool useOpenCL
Whether to use OpenCL to speed up the matching.
Definition: sparse_matching_gpc.hpp:145
cv::gapi::own::Mat::copyTo
void copyTo(Mat &dst) const
Copies the matrix to another one.
Definition: mat.hpp:279
cv::stereoRectify
void stereoRectify(InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, Size imageSize, InputArray R, InputArray T, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags=CALIB_ZERO_DISPARITY, double alpha=-1, Size newImageSize=Size(), Rect *validPixROI1=0, Rect *validPixROI2=0)
Computes rectification transforms for each head of a calibrated stereo camera.
cv::FileNode::read
static void read(const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value)
Definition: persistence.hpp:742
photo.hpp
cv::util::operator!=
bool operator!=(const variant< Us... > &lhs, const variant< Us... > &rhs)
Definition: variant.hpp:426
cv::dnn::TextDetectionModel_DB::getMaxCandidates
int getMaxCandidates() const
cv::ccm::COLOR_SPACE
COLOR_SPACE
Definition: ccm.hpp:93
cv::gapi::equalizeHist
GMat equalizeHist(const GMat &src)
cv::kinfu::Intr::Projector::cy
float cy
Definition: intrinsics.hpp:59
cv::gapi::core::GMat3
std::tuple< GMat, GMat, GMat > GMat3
Definition: core.hpp:34
cv::detail::CylindricalWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
Definition: warpers.hpp:353
cv::cuda::GpuMat::GpuMat
GpuMat(const GpuMat &m, Range rowRange, Range colRange)
creates a GpuMat header for a part of the bigger matrix
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::ganglionCellsSensitivity
float ganglionCellsSensitivity
Definition: retina.hpp:162
cv::v_uint16x8::get0
ushort get0() const
Definition: intrin_rvv.hpp:317
cv::cudacodec::EncoderCallBack::PicType
PicType
Definition: cudacodec.hpp:134
cv::gapi::onnx::detail::ParamDesc::stdev
std::vector< cv::Scalar > stdev
Definition: onnx.hpp:55
cv::CAP_OPENNI_ASUS
@ CAP_OPENNI_ASUS
OpenNI (for Asus Xtion)
Definition: videoio.hpp:104
edge_filter.hpp
cv::connectedComponentsWithStats
int connectedComponentsWithStats(InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity, int ltype, int ccltype)
computes the connected components labeled image of boolean image and also produces a statistics outpu...
cv::viz::makeTransformToGlobal
Affine3d makeTransformToGlobal(const Vec3d &axis_x, const Vec3d &axis_y, const Vec3d &axis_z, const Vec3d &origin=Vec3d::all(0))
Takes coordinate frame data and builds transform to global coordinate frame.
cv::cudev::TexturePtr::value_type
T value_type
Definition: texture.hpp:187
cv::GMatDesc::GMatDesc
GMatDesc()
Definition: gmat.hpp:94
cv::dnn::TextRecognitionModel::setDecodeType
TextRecognitionModel & setDecodeType(const std::string &decodeType)
Set the decoding method of translating the network output into string.
cv::ximgproc::AdaptiveManifoldFilter::getPCAIterations
virtual int getPCAIterations() const =0
cv::VideoCapture::getBackendName
String getBackendName() const
Returns used backend API name.
cv::CAP_PROP_BACKLIGHT
@ CAP_PROP_BACKLIGHT
Definition: videoio.hpp:167
cv::GComputation::apply
void apply(cv::Mat in1, cv::Mat in2, cv::Mat &out, GCompileArgs &&args={})
Execute a binary computation (with compilation on the fly)
cv::CALIB_FIX_K1
@ CALIB_FIX_K1
Definition: calib3d.hpp:501
UINT32
uint32_t UINT32
Definition: descriptor.hpp:64
cv::CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
@ CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH
bitdepth of data returned by function xiGetImage.
Definition: videoio.hpp:397
cv::ppf_match_3d::Pose3D::angle
double angle
Definition: pose_3d.hpp:128
cv::Point3_::value_type
_Tp value_type
Definition: types.hpp:242
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::setSampleROI
void setSampleROI(const Rect &ROI)
Set the sampling ROI.
cv::instr::IMPL_PLAIN
@ IMPL_PLAIN
Definition: instrumentation.hpp:55
block_mean_hash.hpp
qualitypsnr.hpp
cv::line_descriptor::BinaryDescriptorMatcher::knnMatch
void knnMatch(const Mat &queryDescriptors, const Mat &trainDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const Mat &mask=Mat(), bool compactResult=false) const
For every input query descriptor, retrieve the best k matching ones from a dataset provided from user...
cv::KAZE::DIFF_PM_G2
@ DIFF_PM_G2
Definition: features2d.hpp:766
cv::ml::LogisticRegression::setLearningRate
virtual void setLearningRate(double val)=0
cv::dnn::BatchNormLayer::epsilon
float epsilon
Definition: all_layers.hpp:527
cv::Matx::inv
Matx< _Tp, n, m > inv(int method=DECOMP_LU, bool *p_is_ok=NULL) const
invert the matrix
cv::detail::tracking::online_boosting::Detector::getConfidences
const std::vector< float > & getConfidences() const
Definition: onlineBoosting.hpp:234
cv::rgbd::RgbdICPOdometry::setMaxRotation
void setMaxRotation(double val)
Definition: depth.hpp:993
cv::CAP_PROP_FPS
@ CAP_PROP_FPS
Frame rate.
Definition: videoio.hpp:139
cv::ccm::COLOR_SPACE_XYZ_D75_10
@ COLOR_SPACE_XYZ_D75_10
non-RGB color space
Definition: ccm.hpp:119
cv::linemod::Detector::readClasses
void readClasses(const std::vector< String > &class_ids, const String &format="templates_%s.yml.gz")
cv::BRISK::create
static Ptr< BRISK > create(int thresh=30, int octaves=3, float patternScale=1.0f)
The BRISK constructor.
cv::SparseMat::SparseMat
SparseMat(int dims, const int *_sizes, int _type)
cv::text::TextDetectorCNN
TextDetectorCNN class provides the functionallity of text bounding box detection. This class is repre...
Definition: textDetector.hpp:42
cv::cudev::NullType
Definition: type_traits.hpp:60
cv::gapi::fluid::View::View
View(std::unique_ptr< Priv > &&p)
cv::datasets::TRACK_alov::activeDatasetID
int activeDatasetID
Definition: track_alov.hpp:98
cv::cudev::ResizePtr
Definition: resize.hpp:61
HaarStage64::getStageThreshold
__host__ __device__ Ncv32f getStageThreshold(void)
Definition: NCVHaarObjectDetection.hpp:302
cv::large_kinfu::LargeKinfu::getParams
virtual const Params & getParams() const =0
cv::detail::BlocksChannelsCompensator::BlocksChannelsCompensator
BlocksChannelsCompensator(int bl_width=32, int bl_height=32, int nr_feeds=1)
Definition: exposure_compensate.hpp:234
cv::detail::get_window_helper
Definition: gfluidkernel.hpp:293
cv::large_kinfu::LargeKinfu::getNormals
virtual void getNormals(InputArray points, OutputArray normals) const =0
cv::NORMCONV_FILTER
@ NORMCONV_FILTER
Normalized Convolution Filtering.
Definition: photo.hpp:800
cv::detail::GCompoundContext::inArg
const T & inArg(int input)
Definition: gcompoundkernel.hpp:34
cv::ocl::Device
Definition: ocl.hpp:71
cv::cudev::NormHamming::NormHamming
__device__ __forceinline__ NormHamming()
Definition: vec_distance.hpp:162
cv::cudev::IntegerAreaInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:236
cv::StereoBM::getROI2
virtual Rect getROI2() const =0
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy::get
virtual float get(int r1, int r2)=0
Return the score between two regions (between 0 and 1)
cv::rgbd::RgbdNormals::setCols
void setCols(int val)
Definition: depth.hpp:136
cv::COLOR_YUV2GRAY_NV21
@ COLOR_YUV2GRAY_NV21
Definition: imgproc.hpp:669
persistence.hpp
cv::bioinspired::Retina::write
virtual void write(FileStorage &fs) const CV_OVERRIDE=0
cv::TLSDataAccumulator::TLSDataAccumulator
TLSDataAccumulator()
Definition: tls.hpp:93
cv::legacy::TrackerMedianFlow::create
static Ptr< legacy::TrackerMedianFlow > create(const TrackerMedianFlow::Params &parameters)
Constructor.
tracking_internals.hpp
cv::CAP_PROP_XI_BINNING_SELECTOR
@ CAP_PROP_XI_BINNING_SELECTOR
Binning engine selector.
Definition: videoio.hpp:369
cv::dnn::Net::getLayerShapes
void getLayerShapes(const std::vector< MatShape > &netInputShapes, const int layerId, std::vector< MatShape > &inLayerShapes, std::vector< MatShape > &outLayerShapes) const
cv::datasets::IR_robot
Definition: ir_robot.hpp:77
cv::GTransform::description
std::string description
Definition: gtransform.hpp:30
cv::Matx::cols
@ cols
Definition: matx.hpp:104
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1 > &t)
Definition: zip.hpp:67
cv::Complex::im
_Tp im
Definition: types.hpp:87
cv::viz::WCone::WCone
WCone(double radius, const Point3d &center, const Point3d &tip, int resolution=6.0, const Color &color=Color::white())
Constructs repositioned planar cone.
cv::rawOut
static _OutputArray rawOut(_Tp &v)
cv::v_matmuladd
v_float32x4 v_matmuladd(const v_float32x4 &v, const v_float32x4 &m0, const v_float32x4 &m1, const v_float32x4 &m2, const v_float32x4 &m3)
Matrix multiplication and add.
Definition: intrin_cpp.hpp:2729
cv::operator>
v_reg< _Tp, n > operator>(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Greater-than comparison.
Definition: intrin_cpp.hpp:755
cv::CAP_PROP_XI_CC_MATRIX_01
@ CAP_PROP_XI_CC_MATRIX_01
Color Correction Matrix element [0][1].
Definition: videoio.hpp:415
cv::GOCLContext::outVecRef
detail::VectorRef & outVecRef(int output)
cv::detail::PairwiseSeamFinder::findInPair
virtual void findInPair(size_t first, size_t second, Rect roi)=0
Resolves masks intersection of two specified images in the given ROI.
cv::CAP_PROP_XI_LENS_FEATURE_SELECTOR
@ CAP_PROP_XI_LENS_FEATURE_SELECTOR
Selects the current feature which is accessible by XI_PRM_LENS_FEATURE.
Definition: videoio.hpp:443
cv::gapi::wip::draw::Image
This structure represents an image to draw.
Definition: render_types.hpp:270
CPU_AVX512_KNM
@ CPU_AVX512_KNM
Knights Mill with AVX-512F/CD/ER/PF/4FMAPS/4VNNIW/VPOPCNTDQ.
Definition: cvdef.h:334
cv::cuda::DeviceInfo::isCompatible
bool isCompatible() const
Checks the CUDA module and device compatibility.
cv::gapi::fitLine2D
GOpaque< Vec4f > fitLine2D(const GMat &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.)
Fits a line to a 2D point set.
cv::IMWRITE_PNG_COMPRESSION
@ IMWRITE_PNG_COMPRESSION
For PNG, it can be the compression level from 0 to 9. A higher value means a smaller size and longer ...
Definition: imgcodecs.hpp:93
cv::viz::Camera::KinectCamera
static Camera KinectCamera(const Size &window_size)
Creates a Kinect Camera with.
cv::sort
void sort(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
cv::Error::HeaderIsNull
@ HeaderIsNull
image header is NULL
Definition: base.hpp:78
inpainting.hpp
cv::ml::ParamGrid::logStep
double logStep
Logarithmic step for iterating the statmodel parameter.
Definition: ml.hpp:125
cv::gapi::findContoursH
std::tuple< GArray< GArray< Point > >, GArray< Vec4i > > findContoursH(const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset)
Finds contours and their hierarchy in a binary image.
mace.hpp
cv::viz::MouseEvent::MouseEvent
MouseEvent(const Type &type, const MouseButton &button, const Point &pointer, int modifiers)
Constructs a MouseEvent.
cv::ShapeDistanceExtractor::computeDistance
virtual float computeDistance(InputArray contour1, InputArray contour2)=0
Compute the shape distance between two shapes defined by its contours.
cv::cudev::IsBinaryFunction
Definition: functional.hpp:888
cv::cuda::WARP_SHUFFLE_FUNCTIONS
@ WARP_SHUFFLE_FUNCTIONS
Definition: cuda.hpp:789
cv::Error::BadNumChannels
@ BadNumChannels
bad number of channels, for example, some functions accept only single channel matrices.
Definition: base.hpp:84
cv::CAP_CMU1394
@ CAP_CMU1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:98
cv::linemod::Template
Definition: linemod.hpp:42
cv::cuda::BackgroundSubtractorGMG::getUpdateBackgroundModel
virtual bool getUpdateBackgroundModel() const =0
cv::stylization
void stylization(InputArray src, OutputArray dst, float sigma_s=60, float sigma_r=0.45f)
Stylization aims to produce digital imagery with a wide variety of effects not focused on photorealis...
cv::BackgroundSubtractorMOG2::setVarMin
virtual void setVarMin(double varMin)=0
cv::GMatDesc
Definition: gmat.hpp:77
cv::ml::SampleTypes
SampleTypes
Sample types.
Definition: ml.hpp:97
cv::cudev::bit_and
Definition: functional.hpp:226
cv::_OutputArray::_OutputArray
_OutputArray(UMat &m)
cv::SVD::vt
Mat vt
Definition: core.hpp:2764
cv::plot::Plot2d::setPlotAxisColor
virtual void setPlotAxisColor(Scalar _plotAxisColor)=0
hal_ni_cmp8s
int hal_ni_cmp8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:210
NCVMatrix::_width
Ncv32u _width
Definition: NCV.hpp:833
cv::gapi::dilate3x3
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.
cv::GComputationT< R(Args...)>::GCompiledT::GCompiledT
GCompiledT()
Definition: gtyped.hpp:103
cv::hal::sub16s
void sub16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::MatxCommaInitializer::dst
Matx< _Tp, m, n > * dst
Definition: matx.hpp:297
cv::v_load_low
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_load_low(const _Tp *ptr)
Load 64-bits of data to lower part (high part is undefined).
Definition: intrin_cpp.hpp:1496
cv::KMEANS_RANDOM_CENTERS
@ KMEANS_RANDOM_CENTERS
Definition: core.hpp:212
cv::DetectionBasedTracker::IDetector::scaleFactor
float scaleFactor
Definition: detection_based_tracker.hpp:118
cv::MatOp::matmul
virtual void matmul(const MatExpr &expr1, const MatExpr &expr2, MatExpr &res) const
cv::datasets::index
@ index
Definition: gr_skig.hpp:77
cv::CAP_PROP_XI_FFS_FILE_ID
@ CAP_PROP_XI_FFS_FILE_ID
File number.
Definition: videoio.hpp:486
cv::detail::GainCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
cv::v_reduce_max
_Tp v_reduce_max(const v_reg< _Tp, n > &a)
Find one max value.
Definition: intrin_cpp.hpp:683
cv::bioinspired::TransientAreasSegmentationModule::getSegmentationPicture
virtual void getSegmentationPicture(OutputArray transientAreas)=0
access function return the last segmentation result: a boolean picture which is resampled between 0 a...
cv::detail::tracking::TrackerContribSamplerCSC::TrackerContribSamplerCSC
TrackerContribSamplerCSC(const TrackerContribSamplerCSC::Params &parameters=TrackerContribSamplerCSC::Params())
Constructor.
cv::cuda::SparsePyrLKOpticalFlow::create
static Ptr< cuda::SparsePyrLKOpticalFlow > create(Size winSize=Size(21, 21), int maxLevel=3, int iters=30, bool useInitialFlow=false)
cv::HOGDescriptor::groupRectangles
void groupRectangles(std::vector< cv::Rect > &rectList, std::vector< double > &weights, int groupThreshold, double eps) const
Groups the object candidate rectangles.
cv::detail::get_in< cv::GMat >::get
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:160
cv::rawIn
static _InputArray rawIn(_Tp &v)
ncvStartTimer
NcvTimer ncvStartTimer(void)
cv::cuda::CornersDetector
Base class for Corners Detector. :
Definition: cudaimgproc.hpp:563
cv::gapi::wip::draw::Rect::Rect
Rect(const cv::Rect &rect_, const cv::Scalar &color_, int thick_=1, int lt_=8, int shift_=0)
Rect constructor.
Definition: render_types.hpp:136
cv::viz::Mesh::tcoords
Mat tcoords
CV_32FC2 or CV_64FC2 with only 1 row.
Definition: types.hpp:138
cv::KalmanFilter::statePost
Mat statePost
corrected state (x(k)): x(k)=x'(k)+K(k)*(z(k)-H*x'(k))
Definition: tracking.hpp:394
cv::line_descriptor::BinaryDescriptor::detectImpl
virtual void detectImpl(const Mat &imageSrc, std::vector< KeyLine > &keylines, const Mat &mask=Mat()) const
cv::detail::tracking::TrackerSamplerCSC::Params::Params
Params()
OpenCV_API_Header
Definition: llapi.h:37
cv::ovis::WindowScene::getCameraPose
virtual void getCameraPose(OutputArray R=noArray(), OutputArray tvec=noArray(), bool invert=false)=0
cv::detail::OCVStCallHelper
Definition: gcpukernel.hpp:421
cv::detail::OCVCallHelper
Definition: gcpukernel.hpp:357
cv::rgbd::RgbdNormals::operator()
void operator()(InputArray points, OutputArray normals) const
NCVVector::memType
NCVMemoryType memType() const
Definition: NCV.hpp:615
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const Mat_< _Tp > &m)
cv::cuda::fastNlMeansDenoising
void fastNlMeansDenoising(InputArray src, OutputArray dst, float h, int search_window=21, int block_size=7, Stream &stream=Stream::Null())
Perform image denoising using Non-local Means Denoising algorithm http://www.ipol....
alignUp
Ncv32u alignUp(Ncv32u what, Ncv32u alignment)
cv::ml::SVM::P
@ P
Definition: ml.hpp:672
cv::detail::OptRef::Holder::mov
virtual void mov(RefHolder &h) override
Definition: gstreaming.hpp:45
cv::BRISK::getOctaves
virtual int getOctaves() const
Definition: features2d.hpp:394
cv::UsacParams::sampler
SamplingMethod sampler
Definition: calib3d.hpp:563
cv::detail::tracking::online_boosting::BaseClassifier::generateRandomClassifier
void generateRandomClassifier()
nppiStDecimate_64u_C1R_host
NCVStatus nppiStDecimate_64u_C1R_host(Ncv64u *h_src, Ncv32u srcStep, Ncv64u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::ml::TrainData::getTestSampleWeights
virtual Mat getTestSampleWeights() const =0
cv::gapi::fluid::View
Definition: gfluidbuffer.hpp:41
cv::cuda::BroxOpticalFlow::setFlowSmoothness
virtual void setFlowSmoothness(double alpha)=0
HaarClassifierNodeDescriptor32::getLeafValueHost
__host__ Ncv32f getLeafValueHost(void)
Definition: NCVHaarObjectDetection.hpp:194
cv::linemod::QuantizedPyramid::Candidate::operator<
bool operator<(const Candidate &rhs) const
Sort candidates with high score to the front.
Definition: linemod.hpp:90
cv::Mat::dataend
const uchar * dataend
Definition: mat.hpp:2098
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< _Tp > &vec)
cv::ximgproc::RICInterpolator::setSuperpixelSize
virtual void setSuperpixelSize(int spSize=15)=0
Get the internal cost, i.e. edge map, used for estimating the edge-aware term.
cv::ovis::WindowScene
Definition: ovis.hpp:83
cv::dnn_objdetect::InferBbox::final_probability_dist
void final_probability_dist(std::vector< std::vector< double > > *final_probs)
Computes final probability values of each bounding box.
cv::AKAZE::getThreshold
virtual double getThreshold() const =0
cv::directx::ocl::initializeContextFromD3D10Device
Context & initializeContextFromD3D10Device(ID3D10Device *pD3D10Device)
Creates OpenCL context from D3D10 device.
cv::rgbd::RgbdNormals::getDepth
int getDepth() const
Definition: depth.hpp:148
cv::cudev::VecTraits< char2 >::make
__host__ __device__ static __forceinline__ char2 make(const schar *v)
Definition: vec_traits.hpp:164
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Matx33d &K, double scale=1.0, const Color &color=Color::white())
Display the viewing frustum.
cv::gapi::streaming::seqNo
cv::GOpaque< int64_t > seqNo(G g)
Definition: meta.hpp:70
cv::gapi::ie::detail::ParamDesc::ConstInput
std::pair< cv::Mat, TraitAs > ConstInput
Definition: ie.hpp:58
cv::GeneralizedHoughGuil::setMinAngle
virtual void setMinAngle(double minAngle)=0
Minimal rotation angle to detect in degrees.
CV_BIG_UINT
#define CV_BIG_UINT(n)
Definition: interface.h:64
cv::CC_STAT_LEFT
@ CC_STAT_LEFT
Definition: imgproc.hpp:393
cv::cudev::plus
Definition: functional.hpp:78
cv::bgsegm::BackgroundSubtractorGMG::setNumFrames
virtual void setNumFrames(int nframes)=0
Sets the number of frames used to initialize background model.
cv::Stitcher::stitch
Status stitch(InputArrayOfArrays images, InputArrayOfArrays masks, OutputArray pano)
These functions try to stitch the given images.
cv::rgbd::RgbdNormals::rows_
int rows_
Definition: depth.hpp:177
cv::BackgroundSubtractorMOG2::setVarThreshold
virtual void setVarThreshold(double varThreshold)=0
Sets the variance threshold for the pixel-model match.
cv::Quat::asinh
friend Quat< T > asinh(const Quat< T > &q)
return arcsinh value of quaternion q, arcsinh could be calculated as:
cv::RMat::View
Definition: rmat.hpp:54
cv::KeyPoint::overlap
static float overlap(const KeyPoint &kp1, const KeyPoint &kp2)
cv::_InputArray::_InputArray
_InputArray(const std::vector< std::vector< _Tp > > &vec)
cv::dnn::DictValue
This struct stores the scalar value (or array) of one of the following type: double,...
Definition: dict.hpp:61
cv::HOUGH_GRADIENT
@ HOUGH_GRADIENT
basically 21HT, described in
Definition: imgproc.hpp:479
cv::ximgproc::rl::isRLMorphologyPossible
bool isRLMorphologyPossible(InputArray rlStructuringElement)
Check whether a custom made structuring element can be used with run length morphological operations....
cv::Mat::colRange
Mat colRange(int startcol, int endcol) const
Creates a matrix header for the specified column span.
cv::viz::WGrid
This 3D Widget defines a grid. :
Definition: widgets.hpp:526
cv::quality::QualitySSIM::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualityssim.hpp:30
hal_ni_cmp8u
int hal_ni_cmp8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:209
cv::util::copy_through_move_t::get
T & get()
Definition: copy_through_move.hpp:21
cv::Subdiv2D::Vertex::isvirtual
bool isvirtual() const
cv::videostab::WobbleSuppressorBase::motions2_
const std::vector< Mat > * motions2_
Definition: wobble_suppression.hpp:91
cv::ShapeTransformer::warpImage
virtual void warpImage(InputArray transformingImage, OutputArray output, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) const =0
Apply a transformation, given a pre-estimated transformation parameters, to an Image.
cv::videostab::StabilizerBase::doCorrectionForInclusion_
bool doCorrectionForInclusion_
Definition: stabilizer.hpp:122
cv::face::FacemarkAAM::Model::Texture::textureIdx
std::vector< std::vector< Point > > textureIdx
index for warping of each delaunay triangle region constructed by 3 facemarks
Definition: facemarkAAM.hpp:128
cv::operator^
v_reg< _Tp, n > operator^(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise XOR.
cv::StereoSGBM::getP2
virtual int getP2() const =0
cv::_OutputArray::createSameSize
void createSameSize(const _InputArray &arr, int mtype) const
cv::cuda::setBufferPoolUsage
void setBufferPoolUsage(bool on)
BufferPool management (must be called before Stream creation)
cv::rgbd::RgbdNormals::initialize_normals_impl
void initialize_normals_impl(int rows, int cols, int depth, const Mat &K, int window_size, int method) const
NCVMemNativeAllocator
Definition: NCV.hpp:521
cv::detail::BasicVectorRef
Definition: garray.hpp:122
cv::datasets::FR_adienceObj::dx
int dx
Definition: fr_adience.hpp:76
cv::detail::Timelapser
Definition: timelapsers.hpp:58
cv::MediaFrame::View::View
View(Ptrs &&ptrs, Strides &&strs, Callback &&cb=[](){})
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::value_type
tuple< typename PtrTraits< Ptr0 >::value_type, typename PtrTraits< Ptr1 >::value_type > value_type
Definition: zip.hpp:63
cv::AgastFeatureDetector_Impl::getNonmaxSuppression
bool getNonmaxSuppression() const
Definition: agast.txt:7527
cv::v_invsqrt
v_reg< _Tp, n > v_invsqrt(const v_reg< _Tp, n > &a)
Inversed square root.
Definition: intrin_cpp.hpp:895
cv::CAP_PVAPI_DECIMATION_2OUTOF4
@ CAP_PVAPI_DECIMATION_2OUTOF4
2 out of 4 decimation
Definition: videoio.hpp:320
cv::img_hash::blockMeanHash
void blockMeanHash(cv::InputArray inputArr, cv::OutputArray outputArr, int mode=BLOCK_MEAN_HASH_MODE_0)
Computes block mean hash of the input image.
cv::COLOR_YUV420sp2RGBA
@ COLOR_YUV420sp2RGBA
Definition: imgproc.hpp:647
cv::StereoSGBM::MODE_HH4
@ MODE_HH4
Definition: calib3d.hpp:3490
cv::gapi::onnx::TraitAs::TENSOR
@ TENSOR
G-API traits an associated cv::Mat as a raw tensor.
cv::superres::createOptFlow_Farneback_CUDA
Ptr< FarnebackOpticalFlow > createOptFlow_Farneback_CUDA()
CV_32S
#define CV_32S
Definition: interface.h:77
cv::face::BIF::getNumBands
virtual int getNumBands() const =0
cv::DownhillSolver
This class is used to perform the non-linear non-constrained minimization of a function,...
Definition: optim.hpp:156
cv::ft::filter
void filter(InputArray image, InputArray kernel, OutputArray output)
Image filtering.
cv::Mat
n-dimensional dense array class
Definition: mat.hpp:798
cv::kinfu::VolumeParams::maxWeight
int maxWeight
Max number of frames to integrate per voxel Represents the max number of frames over which a running ...
Definition: volume.hpp:87
cv::detail::tracking::feature::CvHaarFeatureParams::isIntegral
bool isIntegral
Definition: tracking_feature.private.hpp:96
cv::detail::RotationWarper::warpBackward
virtual void warpBackward(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, Size dst_size, OutputArray dst)=0
Projects the image backward.
cv::Laplacian
void Laplacian(InputArray src, OutputArray dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Calculates the Laplacian of an image.
cv::detail::MercatorWarper
Definition: warpers.hpp:481
cv::CALIB_FIX_K4
@ CALIB_FIX_K4
Definition: calib3d.hpp:504
cv::videostab::NullFrameSource::nextFrame
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:69
cv::LineIterator::plusDelta
int plusDelta
Definition: imgproc.hpp:4816
cv::ppf_match_3d::hashtableWrite
int hashtableWrite(const hashtable_int *hashtbl, const size_t dataSize, FILE *f)
cv::detail::tracking::TrackerContribFeatureHAAR::Params
Definition: tracking_internals.hpp:854
cv::cuda::countNonZero
int countNonZero(InputArray src)
Counts non-zero matrix elements.
cv::GScalarDesc::operator==
bool operator==(const GScalarDesc &) const
Definition: gscalar.hpp:56
cv::Point2d
Point_< double > Point2d
Definition: types.hpp:193
_mm_interleave_epi8
void _mm_interleave_epi8(__m128i &v_r0, __m128i &v_r1, __m128i &v_g0, __m128i &v_g1)
Definition: sse_utils.hpp:172
cv::KMEANS_USE_INITIAL_LABELS
@ KMEANS_USE_INITIAL_LABELS
Definition: core.hpp:219
gtype_traits.hpp
cv::SCORE_METHOD_LMEDS
@ SCORE_METHOD_LMEDS
Definition: calib3d.hpp:549
cv::kinfu::Intr::Intr
Intr(float _fx, float _fy, float _cx, float _cy)
Definition: intrinsics.hpp:62
cv::BackgroundSubtractorKNN::getkNNSamples
virtual int getkNNSamples() const =0
Returns the number of neighbours, the k in the kNN.
cv::stereo::StereoMatcher::DISP_SCALE
@ DISP_SCALE
Definition: stereo.hpp:79
cv::face::FacemarkLBF::BBox::~BBox
~BBox()
hal_ni_cmp16u
int hal_ni_cmp16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:211
cv::cudev::derivX_
__host__ Expr< DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > > derivX_(const SrcPtr &src)
Definition: deriv.hpp:63
cv::detail::Estimator::estimate
virtual bool estimate(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< CameraParams > &cameras)=0
This method must implement camera parameters estimation logic in order to make the wrapper detail::Es...
cv::DIST_MASK_PRECISE
@ DIST_MASK_PRECISE
Definition: imgproc.hpp:314
cv::detail::tracking::tbm::MatchTemplateDistance::MatchTemplateDistance
MatchTemplateDistance(int type=cv::TemplateMatchModes::TM_CCORR_NORMED, float scale=-1, float offset=1)
Constructs the distance object.
Definition: tracking_by_matching.hpp:235
cv::large_kinfu::Params::defaultParams
static Ptr< Params > defaultParams()
Default parameters A set of parameters which provides better model quality, can be very slow.
cv::datasets::TRACK_alovObj::id
int id
Definition: track_alov.hpp:63
cv::superres::SuperResolution
Base class for Super Resolution algorithms.
Definition: superres.hpp:88
cv::hdf::HDF5::hlexists
virtual bool hlexists(const String &label) const =0
Check if label exists or not.
cv::gapi::fluid::Buffer::linesReady
int linesReady() const
cv::datasets::OR_pascal::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::dnn::Net::getLayersCount
int getLayersCount(const String &layerType) const
Returns count of layers of specified type.
cv::Quat::norm
_Tp norm() const
return the norm of quaternion.
cv::stereo::QuasiDenseStereo::~QuasiDenseStereo
virtual ~QuasiDenseStereo()=0
destructor Method to free all the memory allocated by matrices and vectors in this class.
cv::ovis::WindowScene::getEntityProperty
virtual void getEntityProperty(const String &name, int prop, OutputArray value)=0
cv::ml::DTrees::getCVFolds
virtual int getCVFolds() const =0
cv::stereo::PropagationParameters::gftMaxNumFeatures
int gftMaxNumFeatures
Definition: quasi_dense_stereo.hpp:62
cv::detail::GOpaqueU::setKind
void setKind(cv::detail::OpaqueKind)
cv::text::OCRHMMDecoder::run
virtual void run(Mat &image, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=0) CV_OVERRIDE
Recognize text using HMM.
cv::text::createERFilterNM1
Ptr< ERFilter > createERFilterNM1(const Ptr< ERFilter::Callback > &cb, int thresholdDelta=1, float minArea=(float) 0.00025, float maxArea=(float) 0.13, float minProbability=(float) 0.4, bool nonMaxSuppression=true, float minProbabilityDiff=(float) 0.1)
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm .
cv::cudev::DefaultTransformPolicy::shift
@ shift
Definition: transform.hpp:418
cv::CALIB_FIX_K6
@ CALIB_FIX_K6
Definition: calib3d.hpp:506
cv::GeneralizedHoughGuil::setAngleEpsilon
virtual void setAngleEpsilon(double angleEpsilon)=0
Maximal difference between angles that treated as equal.
CV_CUDEV_XYZ2RGB_INST
#define CV_CUDEV_XYZ2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:191
cv::ml::KNearest::Types
Types
Implementations of KNearest algorithm.
Definition: ml.hpp:498
cv::ogl::Buffer::create
void create(Size asize, int atype, Target target=ARRAY_BUFFER, bool autoRelease=false)
cv::cudev::Avg::work_type
T work_type
Definition: reduce_to_vec.hpp:87
NCV_MEM_RESIDENCE_ERROR
@ NCV_MEM_RESIDENCE_ERROR
Definition: NCV.hpp:340
cv::cuda::createBoxFilter
Ptr< Filter > createBoxFilter(int srcType, int dstType, Size ksize, Point anchor=Point(-1, -1), int borderMode=BORDER_DEFAULT, Scalar borderVal=Scalar::all(0))
Creates a normalized 2D box filter.
cv::Quat::operator*=
Quat< _Tp > & operator*=(const Quat< _Tp > &)
Multiplication assignment operator of two quaternions q and p. It multiplies right operand with the l...
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, InputArray colors, InputArray normals)
Constructs a WCloud.
texture.hpp
cv::cuda::pyrUp
void pyrUp(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Upsamples an image and then smoothes it.
cv::detail::BlocksCompensator::feed
void feed(const std::vector< Point > &corners, const std::vector< UMat > &images, const std::vector< std::pair< UMat, uchar > > &masks)
cv::textureFlattening
void textureFlattening(InputArray src, InputArray mask, OutputArray dst, float low_threshold=30, float high_threshold=45, int kernel_size=3)
By retaining only the gradients at edge locations, before integrating with the Poisson solver,...
cv::HOGDescriptor::load
virtual bool load(const String &filename, const String &objname=String())
loads HOGDescriptor parameters and coefficients for the linear SVM classifier from a file.
cv::HausdorffDistanceExtractor::getRankProportion
virtual float getRankProportion() const =0
cv::kinfu::KinFu
KinectFusion implementation.
Definition: kinfu.hpp:185
cv::detail::tracking::TrackerTargetState::setTargetWidth
void setTargetWidth(int width)
Set the width of the target.
cv::Stitcher::warper
Ptr< WarperCreator > warper()
Definition: stitching.hpp:234
cv::gapi::onnx::Params::constInput
Params< Net > & constInput(const std::string &layer_name, const cv::Mat &data, TraitAs hint=TraitAs::TENSOR)
Definition: onnx.hpp:104
cv::gapi::mul
GMat mul(const GMat &src1, const GMat &src2, double scale=1.0, int ddepth=-1)
Calculates the per-element scaled product of two matrices.
cv::videostab::MotionStabilizationPipeline
Definition: motion_stabilizing.hpp:71
cv::SparsePyrLKOpticalFlow::getMinEigThreshold
virtual double getMinEigThreshold() const =0
cv::computeECC
double computeECC(InputArray templateImage, InputArray inputImage, InputArray inputMask=noArray())
Computes the Enhanced Correlation Coefficient value between two images .
cv::GCPUContext::outVecRef
detail::VectorRef & outVecRef(int output)
cv::cudev::RemapPtr2::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: remap.hpp:77
cv::GArg::value
util::any value
Definition: garg.hpp:91
cv::cbrt
softfloat cbrt(const softfloat &a)
Cube root.
cv::detail::tracking::TrackerSampler::sampling
void sampling(const Mat &image, Rect boundingBox)
Computes the regions starting from a position in an image.
cv::CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
@ CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO
Definition: videoio.hpp:218
cv::detail::CameraParams::ppy
double ppy
Definition: camera.hpp:68
hal_ni_exp64f
int hal_ni_exp64f(const double *src, double *dst, int len)
Definition: hal_replacement.hpp:474
cv::Moments
struct returned by cv::moments
Definition: types.hpp:927
cv::dnn::CropAndResizeLayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::FileNode::read
static void read(const FileNode &node, Rect_< _Tp > &value, const Rect_< _Tp > &default_value)
Definition: persistence.hpp:761
cv::vuint8mf2_t
Definition: intrin_rvv.hpp:24
cv::gapi::detail::checkVector
int checkVector(const GMatDesc &in, const size_t n)
cv::DistanceTransformLabelTypes
DistanceTransformLabelTypes
distanceTransform algorithm flags
Definition: imgproc.hpp:367
cv::optflow::DualTVL1OpticalFlow::create
static Ptr< DualTVL1OpticalFlow > create(double tau=0.25, double lambda=0.15, double theta=0.3, int nscales=5, int warps=5, double epsilon=0.01, int innnerIterations=30, int outerIterations=10, double scaleStep=0.8, double gamma=0.0, int medianFiltering=5, bool useInitialFlow=false)
Creates instance of cv::DualTVL1OpticalFlow.
cv::GOCLContext
Definition: goclkernel.hpp:55
cv::EVENT_FLAG_LBUTTON
@ EVENT_FLAG_LBUTTON
indicates that the left mouse button is down.
Definition: highgui.hpp:226
cv::viz::REPRESENTATION_WIREFRAME
@ REPRESENTATION_WIREFRAME
Definition: widgets.hpp:77
cv::cuda::createGaussianFilter
Ptr< Filter > createGaussianFilter(int srcType, int dstType, Size ksize, double sigma1, double sigma2=0, int rowBorderMode=BORDER_DEFAULT, int columnBorderMode=-1)
Creates a Gaussian filter.
cv::detail::TypeHint
Definition: garray.hpp:65
cv::MatConstIterator::elemSize
size_t elemSize
Definition: mat.hpp:3063
cv::cudev::numeric_limits< ushort >::min
__device__ static __forceinline__ ushort min()
Definition: limits.hpp:90
cv::legacy::TrackerBoosting::Params::iterationInit
int iterationInit
the initial iterations
Definition: tracking_legacy.hpp:157
cv::ccalib::CustomPattern::getPatternPoints
void getPatternPoints(std::vector< KeyPoint > &original_points)
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::scanAttr
virtual bool scanAttr(const std::string prm, const std::string val) CV_OVERRIDE
cv::kinfu::VolumeParams::voxelSize
float voxelSize
Length of voxels in meters.
Definition: volume.hpp:76
cv::detail::CompressedRectilinearPortraitProjector
Definition: warpers.hpp:410
cv::ml::ANN_MLP::getAnnealItePerStep
virtual int getAnnealItePerStep() const =0
cv::gapi::streaming::detail::GMeta
Definition: meta.hpp:27
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< Mat_< _Tp > > &vec)
intrin_forward.hpp
cv::cudev::GpuMat_::channels
__host__ int channels() const
cv::AffineFeature
Class for implementing the wrapper which makes detectors and extractors to be affine invariant,...
Definition: features2d.hpp:252
cv::ocl::Image2D::Image2D
Image2D()
cv::FileStorage::write
void write(FileStorage &fs, const String &name, const SparseMat &value)
cv::MatxCommaInitializer::operator,
MatxCommaInitializer< _Tp, m, n > & operator,(T2 val)
cvhalKeyPoint::response
float response
Definition: interface.h:25
cv::detail::tracking::contrib_feature::CvHOGEvaluator::features
std::vector< Feature > features
Definition: feature.hpp:330
cv::SL2::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:899
cv::Error::BadImageSize
@ BadImageSize
image size is invalid
Definition: base.hpp:79
cv::gapi::own::detail::MatHeader::AUTO_STEP
@ AUTO_STEP
Definition: mat.hpp:45
cv::GArg::GArg
GArg(T &&t)
Definition: garg.hpp:60
cv::ocl::Device::imageFromBufferSupport
bool imageFromBufferSupport() const
cv::ocl::Platform::getImpl
Impl * getImpl() const
Definition: ocl.hpp:312
cv::sfm::BaseSFM::getError
virtual double getError() const =0
cv::mcc::CChecker::setChartsYCbCr
virtual void setChartsYCbCr(Mat _chartsYCbCr)=0
cv::cuda::SHARED_ATOMICS
@ SHARED_ATOMICS
Definition: cuda.hpp:787
CPU_SSSE3
@ CPU_SSSE3
Definition: cvdef.h:296
cv::Hamming
Definition: base.hpp:383
cv_vrnd_u32_f32
uint32x2_t cv_vrnd_u32_f32(float32x2_t v)
Definition: neon_utils.hpp:70
cv::ximgproc::FHT_MAX
@ FHT_MAX
Definition: fast_hough_transform.hpp:92
cv::cuda::FGDParams::N2cc
int N2cc
Used to allow the first N1cc vectors to adapt over time to changing background.
Definition: cudalegacy.hpp:163
bioinspired.hpp
cv::_OutputArray::_OutputArray
_OutputArray(const Matx< _Tp, m, n > &matx)
cv::AKAZE::getDescriptorSize
virtual int getDescriptorSize() const =0
cv::detail::tracking::online_boosting::BaseClassifier
Definition: onlineBoosting.hpp:113
cv::normL2Sqr
static _AccTp normL2Sqr(const _Tp *a, int n)
Definition: base.hpp:404
cv::CAP_PROP_XI_BUFFER_POLICY
@ CAP_PROP_XI_BUFFER_POLICY
Data move policy.
Definition: videoio.hpp:458
cv::DetectionBasedTracker::IDetector::maxObjSize
cv::Size maxObjSize
Definition: detection_based_tracker.hpp:116
cv::ocl::Kernel::Kernel
Kernel()
cv::HoughLinesP
void HoughLinesP(InputArray image, OutputArray lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0)
Finds line segments in a binary image using the probabilistic Hough transform.
cv::KAZE::setNOctaves
virtual void setNOctaves(int octaves)=0
cv::viz::WCloud::WCloud
WCloud(InputArray cloud, InputArray colors)
Constructs a WCloud.
cv::optflow::RLOFOpticalFlowParameter::smallWinSize
int smallWinSize
Definition: rlofflow.hpp:104
cv::mcc::CChecker::setCost
virtual void setCost(float _cost)=0
HaarStage64
Definition: NCVHaarObjectDetection.hpp:269
cv::videostab::getMotion
Mat getMotion(int from, int to, const std::vector< Mat > &motions)
Computes motion between two frames assuming that all the intermediate motions are known.
cv::createAffineTransformer
Ptr< AffineTransformer > createAffineTransformer(bool fullAffine)
cv::detail::VectorRef::rref
const std::vector< T > & rref() const
Definition: garray.hpp:281
cv::img_hash::marrHildrethHash
void marrHildrethHash(cv::InputArray inputArr, cv::OutputArray outputArr, float alpha=2.0f, float scale=1.0f)
Computes average hash value of the input image.
cv::cuda::FarnebackOpticalFlow::setNumLevels
virtual void setNumLevels(int numLevels)=0
NCV_CUDA_ERROR
@ NCV_CUDA_ERROR
Definition: NCV.hpp:319
cv::BOWImgDescriptorExtractor::BOWImgDescriptorExtractor
BOWImgDescriptorExtractor(const Ptr< DescriptorMatcher > &dmatcher)
cv::detail::tracking::online_boosting::BaseClassifier::m_wWrong
std::vector< float > m_wWrong
Definition: onlineBoosting.hpp:149
cv::sfm::SFM_REFINE_RADIAL_DISTORTION_K2
@ SFM_REFINE_RADIAL_DISTORTION_K2
Definition: simple_pipeline.hpp:127
cv::cuda::HoughSegmentDetector::getMaxLineGap
virtual int getMaxLineGap() const =0
cv::FileStorage::write
void write(const String &name, const String &val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::videostab::InpaintingPipeline
Definition: inpainting.hpp:109
cv::viz::WCylinder::WCylinder
WCylinder(const Point3d &axis_point1, const Point3d &axis_point2, double radius, int numsides=30, const Color &color=Color::white())
Constructs a WCylinder.
cv::cudev::saturate_cast_func::operator()
__device__ __forceinline__ D operator()(typename TypeTraits< T >::parameter_type v) const
Definition: functional.hpp:665
cv::optflow::RLOFOpticalFlowParameter::getGlobalMotionRansacThreshold
float getGlobalMotionRansacThreshold() const
cv::KalmanFilter::temp2
Mat temp2
Definition: tracking.hpp:406
CV_CUDEV_UNARY_FUNCTION_INST
#define CV_CUDEV_UNARY_FUNCTION_INST(name, func)
Definition: functional.hpp:456
cv::superres::BroxOpticalFlow::getAlpha
virtual double getAlpha() const =0
Flow smoothness.
cv::aruco::DetectorParameters::detectInvertedMarker
bool detectInvertedMarker
Definition: aruco.hpp:190
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Complex< _Tp > &c)
Definition: persistence.hpp:1016
cv::linemod::Modality::create
static Ptr< Modality > create(const String &modality_type)
Create modality by name.
cv::COLORMAP_SUMMER
@ COLORMAP_SUMMER
Definition: imgproc.hpp:4273
cv::instr::NodeData::m_ticksTotal
volatile uint64 m_ticksTotal
Definition: instrumentation.hpp:87
cv::hal::max8s
void max8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::cuda::HoughSegmentDetector::setMaxLines
virtual void setMaxLines(int maxLines)=0
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const _Tp *vec, int n)
cv::cudev::GpuMat_::value_type
T value_type
Definition: gpumat.hpp:63
cv::TrackerCSRT::Params::num_hog_channels_used
int num_hog_channels_used
Definition: tracking.hpp:63
cv::cudev::PtrTraits< Expr< Body > >::ptr_type
PtrTraits< Body >::ptr_type ptr_type
Definition: expr.hpp:73
cv::cuda::BroxOpticalFlow::create
static Ptr< BroxOpticalFlow > create(double alpha=0.197, double gamma=50.0, double scale_factor=0.8, int inner_iterations=5, int outer_iterations=150, int solver_iterations=10)
cv::Stitcher::setWaveCorrection
void setWaveCorrection(bool flag)
Definition: stitching.hpp:199
cv::Error::OpenCLApiCallError
@ OpenCLApiCallError
OpenCL API call error.
Definition: base.hpp:120
conditioning.hpp
cv::CAP_PROP_XI_OUTPUT_DATA_PACKING
@ CAP_PROP_XI_OUTPUT_DATA_PACKING
Device output data packing (or grouping) enabled. Packing could be enabled if output_data_bit_depth >...
Definition: videoio.hpp:398
cv::ocl::OpenCLExecutionContext::useOpenCL
bool useOpenCL() const
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const UMat &m)
cv::cudev::NormL1< float >::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:104
cv::CMP_LE
@ CMP_LE
src1 is less than or equal to src2.
Definition: base.hpp:215
cv::stereo::QuasiDenseStereo
Class containing the methods needed for Quasi Dense Stereo computation.
Definition: quasi_dense_stereo.hpp:94
segmentation.hpp
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::alpha
double alpha
Default is 1e-3.
Definition: kalman_filters.hpp:143
cv::cudev::threshTrunc_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshTruncFunc< typename PtrTraits< SrcPtr >::value_type > > > threshTrunc_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh)
Definition: per_element_func.hpp:96
cv::ximgproc::EdgeBoxes::getEta
virtual float getEta() const =0
Returns adaptation rate for nms threshold.
cv::ximgproc::createDisparityWLSFilterGeneric
Ptr< DisparityWLSFilter > createDisparityWLSFilterGeneric(bool use_confidence)
More generic factory method, create instance of DisparityWLSFilter and execute basic initialization r...
cv::Subdiv2D::getEdge
int getEdge(int edge, int nextEdgeType) const
Returns one of the edges related to the given edge.
cv::detail::BasicVectorRef::ptr
virtual const void * ptr() const =0
cv::stereo::CV_SIMETRICV_INTERPOLATION
@ CV_SIMETRICV_INTERPOLATION
Definition: stereo.hpp:118
cv::cudacodec::EncoderParams::NaluFramingType
int NaluFramingType
NVVE_CONFIGURE_NALU_FRAMING_TYPE.
Definition: cudacodec.hpp:104
cv::VideoCapture::icap
Ptr< IVideoCapture > icap
Definition: videoio.hpp:843
cv::plot::Plot2d::setNeedPlotLine
virtual void setNeedPlotLine(bool _needPlotLine)=0
Switches data visualization mode.
cv::v_extract
v_reg< _Tp, n > v_extract(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Vector extract.
Definition: intrin_cpp.hpp:1920
cv::MinProblemSolver::getFunction
virtual Ptr< Function > getFunction() const =0
Getter for the optimized function.
cv::Vec::mul
Vec mul(const Vec< _Tp, cn > &v) const
per-element multiplication
cv::bioinspired::RetinaParameters::IplMagnoParameters::V0CompressionParameter
float V0CompressionParameter
Definition: retina.hpp:176
cv::SparseMat::Hdr::valueOffset
int valueOffset
Definition: mat.hpp:2677
cv::VideoWriter::set
virtual bool set(int propId, double value)
Sets a property in the VideoWriter.
cv::Mat::getStdAllocator
static MatAllocator * getStdAllocator()
and the standard allocator
cv::COLORMAP_SPRING
@ COLORMAP_SPRING
Definition: imgproc.hpp:4274
cv::cudev::UnaryTransformPtr
Definition: transform.hpp:62
cv::HOGDescriptor::HOGDescriptor
HOGDescriptor(const HOGDescriptor &d)
Definition: objdetect.hpp:427
cv::Mat::type
int type() const
Returns the type of a matrix element.
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Allocator *allocator=defaultAllocator())
default constructor
cv::dynafu::DynaFu::create
static Ptr< DynaFu > create(const Ptr< kinfu::Params > &_params)
cv::UMatData::currAllocator
const MatAllocator * currAllocator
Definition: mat.hpp:555
cv::ShapeContextDistanceExtractor::getStdDev
virtual float getStdDev() const =0
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::shrinkPtr
static __host__ Ptr2DSz shrinkPtr(const Ptr2DSz &ptr)
Definition: traits.hpp:64
hal_ni_recip16s
int hal_ni_recip16s(const short *src_data, size_t src_step, short *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:278
cv::Algorithm
This is a base class for all more or less complex algorithms in OpenCV.
Definition: core.hpp:3088
cv::empty_array_desc
static GArrayDesc empty_array_desc()
Definition: garray.hpp:45
cv::ximgproc::createContourFitting
Ptr< ContourFitting > createContourFitting(int ctr=1024, int fd=16)
create ContourFitting algorithm object
cv::VariationalRefinement::create
static Ptr< VariationalRefinement > create()
Creates an instance of VariationalRefinement.
cv::ThresholdTypes
ThresholdTypes
Definition: imgproc.hpp:319
GAPI_EXPORTS_W_SIMPLE
#define GAPI_EXPORTS_W_SIMPLE
Definition: exports.hpp:21
cudalegacy.hpp
cv::SparseMatIterator::value
_Tp & value() const
returns read-write reference to the current sparse matrix element
cv::UMatData::tempCopiedUMat
bool tempCopiedUMat() const
cv::datasets::TR_icdar::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::cudev::CommonAreaInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:296
color_match.hpp
cv::GArray::GArray
GArray(std::vector< HT > &&v)
Definition: garray.hpp:346
cv::v_uint16x8::v_uint16x8
v_uint16x8(ushort v0, ushort v1, ushort v2, ushort v3, ushort v4, ushort v5, ushort v6, ushort v7)
Definition: intrin_rvv.hpp:304
cv::v_int16x8::v_int16x8
v_int16x8()
Definition: intrin_rvv.hpp:330
cv::GScalar::GScalar
GScalar(const cv::Scalar &s)
cv::detail::VectorRef::size
std::size_t size() const
Definition: garray.hpp:305
cv::SVD::u
Mat u
Definition: core.hpp:2764
cv::CommandLineParser::getByName
void getByName(const String &name, bool space_delete, Param type, void *dst) const
cv::videostab::FromFileMotionReader::FromFileMotionReader
FromFileMotionReader(const String &path)
cv::optflow::GPCTree::Node::left
unsigned left
Definition: sparse_matching_gpc.hpp:161
cv::cudev::WithOutMask
Definition: mask.hpp:58
cv::MinProblemSolver::setTermCriteria
virtual void setTermCriteria(const TermCriteria &termcrit)=0
Set terminal criteria for solver.
cv::ml::ANN_MLP::setRpropDWPlus
virtual void setRpropDWPlus(double val)=0
cv::SpecialFilter
SpecialFilter
Definition: imgproc.hpp:207
cv::ximgproc::AdaptiveManifoldFilter::getAdjustOutliers
virtual bool getAdjustOutliers() const =0
cv::Vec< double, 3 >::all
static Vec all(double alpha)
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyColor
Color-based strategy for the selective search segmentation algorithm The class is implemented from th...
Definition: segmentation.hpp:100
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::getFeatureSize
int getFeatureSize() const
Definition: feature.hpp:180
cv::stereo::StereoBinaryBM::setPreFilterSize
virtual void setPreFilterSize(int preFilterSize)=0
cv::cudacodec::EncoderParams::QP_Level_InterP
int QP_Level_InterP
NVVE_QP_LEVEL_INTER_P,.
Definition: cudacodec.hpp:94
cv::bioinspired::RetinaParameters::IplMagnoParameters
Inner Plexiform Layer Magnocellular channel (IplMagno)
Definition: retina.hpp:165
cv::gapi::fluid::Buffer::OutLine
T * OutLine(int index=0)
Definition: gfluidbuffer.hpp:123
cv::detail::VoronoiSeamFinder
Voronoi diagram-based seam estimator.
Definition: seam_finders.hpp:109
cv::cudev::BrdBase::idx_col
__device__ __forceinline__ int idx_col(int x) const
Definition: extrapolation.hpp:107
cv::hal::max32f
void max32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::ml::DTrees::Split
The class represents split in a decision tree.
Definition: ml.hpp:1176
NCVMatrix::_memtype
NCVMemoryType _memtype
Definition: NCV.hpp:836
cv::detail::Yield< cv::GMatP >::yield
static cv::GMatP yield(cv::GCall &call, int i)
Definition: gkernel.hpp:79
CV_16S
#define CV_16S
Definition: interface.h:76
cv::CAP_PROP_XI_WB_KB
@ CAP_PROP_XI_WB_KB
White balance blue coefficient.
Definition: videoio.hpp:389
cv::cudacodec::AV1
@ AV1
Definition: cudacodec.hpp:258
cv::mulAdd
softfloat mulAdd(const softfloat &a, const softfloat &b, const softfloat &c)
Fused Multiplication and Addition.
cv::MatOp::augAssignOr
virtual void augAssignOr(const MatExpr &expr, Mat &m) const
NCVMatrix::pitch
Ncv32u pitch() const
Definition: NCV.hpp:827
cv::cuda::FGDParams::alpha3
float alpha3
Alternate to alpha2, used (e.g.) for quicker initial convergence. Typical value 0....
Definition: cudalegacy.hpp:172
cv::detail::PlaneWarper::warpPointBackward
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R) CV_OVERRIDE
Projects the image point backward.
cv::ccalib::CustomPattern::getDescriptorMatcher
Ptr< DescriptorMatcher > getDescriptorMatcher()
cv::instr::IMPL_OPENCL
@ IMPL_OPENCL
Definition: instrumentation.hpp:57
cv::Matx14d
Matx< double, 1, 4 > Matx14d
Definition: matx.hpp:226
cv::SVD::w
Mat w
Definition: core.hpp:2764
cv::videostab::StabilizerBase::doDeblurring_
bool doDeblurring_
Definition: stabilizer.hpp:129
cv::cuda::bitwise_or
void bitwise_or(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise disjunction of two matrices (or of matrix and scalar).
cv::detail::BundleAdjusterBase::term_criteria_
TermCriteria term_criteria_
Definition: motion_estimators.hpp:209
cv::face::FacemarkKazemi::Params::num_test_splits
unsigned long num_test_splits
num_test_splits stores number of random test splits generated.
Definition: face_alignment.hpp:35
cv::TrackerMIL::TrackerMIL
TrackerMIL()
cv::detail::GainCompensator::setNrFeeds
void setNrFeeds(int nr_feeds)
Definition: exposure_compensate.hpp:126
cv::rgbd::ICPOdometry::getMaxTranslation
double getMaxTranslation() const
Definition: depth.hpp:839
cv::CAP_PROP_XI_FREE_FFS_SIZE
@ CAP_PROP_XI_FREE_FFS_SIZE
Size of free camera FFS.
Definition: videoio.hpp:488
cv::HOGDescriptor::cellSize
Size cellSize
Cell size. Default value is Size(8,8).
Definition: objdetect.hpp:596
cv::detail::tracking::TrackerContribSamplerAlgorithm::className
String className
Definition: tracking_internals.hpp:428
cv::RMat::View::DestroyCallback
std::function< void()> DestroyCallback
Definition: rmat.hpp:56
cv::stereo::PropagationParameters::gftMinSeperationDist
int gftMinSeperationDist
Definition: quasi_dense_stereo.hpp:61
cv::rgbd::RgbdPlane::getSensorErrorC
double getSensorErrorC() const
Definition: depth.hpp:437
cv::detail::CompressedRectilinearPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::detail::tracking::tbm::Track::Track
Track(const TrackedObjects &objs, const cv::Mat &last_image, const cv::Mat &descriptor_fast, const cv::Mat &descriptor_strong)
Track constructor.
Definition: tracking_by_matching.hpp:327
cv::rgbd::RgbdFrame::mask
Mat mask
Definition: depth.hpp:475
cv::aruco::DetectorParameters::minMarkerPerimeterRate
double minMarkerPerimeterRate
Definition: aruco.hpp:160
cv::cudev::UnaryTransformPtr::operator()
__device__ __forceinline__ Op::result_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: transform.hpp:69
cv::v_pack_store
void v_pack_store(uchar *ptr, const v_uint16x8 &a)
Definition: intrin_cpp.hpp:2553
cv::Affine3::concatenate
Affine3 concatenate(const Affine3 &affine) const
a.concatenate(affine) is equivalent to affine * a;
cv::face::FacemarkKazemi::training
virtual bool training(std::vector< Mat > &images, std::vector< std::vector< Point2f > > &landmarks, std::string configfile, Size scale, std::string modelFilename="face_landmarks.dat")=0
This function is used to train the model using gradient boosting to get a cascade of regressors which...
cv::cuda::BackgroundSubtractorGMG::setSmoothingRadius
virtual void setSmoothingRadius(int radius)=0
cv::UMat::rowRange
UMat rowRange(const Range &r) const
cv::gapi::own::Rect::y
int y
y coordinate of the top-left corner
Definition: types.hpp:59
cv::videostab::ImageMotionEstimatorBase::setFrameMask
virtual void setFrameMask(InputArray mask)
Definition: global_motion.hpp:183
cv::cuda::DescriptorMatcher::radiusMatch
virtual void radiusMatch(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArray mask=noArray(), bool compactResult=false)=0
For each query descriptor, finds the training descriptors not farther than the specified distance (bl...
cv::gapi::wip::draw::Text
This structure represents a text string to draw.
Definition: render_types.hpp:45
cv::ocl::Queue::getDefault
static Queue & getDefault()
cv::viz::WTrajectoryFrustums
This 3D Widget represents a trajectory. :
Definition: widgets.hpp:628
cv::reg::MapTypeCaster::toProjec
static Ptr< MapProjec > toProjec(Ptr< Map > sourceMap)
Definition: mapperpyramid.hpp:94
cv::Mat::Mat
Mat(int rows, int cols, int type)
cv::videostab::DeblurerBase::setFrames
virtual void setFrames(const std::vector< Mat > &val)
Definition: deblurring.hpp:74
HaarClassifierNode128::getFeatureDesc
__host__ __device__ HaarFeatureDescriptor32 getFeatureDesc(void)
Definition: NCVHaarObjectDetection.hpp:246
cv::detail::PlaneProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::stereo::modifiedCensusTransform
void modifiedCensusTransform(const Mat &img1, const Mat &img2, int kernelSize, Mat &dist1, Mat &dist2, const int type, int t=0, const Mat &integralImage1=Mat(), const Mat &integralImage2=Mat())
cv::cudev::exp
__device__ __forceinline__ float1 exp(const uchar1 &a)
Definition: vec_math.hpp:231
cv::ml::SVM::getGamma
virtual double getGamma() const =0
cv::MatIterator_::MatIterator_
MatIterator_(Mat_< _Tp > *_m, Point _pt)
constructor that sets the iterator to the specified element of the matrix
cv::viz::WPaintedCloud::WPaintedCloud
WPaintedCloud(InputArray cloud, const Point3d &p1, const Point3d &p2)
Paint cloud with default gradient between given points.
cv::reg::MapProjec::MapProjec
MapProjec()
cv::cudev::BrdReflect101
Definition: extrapolation.hpp:146
cv::dnn::SliceLayer::create
static Ptr< SliceLayer > create(const LayerParams &params)
cv::cudev::WARP_SIZE
@ WARP_SIZE
Definition: warp.hpp:59
CvHaarClassifierCascade
struct CvHaarClassifierCascade CvHaarClassifierCascade
Definition: objdetect.hpp:109
cv::hal::sub32s
void sub32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *)
cv::plot::Plot2d::setPlotGridColor
virtual void setPlotGridColor(Scalar _plotGridColor)=0
cv::cudev::magnitude_func::operator()
__device__ __forceinline__ functional_detail::FloatType< T >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:615
cv::flip
void flip(InputArray src, OutputArray dst, int flipCode)
Flips a 2D array around vertical, horizontal, or both axes.
cv::ml::ParamGrid
The structure represents the logarithmic grid range of statmodel parameters.
Definition: ml.hpp:108
cv::ximgproc::AdaptiveManifoldFilter::getUseRNG
virtual bool getUseRNG() const =0
cv::drawKeypoints
void drawKeypoints(InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT)
Draws keypoints.
CV_MAT_CONT_FLAG
#define CV_MAT_CONT_FLAG
Definition: cvdef.h:467
cvv::impl::CallMetaData::line
const size_t line
Definition: call_meta_data.hpp:47
cv::dnn::getInferenceEngineBackendType
cv::String getInferenceEngineBackendType()
Returns Inference Engine internal backend API.
cv::ximgproc::EdgeBoxes::setGamma
virtual void setGamma(float value)=0
Sets the affinity sensitivity.
cv::line_descriptor::KeyLine::numOfPixels
int numOfPixels
Definition: descriptor.hpp:141
cv::DetectionBasedTracker::getObjects
virtual void getObjects(std::vector< ExtObject > &result) const
CPU_AVX512_CNL
@ CPU_AVX512_CNL
Cannon Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI.
Definition: cvdef.h:335
cv::gapi::onnx::Params::tag
std::string tag() const
Definition: onnx.hpp:90
cv::AKAZE::setThreshold
virtual void setThreshold(double threshold)=0
cv::cudev::Min::result
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:119
cv::ovis::MATERIAL_EMISSIVE
@ MATERIAL_EMISSIVE
Definition: ovis.hpp:63
cv::kinfu::Volume::fetchPointsNormals
virtual void fetchPointsNormals(OutputArray points, OutputArray normals) const =0
cv::FileNodeIterator::nodeNElems
size_t nodeNElems
Definition: persistence.hpp:691
cv::videostab::LpMotionStabilizer::weight1
float weight1() const
Definition: motion_stabilizing.hpp:132
cv::cuda::DescriptorMatcher::createBFMatcher
static Ptr< cuda::DescriptorMatcher > createBFMatcher(int normType=cv::NORM_L2)
Brute-force descriptor matcher.
cv::v_setall_u32
v_uint32x4 v_setall_u32(unsigned val)
Definition: intrin_cpp.hpp:2377
cv::cuda::DescriptorMatcher::knnMatch
virtual void knnMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), bool compactResult=false)=0
params.h
cv::gapi::own::Mat::ptr
uchar * ptr(int row, int col=0)
Returns a pointer to the specified matrix row.
Definition: mat.hpp:334
cv::ml::SVMSGD::getMarginRegularization
virtual float getMarginRegularization() const =0
Parameter marginRegularization of a SVMSGD optimization problem.
cv::Accumulator
Definition: features2d.hpp:882
cv::hal::morph
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::ccalib::CustomPattern::findRtRANSAC
bool findRtRANSAC(InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, int minInliersCount=100, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE)
cv::detail::accepted_infer_types::value
static constexpr const auto value
Definition: infer.hpp:35
cv::samples::findFileOrKeep
cv::String findFileOrKeep(const cv::String &relative_path, bool silentMode=false)
Definition: utility.hpp:1156
cv::rgbd::ICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:783
cv::GKernel::name
std::string name
Definition: gkernel.hpp:47
cv::detail::BestOf2NearestMatcher
Features matcher which finds two best matches for each feature and leaves the best one only if the ra...
Definition: matchers.hpp:173
cv::ximgproc::SuperpixelLSC::getLabels
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
cvdef.h
cv::detail::BlocksCompensator::getBlockSize
Size getBlockSize() const
Definition: exposure_compensate.hpp:184
cv::cudacodec::SF_YUY2
@ SF_YUY2
Definition: cudacodec.hpp:75
cv::_InputOutputArray::rawInOut
_InputOutputArray rawInOut(std::array< _Tp, _Nm > &arr)
cv::FM_8POINT
@ FM_8POINT
8-point algorithm
Definition: calib3d.hpp:525
cv::hal::absdiff8s
void absdiff8s(const schar *src1, size_t step1, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *)
cv::datasets::AR_hmdbObj::videoName
std::string videoName
Definition: ar_hmdb.hpp:64
cv::cuda::Feature2DAsync
Abstract base class for CUDA asynchronous 2D image feature detectors and descriptor extractors.
Definition: cudafeatures2d.hpp:378
cv::cuda::alphaComp
void alphaComp(InputArray img1, InputArray img2, OutputArray dst, int alpha_op, Stream &stream=Stream::Null())
Composites two images using alpha opacity values contained in each image.
cv::detail::tracking::TrackerContribFeatureHAAR::~TrackerContribFeatureHAAR
~TrackerContribFeatureHAAR() CV_OVERRIDE
cv::ocl::Device::ptr
void * ptr() const
cv::cudev::sqr_func
Definition: functional.hpp:438
cv::ocl::ProgramSource::hash
hash_t hash() const
GAPI_EXPORTS_W
#define GAPI_EXPORTS_W
Definition: exports.hpp:22
cv::ml::TrainData::getNTestSamples
virtual int getNTestSamples() const =0
cv::videostab::ColorInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
cv::datasets::PD_inria::create
static Ptr< PD_inria > create()
cv::detail::GainCompensator::getSimilarityThreshold
double getSimilarityThreshold() const
Definition: exposure_compensate.hpp:129
cv::gapi::detail::try_deserialize_comparg
Definition: s11n.hpp:271
cv::datasets::wave
@ wave
Definition: gr_skig.hpp:66
cv::KalmanFilter::init
void init(int dynamParams, int measureParams, int controlParams=0, int type=CV_32F)
Re-initializes Kalman filter. The previous content is destroyed.
cv::minEnclosingTriangle
double minEnclosingTriangle(InputArray points, OutputArray triangle)
Finds a triangle of minimum area enclosing a 2D point set and returns its area.
logger.hpp
cv::ParamType< String >::const_param_type
const String & const_param_type
Definition: core.hpp:3219
cv::optflow::RLOFOpticalFlowParameter::getCrossSegmentationThreshold
int getCrossSegmentationThreshold() const
cv::THRESH_MASK
@ THRESH_MASK
Definition: imgproc.hpp:325
cv::dnn::Net::setInput
void setInput(InputArray blob, const String &name="", double scalefactor=1.0, const Scalar &mean=Scalar())
Sets the new input value for the network.
cv::saliency::StaticSaliencySpectralResidual::resImWidth
int resImWidth
Definition: saliencySpecializedClasses.hpp:111
cv::AlignMTB::computeBitmaps
virtual void computeBitmaps(InputArray img, OutputArray tb, OutputArray eb)=0
Computes median threshold and exclude bitmaps of given image.
cv::gapi::ie::PortCfg::Out
std::array< std::string, std::tuple_size< typename Net::OutArgs >::value > Out
Definition: ie.hpp:81
CV_MAKE_TYPE
#define CV_MAKE_TYPE
Definition: interface.h:86
cv::ogl::Buffer::mapDevice
cuda::GpuMat mapDevice(cuda::Stream &stream)
Maps OpenGL buffer to CUDA device memory.
log.hpp
cv::videostab::KeypointBasedMotionEstimator::setOpticalFlowEstimator
void setOpticalFlowEstimator(Ptr< ISparseOptFlowEstimator > val)
Definition: global_motion.hpp:240
cvv::impl::finalShow
void finalShow()
cv::preCornerDetect
void preCornerDetect(InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT)
Calculates a feature map for corner detection.
cv::cudev::gridIntegral
__host__ void gridIntegral(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: integral.hpp:60
cv::xphoto::LearningBasedWB::setRangeMaxVal
virtual void setRangeMaxVal(int val)=0
Maximum possible value of the input image (e.g. 255 for 8 bit images, 4095 for 12 bit images)
cv::datasets::MSM_epflObj::imageName
std::string imageName
Definition: msm_epfl.hpp:71
cv::softdouble::softdouble
softdouble(const softdouble &c)
Copy constructor.
Definition: softfloat.hpp:232
cv::viz::WText
Text and image widgets.
Definition: widgets.hpp:408
cv::COLOR_BGR5652BGRA
@ COLOR_BGR5652BGRA
Definition: imgproc.hpp:561
cv::MediaFrame::Access
Access
Definition: media.hpp:21
cv::dnn::Net::getLayerInputs
std::vector< Ptr< Layer > > getLayerInputs(LayerId layerId)
Returns pointers to input layers of specific layer.
cv::ocl::Kernel::create
bool create(const char *kname, const Program &prog)
cv::exp
Quat< T > exp(const Quat< T > &q)
cv::CAP_PROP_XI_WIDTH
@ CAP_PROP_XI_WIDTH
Width of the Image provided by the device (in pixels).
Definition: videoio.hpp:390
cv::sfm::SFMLibmvEuclideanReconstruction::getError
virtual double getError() const CV_OVERRIDE=0
Returns the computed reprojection error.
cv::cudev::reduceToColumn_
__host__ Expr< ReduceToColumnBody< Reductor, SrcPtr > > reduceToColumn_(const SrcPtr &src)
Definition: reduction.hpp:209
cv::RMat::Adapter::serialize
virtual void serialize(cv::gapi::s11n::IOStream &)
Definition: rmat.hpp:110
cv::legacy::TrackerKCF
the KCF (Kernelized Correlation Filter) tracker
Definition: tracking_legacy.hpp:261
cv::datasets::FR_lfwObj::image1
std::string image1
Definition: fr_lfw.hpp:62
cv::legacy::MultiTracker_Alt::boundingBoxes
std::vector< Rect2d > boundingBoxes
Bounding Boxes list for Multi-Object-Tracker.
Definition: tracking_legacy.hpp:458
cv::detail::has_custom_wrap::value
static constexpr const bool value
Definition: gtype_traits.hpp:111
cv::SimpleBlobDetector::Params::filterByArea
bool filterByArea
Definition: features2d.hpp:728
cv::detail::tracking::feature::CvFeatureEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize)
cv::detail::tracking::tbm::TrackedObject
The TrackedObject struct defines properties of detected object.
Definition: tracking_by_matching.hpp:33
cv::randpattern::RandomPatternCornerFinder
Class for finding features points and corresponding 3D in world coordinate of a "random" pattern,...
Definition: randpattern.hpp:66
cv::vint32mf2_t::val
int val[2]
Definition: intrin_rvv.hpp:83
cv::cnn_3dobj::descriptorExtractor::setDeviceType
void setDeviceType(const String &device_type)
Set device type information for feature extraction. Useful to change device without the need to reloa...
cv::getHardwareFeatureName
String getHardwareFeatureName(int feature)
Returns feature name by ID.
cv::quality::QualitySSIM::_mat_data::compute
static std::pair< cv::Scalar, mat_type > compute(const _mat_data &lhs, const _mat_data &rhs)
cv::cudev::derivXPtr
__host__ DerivXPtrSz< typename PtrTraits< SrcPtr >::ptr_type > derivXPtr(const SrcPtr &src)
Definition: deriv.hpp:86
cv::detail::tracking::TrackerFeature::computeImpl
virtual bool computeImpl(const std::vector< Mat > &images, Mat &response)=0
cv::ocl::Kernel::set_args_
int set_args_(int i, const _Tp0 &a0)
Definition: ocl.hpp:447
cv::superres::PyrLKOpticalFlow::setWindowSize
virtual void setWindowSize(int val)=0
cv::rapid::convertCorrespondencies
void convertCorrespondencies(InputArray cols, InputArray srcLocations, OutputArray pts2d, InputOutputArray pts3d=noArray(), InputArray mask=noArray())
cv::hal::cvtBGRtoBGR5x5
void cvtBGRtoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int greenBits)
cv::Algorithm::~Algorithm
virtual ~Algorithm()
cv::ximgproc::RICInterpolator::setModelIter
virtual void setModelIter(int modelIter=4)=0
Parameter defining the number of iterations for piece-wise affine model estimation.
cv::detail::NoSeamFinder::find
void find(const std::vector< UMat > &, const std::vector< Point > &, std::vector< UMat > &) CV_OVERRIDE
Estimates seams.
Definition: seam_finders.hpp:79
cv::Matx::Matx
Matx(const _Tp *vals)
initialize from a plain array
cv::cudev::gridReduceToColumn_
__host__ void gridReduceToColumn_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce_to_vec.hpp:178
cv::L2::ResultType
Accumulator< T >::Type ResultType
Definition: features2d.hpp:915
cv::gapi::blur
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.
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const std::vector< cuda::GpuMat > &d_mat)
cv::cuda::DescriptorMatcher
Abstract base class for matching keypoint descriptors.
Definition: cudafeatures2d.hpp:76
cv::quality::QualityGMSD::_mat_data::_mat_data
_mat_data(InputArray)
cv::detail::tracking::contrib_feature::_writeFeatures
void _writeFeatures(const std::vector< Feature > features, FileStorage &fs, const Mat &featureMap)
Definition: feature.hpp:109
cv::RMat::View::cols
int cols() const
Definition: rmat.hpp:71
cv::ParallelLoopBodyLambdaWrapper
Definition: utility.hpp:586
cv::cudev::CubicInterPtr::src
SrcPtr src
Definition: interpolation.hpp:160
cv::detail::tracking::TrackerSampler::TrackerSampler
TrackerSampler()
hal_ni_merge16u
int hal_ni_merge16u(const ushort **src_data, ushort *dst_data, int len, int cn)
Definition: hal_replacement.hpp:367
scan.hpp
cv::ppf_match_3d::PPF3DDetector::use_weighted_avg
bool use_weighted_avg
Definition: ppf_match_3d.hpp:156
cv::cudev::Max::result
__device__ static __forceinline__ T result(T r, int)
Definition: reduce_to_vec.hpp:139
cv::gapi::imgproc::ocl::kernels
GKernelPackage kernels()
cv::dnn::blobFromImage
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,...
cv::ximgproc::SuperpixelLSC::enforceLabelConnectivity
virtual void enforceLabelConnectivity(int min_element_size=25)=0
Enforce label connectivity.
cv::large_kinfu::Params::intr
Matx33f intr
camera intrinsics
Definition: large_kinfu.hpp:42
cv::DISOpticalFlow::getPatchSize
virtual int getPatchSize() const =0
Size of an image patch for matching (in pixels). Normally, default 8x8 patches work well enough in mo...
cv::GInferROI::tag
static constexpr const char * tag()
Definition: infer.hpp:267
cv::cudacodec::EncoderParams::EncoderParams
EncoderParams()
cv::CascadeClassifier::isOldFormatCascade
bool isOldFormatCascade() const
cv::DetectionBasedTracker::IDetector::setMinNeighbours
void setMinNeighbours(int value)
Definition: detection_based_tracker.hpp:108
cv::FileNode::isString
bool isString() const
returns true if the node is a text string
cv::Affine3::Mat3
Matx< float_type, 3, 3 > Mat3
Definition: affine.hpp:130
cv::ocl::Queue::Queue
Queue(const Context &c, const Device &d=Device())
cv::detail::tracking::contrib_feature::CvFeatureEvaluator::nneg
int nneg
Definition: feature.hpp:195
cv::detail::OpaqueRefT::OpaqueRefT
OpaqueRefT(T &obj)
Definition: gopaque.hpp:149
cv::_InputArray::_InputArray
_InputArray(const cuda::HostMem &cuda_mem)
cv::datasets::SLAM_kitti::create
static Ptr< SLAM_kitti > create()
cv::v_absdiff
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_absdiff(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Absolute difference.
Definition: intrin_cpp.hpp:841
cv::dnn::DetectionModel::DetectionModel
DetectionModel()
cv::ogl::Buffer::mapDevice
cuda::GpuMat mapDevice()
map to device memory (blocking)
cv::vfloat32mf2_t::val
float val[2]
Definition: intrin_rvv.hpp:93
cv::CAP_PROP_XI_CC_MATRIX_00
@ CAP_PROP_XI_CC_MATRIX_00
Color Correction Matrix element [0][0].
Definition: videoio.hpp:414
cv::datasets::cameraParam::imageHeight
int imageHeight
Definition: msm_epfl.hpp:66
cv::structured_light::SinusoidalPattern::Params::methodId
int methodId
Definition: sinusoidalpattern.hpp:89
cv::datasets::TRACK_vot::getNextFrame
virtual bool getNextFrame(Mat &frame)=0
cv::cudev::Warp::warpId
__device__ static __forceinline__ uint warpId()
Definition: warp.hpp:71
cv::cudev::TransposeBody
Definition: warping.hpp:153
cv::DistanceTypes
DistanceTypes
Definition: imgproc.hpp:299
NCVMatrix::NCVMatrix
NCVMatrix()
Definition: NCV.hpp:744
cv::Affine3::rotation
void rotation(const Mat &data)
cv::USAC_MAGSAC
@ USAC_MAGSAC
USAC, runs MAGSAC++.
Definition: calib3d.hpp:453
cv::Matx< _Tp, cn, 1 >::val
_Tp val[m *n]
Definition: matx.hpp:218
cv::hfs::HfsSegment::getSegEgbThresholdI
virtual float getSegEgbThresholdI()=0
cv::CAP_PROP_XI_DECIMATION_PATTERN
@ CAP_PROP_XI_DECIMATION_PATTERN
Decimation pattern type.
Definition: videoio.hpp:376
cv::cudacodec::EncoderParams::DynamicGOP
int DynamicGOP
NVVE_DYNAMIC_GOP,.
Definition: cudacodec.hpp:89
cv::cuda::DeviceInfo::DeviceInfo
DeviceInfo(int device_id)
The constructors.
cv::FM_LMEDS
@ FM_LMEDS
least-median algorithm. 7-point algorithm is used.
Definition: calib3d.hpp:526
cv::quality::QualitySSIM::_mat_data::I
mat_type I
Definition: qualityssim.hpp:60
cv::GKernelTypeM< K, std::function< std::tuple< R... >(Args...)> >::on
static std::tuple< R... > on(Args... args)
Definition: gkernel.hpp:222
cv::TrackerCSRT::Params::scale_step
float scale_step
Definition: tracking.hpp:72
ie.hpp
cv::FAST
void FAST(InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true)
hal_ni_mul32f
int hal_ni_mul32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:243
cv::v_uint32x4
v_reg< unsigned, 4 > v_uint32x4
Four 32-bit unsigned integer values.
Definition: intrin_cpp.hpp:401
cv::cuda::scaleAdd
static void scaleAdd(InputArray src1, double alpha, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
adds scaled array to another one (dst = alpha*src1 + src2)
Definition: cudaarithm.hpp:342
cv::ccm::COLOR_SPACE_Lab_D75_2
@ COLOR_SPACE_Lab_D75_2
non-RGB color space
Definition: ccm.hpp:130
cv::Subdiv2D::qedges
std::vector< QuadEdge > qedges
All of the edges.
Definition: imgproc.hpp:1240
cv::SparseMatConstIterator_::SparseMatConstIterator_
SparseMatConstIterator_()
the default constructor
cv::detail::tracking::tbm::ITrackerByMatching::distanceStrong
virtual const Distance & distanceStrong() const =0
Strong distance getter.
cv::detail::tracking::tbm::TrackedObject::TrackedObject
TrackedObject(const cv::Rect &rect, float confidence, int frame_idx, int object_id)
Constructor with parameters.
Definition: tracking_by_matching.hpp:56
cv::cuda::FarnebackOpticalFlow::getFastPyramids
virtual bool getFastPyramids() const =0
cv::gapi::BGR2Gray
GMat BGR2Gray(const GMat &src)
Converts an image from BGR color space to gray-scaled.
cv::MARKER_SQUARE
@ MARKER_SQUARE
A square marker shape.
Definition: imgproc.hpp:838
cv::hal::normHamming
int normHamming(const uchar *a, int n)
cv::rgbd::depthTo3d
void depthTo3d(InputArray depth, InputArray K, OutputArray points3d, InputArray mask=noArray())
cv::AKAZE::getDiffusivity
virtual KAZE::DiffusivityType getDiffusivity() const =0
cv::CAP_PROP_INTELPERC_PROFILE_COUNT
@ CAP_PROP_INTELPERC_PROFILE_COUNT
Definition: videoio.hpp:539
cv::detail::PlaneWarper::warp
virtual Point warp(InputArray src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, OutputArray dst)
cv::Stitcher::setWaveCorrectKind
void setWaveCorrectKind(detail::WaveCorrectKind kind)
Definition: stitching.hpp:205
cv::COLOR_GRAY2BGR565
@ COLOR_GRAY2BGR565
convert between grayscale to BGR565 (16-bit images)
Definition: imgproc.hpp:564
cv::ximgproc::RO_STRICT
@ RO_STRICT
Validate each rule in a proper way.
Definition: fast_hough_transform.hpp:117
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::ZipPtr
__host__ __device__ __forceinline__ ZipPtr(const tuple< Ptr0, Ptr1, Ptr2, Ptr3 > &t)
Definition: zip.hpp:100
cv::aruco::drawPlanarBoard
void drawPlanarBoard(const Ptr< Board > &board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a planar board.
cv::FisheyeWarper
Definition: warpers.hpp:182
cv::L1::operator()
ResultType operator()(const T *a, const T *b, int size) const
Definition: features2d.hpp:933
cv::Quat::acos
Quat< _Tp > acos() const
return arccos value of this quaternion, arccos could be calculated as:
cv::solve
bool solve(InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU)
Solves one or more linear systems or least-squares problems.
cv::sfm::libmv_CameraIntrinsicsOptions
Data structure describing the camera model and its parameters.
Definition: simple_pipeline.hpp:73
cv::detail::VectorRefT::~VectorRefT
virtual ~VectorRefT()
Definition: garray.hpp:155
cv::ocl::Device::driverVersion
String driverVersion() const
HaarStage64::getNumClassifierRootNodes
__host__ __device__ Ncv32u getNumClassifierRootNodes(void)
Definition: NCVHaarObjectDetection.hpp:312
cv::gapi::imgproc::G_TYPED_KERNEL
G_TYPED_KERNEL(GFilter2D,< GMat(GMat, int, Mat, Point, Scalar, int, Scalar)>,"org.opencv.imgproc.filters.filter2D")
Definition: imgproc.hpp:55
cv::videostab::DeblurerBase::setBlurrinessRates
virtual void setBlurrinessRates(const std::vector< float > &val)
Definition: deblurring.hpp:80
cv::aruco::calibrateCameraCharuco
double calibrateCameraCharuco(InputArrayOfArrays charucoCorners, InputArrayOfArrays charucoIds, const Ptr< CharucoBoard > &board, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON))
Calibrate a camera using Charuco corners.
cv::Mat::inv
MatExpr inv(int method=DECOMP_LU) const
Inverses a matrix.
cv::ximgproc::EdgeBoxes::getBoundingBoxes
virtual void getBoundingBoxes(InputArray edge_map, InputArray orientation_map, std::vector< Rect > &boxes, OutputArray scores=noArray())=0
Returns array containing proposal boxes.
cv::hdf::HDF5::kpgetsize
virtual int kpgetsize(const String &kplabel, int dims_flag=HDF5::H5_GETDIMS) const =0
Fetch keypoint dataset size.
cv::cuda::DeviceInfo::maxTexture2DLinear
Vec3i maxTexture2DLinear() const
maximum dimensions (width, height, pitch) for 2D textures bound to pitched memory
cv::rgbd::FastICPOdometry::getAngleThreshold
float getAngleThreshold() const
Definition: depth.hpp:1088
cv::GCall::setArgs
void setArgs(std::vector< GArg > &&args)
cv::linemod::DepthNormal
Modality that computes quantized surface normals from a dense depth map.
Definition: linemod.hpp:204
cv::cudev::PyrDownBody::src
SrcPtr src
Definition: warping.hpp:110
CV_CUDEV_SAFE_CALL
#define CV_CUDEV_SAFE_CALL(expr)
Definition: common.hpp:76
NCVPipeObjDet_VisualizeInPlace
@ NCVPipeObjDet_VisualizeInPlace
Definition: NCVHaarObjectDetection.hpp:357
cv::detail::resultRoi
Rect resultRoi(const std::vector< Point > &corners, const std::vector< UMat > &images)
cv::COLORMAP_AUTUMN
@ COLORMAP_AUTUMN
Definition: imgproc.hpp:4267
cv::detail::get_border_helper< true, Impl, Ins... >::help
static gapi::fluid::BorderOpt help(const GMetaArgs &metas, const cv::GArgs &in_args)
Definition: gfluidkernel.hpp:275
cv::SparseMatConstIterator::SparseMatConstIterator
SparseMatConstIterator(const SparseMatConstIterator &it)
the copy constructor
cv::datasets::join::Wy
double Wy
Definition: gr_chalearn.hpp:67
cv::ccalib::CustomPattern::~CustomPattern
virtual ~CustomPattern()
cv::ml::DTrees::getSubsets
virtual const std::vector< int > & getSubsets() const =0
Returns all the bitsets for categorical splits.
cv::hal::addRNGBias64f
void addRNGBias64f(double *arr, const double *scaleBiasPairs, int len)
cv::CAP_MSMF
@ CAP_MSMF
Microsoft Media Foundation (via videoInput)
Definition: videoio.hpp:109
cv::videostab::MotionEstimatorRansacL2::setRansacParams
void setRansacParams(const RansacParams &val)
Definition: global_motion.hpp:136
cv::detail::PaniniProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::structured_light::GrayCodePattern::Params::Params
Params()
cv::TLSDataContainer::detachData
void detachData(std::vector< void * > &data)
get TLS data and detach all data from threads (similar to cleanup() call)
cv::cuda::GpuMat::create
void create(Size size, int type)
cv::ml::ANN_MLP::setActivationFunction
virtual void setActivationFunction(int type, double param1=0, double param2=0)=0
cv::gapi::wip::GCaptureSource::counter
int64_t counter
Definition: cap.hpp:60
cv::Quat::inv
friend Quat< T > inv(const Quat< T > &q, QuatAssumeType assumeUnit)
return which is an inverse of which satisfies .
cv::Matx22d
Matx< double, 2, 2 > Matx22d
Definition: matx.hpp:240
cv::datasets::TR_svtObj::tags
std::vector< tag > tags
Definition: tr_svt.hpp:70
cv::hal::and8u
void and8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::viz::Viz3d::setWindowSize
void setWindowSize(const Size &window_size)
Sets the size of the window.
cv::cuda::bitwise_xor
void bitwise_xor(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise exclusive or operation of two matrices (or of matrix and scalar).
cv::DetectionBasedTracker::InnerParameters::numStepsToWaitBeforeFirstShow
int numStepsToWaitBeforeFirstShow
Definition: detection_based_tracker.hpp:168
cv::gapi::own::detail::MatHeader::TYPE_MASK
@ TYPE_MASK
Definition: mat.hpp:46
cv::SparseMatConstIterator::seekEnd
void seekEnd()
moves iterator to the element after the last element
cv::hal::DFT2D::apply
virtual void apply(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step)=0
cv::SVD::operator()
SVD & operator()(InputArray src, int flags=0)
the operator that performs SVD. The previously allocated u, w and vt are released.
cv::cuda::TargetArchs::hasBin
static bool hasBin(int major, int minor)
cv::GCPUContext::outOpaqueR
T & outOpaqueR(int output)
Definition: gcpukernel.hpp:109
cv::utils::getThreadID
int getThreadID()
cv::MatExpr
Matrix expression representation This is a list of implemented matrix operations that can be combined...
Definition: mat.hpp:3514
cv::ccm::ColorCorrectionModel
Core class of ccm model.
Definition: ccm.hpp:361
cv::dnn::Model::setInputSwapRB
Model & setInputSwapRB(bool swapRB)
Set flag swapRB for frame.
cv::Mat_::col
Mat_ col(int x) const
cv::ximgproc::RICInterpolator::setFGSLambda
virtual void setFGSLambda(float lambda=500.f)=0
Sets the respective fastGlobalSmootherFilter() parameter.
cv::cudev::PyrDownBody
Definition: warping.hpp:109
cv::cuda::normalize
void normalize(InputArray src, OutputArray dst, double alpha, double beta, int norm_type, int dtype, InputArray mask=noArray(), Stream &stream=Stream::Null())
Normalizes the norm or value range of an array.
dict.hpp
cv::viz::Viz3d::getWidget
Widget getWidget(const String &id) const
Retrieves a widget from the window.
cv::v_float32x4::lane_type
float lane_type
Definition: intrin_rvv.hpp:422
cv::gapi::own::Rect::x
int x
x coordinate of the top-left corner
Definition: types.hpp:58
cv::StereoBM::setTextureThreshold
virtual void setTextureThreshold(int textureThreshold)=0
cv::HistogramCostExtractor::buildCostMatrix
virtual void buildCostMatrix(InputArray descriptors1, InputArray descriptors2, OutputArray costMatrix)=0
cv::detail::MetaHelper< K, std::tuple< Ins... >, Out >::getOutMeta_impl
static GMetaArgs getOutMeta_impl(const GMetaArgs &in_meta, const GArgs &in_args, detail::Seq< IIs... >)
Definition: gkernel.hpp:172
cv::cudev::NormL2::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:137
cv::rgbd::ICPOdometry::getMaxDepthDiff
double getMaxDepthDiff() const
Definition: depth.hpp:807
cv::optflow::RLOFOpticalFlowParameter::setSolverType
void setSolverType(SolverType val)
cv::RMat::View::View
View(const GMatDesc &desc, uchar *data, size_t step, DestroyCallback &&cb=nullptr)
cv::SVD::SVD
SVD(InputArray src, int flags=0)
cv::cudev::SingleMaskChannels
Definition: mask.hpp:69
cv::detail::BundleAdjusterRay::BundleAdjusterRay
BundleAdjusterRay()
Definition: motion_estimators.hpp:268
cv::cudev::Avg::rebind::other
Avg< U > other
Definition: reduce_to_vec.hpp:91
cv::ml::EM::getMeans
virtual Mat getMeans() const =0
Returns the cluster centers (means of the Gaussian mixture)
cv::gapi::fluid::Buffer::priv
const Priv & priv() const
cv::CAP_XINE
@ CAP_XINE
XINE engine (Linux)
Definition: videoio.hpp:123
cv::vint64mf2_t::vint64mf2_t
vint64mf2_t(const int64 *ptr)
Definition: intrin_rvv.hpp:114
cv::GCall::priv
const Priv & priv() const
cv::dnn::Net::getLayerNames
std::vector< String > getLayerNames() const
cv::alignPtr
static _Tp * alignPtr(_Tp *ptr, int n=(int) sizeof(_Tp))
Aligns a pointer to the specified number of bytes.
Definition: utility.hpp:457
cv::face::FacemarkAAM::create
static Ptr< FacemarkAAM > create(const FacemarkAAM::Params &parameters=FacemarkAAM::Params())
initializer
cv::BackgroundSubtractorKNN::setkNNSamples
virtual void setkNNSamples(int _nkNN)=0
Sets the k in the kNN. How many nearest neighbours need to match.
cv::stereo::QuasiDenseStereo::getMatch
virtual cv::Point2f getMatch(const int x, const int y)=0
Specify pixel coordinates in the left image and get its corresponding location in the right image.
cv::gapi::onnx::detail::ParamDesc::num_in
std::size_t num_in
Definition: onnx.hpp:44
cv::cudev::MakeVec< bool, 2 >::type
uchar2 type
Definition: vec_traits.hpp:82
cv::detail::tracking::TrackerTargetState::getTargetHeight
int getTargetHeight() const
Get the height of the target.
cv::dnn::TextDetectionModel_EAST::TextDetectionModel_EAST
TextDetectionModel_EAST()
cv::estimateAffine3D
int estimateAffine3D(InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99)
Computes an optimal affine transformation between two 3D point sets.
cv::ximgproc::ContourFitting::getCtrSize
int getCtrSize()
Definition: fourier_descriptors.hpp:70
cv::cuda::HOG::detectMultiScale
virtual void detectMultiScale(InputArray img, std::vector< Rect > &found_locations, std::vector< double > *confidences=NULL)=0
Performs object detection with a multi-scale window.
cv::instr::NodeDataTls::m_ticksTotal
uint64 m_ticksTotal
Definition: instrumentation.hpp:66
cv::ovis::WindowScene::createCameraEntity
virtual Rect2d createCameraEntity(const String &name, InputArray K, const Size &imsize, float zFar, InputArray tvec=noArray(), InputArray rot=noArray(), const Scalar &color=Scalar::all(1))=0
cv::viz::WLine::WLine
WLine(const Point3d &pt1, const Point3d &pt2, const Color &color=Color::white())
Constructs a WLine.
HaarClassifierCascadeDescriptor::NumClassifierTotalNodes
Ncv32u NumClassifierTotalNodes
Definition: NCVHaarObjectDetection.hpp:337
cv::cudacodec::Uncompressed_YUV420
@ Uncompressed_YUV420
Y,U,V (4:2:0)
Definition: cudacodec.hpp:261
cv::GCompiled::prepareForNewStream
void prepareForNewStream()
Prepare inner kernels states for a new video-stream.
cv::utils::AllocatorStatisticsInterface::getPeakUsage
virtual uint64_t getPeakUsage() const =0
NCVHaarObjectDetection.hpp
cv::MARKER_TRIANGLE_DOWN
@ MARKER_TRIANGLE_DOWN
A downwards pointing triangle marker shape.
Definition: imgproc.hpp:840
cv::Accumulator< char >::Type
float Type
Definition: features2d.hpp:888
cv::quality::QualityGMSD::_mat_data
Definition: qualitygmsd.hpp:55
NcvCTprep::assertTest
Definition: NCV.hpp:78
cv::dnn::Net::readFromModelOptimizer
static Net readFromModelOptimizer(const std::vector< uchar > &bufferModelConfig, const std::vector< uchar > &bufferWeights)
Create a network from Intel's Model Optimizer in-memory buffers with intermediate representation (IR)...
cv::ximgproc::rl::createRLEImage
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,...
cv::bioinspired::Retina::getMagno
virtual void getMagno(OutputArray retinaOutput_magno)=0
Accessor of the motion channel of the retina (models peripheral vision).
cv::cudacodec::ChromaFormat
ChromaFormat
Chroma formats supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:271
cv::cudev::TypeTraits::referred_type
type_traits_detail::ReferenceTraits< T >::type referred_type
Definition: type_traits.hpp:134
cv::ximgproc::DisparityWLSFilter::getLRCthresh
virtual int getLRCthresh()=0
LRCthresh is a threshold of disparity difference used in left-right-consistency check during confiden...
cv::ppf_match_3d::PoseCluster3D::id
int id
Definition: pose_3d.hpp:179
cv::datasets::PD_inriaObj
Definition: pd_inria.hpp:67
ncvApplyHaarClassifierCascade_device
NCVStatus ncvApplyHaarClassifierCascade_device(NCVMatrix< Ncv32u > &d_integralImage, NCVMatrix< Ncv32f > &d_weights, NCVMatrixAlloc< Ncv32u > &d_pixelMask, Ncv32u &numDetections, HaarClassifierCascadeDescriptor &haar, NCVVector< HaarStage64 > &h_HaarStages, NCVVector< HaarStage64 > &d_HaarStages, NCVVector< HaarClassifierNode128 > &d_HaarNodes, NCVVector< HaarFeature64 > &d_HaarFeatures, NcvBool bMaskElements, NcvSize32u anchorsRoi, Ncv32u pixelStep, Ncv32f scaleArea, INCVMemAllocator &gpuAllocator, INCVMemAllocator &cpuAllocator, cudaDeviceProp &devProp, cudaStream_t cuStream)
triangulation.hpp
cv::cuda::Convolution::convolve
virtual void convolve(InputArray image, InputArray templ, OutputArray result, bool ccorr=false, Stream &stream=Stream::Null())=0
Computes a convolution (or cross-correlation) of two images.
cv::v_store_aligned
void v_store_aligned(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (aligned)
Definition: intrin_cpp.hpp:1800
cv::videostab::LpMotionStabilizer::trimRatio
float trimRatio() const
Definition: motion_stabilizing.hpp:129
cv::AgastFeatureDetector::NONMAX_SUPPRESSION
@ NONMAX_SUPPRESSION
Definition: features2d.hpp:610
cv::gapi::own::detail::MatHeader::MatHeader
MatHeader(int _rows, int _cols, int type, void *_data, size_t _step)
Definition: mat.hpp:50
cv::viz::Widget3D::getPose
Affine3d getPose() const
Returns the current pose of the widget.
cv::cuda::ALPHA_XOR_PREMUL
@ ALPHA_XOR_PREMUL
Definition: cudaimgproc.hpp:160
cv::dnn::BackendNode
Derivatives of this class encapsulates functions of certain backends.
Definition: dnn.hpp:122
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< _Tp > &vec)
cv::detail::plaidml_get_in
Definition: gplaidmlkernel.hpp:88
cv::hal::filter2D
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)
cv::detail::CompressedRectilinearPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::detail::tracking::tbm::IImageDescriptor
The IImageDescriptor class declares base class for image descriptor.
Definition: tracking_by_matching.hpp:76
cv::ximgproc::DisparityWLSFilter::getLambda
virtual double getLambda()=0
Lambda is a parameter defining the amount of regularization during filtering. Larger values force fil...
cv::directx::convertToD3D10Texture2D
void convertToD3D10Texture2D(InputArray src, ID3D10Texture2D *pD3D10Texture2D)
Converts InputArray to ID3D10Texture2D.
cv::face::FacemarkKazemi
Definition: face_alignment.hpp:12
cv::Mat::copyTo
void copyTo(OutputArray m) const
Copies the matrix to another one.
cv::cudev::AffineMapPtr
Definition: warping.hpp:62
cv::detail::tracking::tbm::Track::operator[]
const TrackedObject & operator[](size_t i) const
operator [] return const reference to detected object with specified index.
Definition: tracking_by_matching.hpp:358
cv::cuda::Filter
Common interface for all CUDA filters :
Definition: cudafilters.hpp:76
cv::ovis::MATERIAL_TEXTURE3
@ MATERIAL_TEXTURE3
Definition: ovis.hpp:69
CV_NODISCARD
#define CV_NODISCARD
Definition: cvdef.h:715
CV_16U
#define CV_16U
Definition: interface.h:75
cv::cudev::exp2
__device__ __forceinline__ double4 exp2(const double4 &a)
Definition: vec_math.hpp:247
cv::ROTATE_90_COUNTERCLOCKWISE
@ ROTATE_90_COUNTERCLOCKWISE
Rotate 270 degrees clockwise.
Definition: core.hpp:1072
cv::Mat_::Mat_
Mat_()
default constructor
cv::v_float32x4::v_float32x4
v_float32x4(vfloat32m1_t v)
Definition: intrin_rvv.hpp:426
cv::legacy::MultiTrackerTLD::update_opt
bool update_opt(InputArray image)
Update all trackers from the tracking-list, find a new most likely bounding boxes for the targets by ...
cv::structured_light::GrayCodePattern::getProjPixel
virtual bool getProjPixel(InputArrayOfArrays patternImages, int x, int y, Point &projPix) const =0
For a (x,y) pixel of a camera returns the corresponding projector pixel.
cv::ml::LogisticRegression::setIterations
virtual void setIterations(int val)=0
cv::rgbd::warpFrame
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())
cv::FileStorage::writeRaw
void writeRaw(const String &fmt, const void *vec, size_t len)
Writes multiple numbers.
cv::ximgproc::contourSampling
void contourSampling(InputArray src, OutputArray out, int nbElt)
Contour sampling .
cv::text::decoder_mode
decoder_mode
Definition: ocr.hpp:173
cv::utils::dumpInputOutputArray
String dumpInputOutputArray(InputOutputArray argument)
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::write
void write(FileStorage &fs) const
cv::gapi::own::Point2f::x
float x
Definition: types.hpp:37
cv::cuda::HostMem::step
size_t step
Definition: cuda.hpp:591
cv::viz::Viz3d::setCamera
void setCamera(const Camera &camera)
Sets the intrinsic parameters of the viewer using Camera.
cv::_OutputArray::fixedType
bool fixedType() const
cv::utils::fs::createDirectories
bool createDirectories(const cv::String &path)
cv::GMatDesc::depth
int depth
Definition: gmat.hpp:79
cv::matMulDeriv
void matMulDeriv(InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB)
Computes partial derivatives of the matrix product for each multiplied matrix.
cv::datasets::IS_bsds::create
static Ptr< IS_bsds > create()
cv::ocl::Kernel::Kernel
Kernel(const char *kname, const ProgramSource &prog, const String &buildopts=String(), String *errmsg=0)
cv::ccm::DISTANCE_CIE76
@ DISTANCE_CIE76
The 1976 formula is the first formula that related a measured color difference to a known set of CIEL...
Definition: ccm.hpp:346
cv::DISOpticalFlow
DIS optical flow algorithm.
Definition: tracking.hpp:585
NCVPyramid.hpp
cv::ccm::COLOR_SPACE_Lab_D75_10
@ COLOR_SPACE_Lab_D75_10
non-RGB color space
Definition: ccm.hpp:131
cv::cudev::SumExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:69
cv::cudev::DefaultGlobReducePolicy::block_size_y
@ block_size_y
Definition: reduce.hpp:297
cvv::setDebugFlag
static void setDebugFlag(bool active)
Enable or disable cvv for current translation unit and thread.
Definition: debug_mode.hpp:42
cv::cuda::HoughSegmentDetector::getMinLineLength
virtual int getMinLineLength() const =0
cv::AVIWriteContainer::jputStream
void jputStream(unsigned currval)
HaarFeatureDescriptor32_Interpret_MaskFlagTilted
#define HaarFeatureDescriptor32_Interpret_MaskFlagTilted
Definition: NCVHaarObjectDetection.hpp:121
cv::v_rshr_pack_u
v_uint8x16 v_rshr_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:2529
cv::linemod::Detector::modalities
std::vector< Ptr< Modality > > modalities
Definition: linemod.hpp:396
cv::DetectionBasedTracker::workcycleObjectDetectorFunction
friend void * workcycleObjectDetectorFunction(void *p)
cv::pyrDown
void pyrDown(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Blurs an image and downsamples it.
cv::ximgproc::createSuperpixelSEEDS
Ptr< SuperpixelSEEDS > createSuperpixelSEEDS(int image_width, int image_height, int image_channels, int num_superpixels, int num_levels, int prior=2, int histogram_bins=5, bool double_step=false)
Initializes a SuperpixelSEEDS object.
cv::BOWImgDescriptorExtractor::descriptorType
int descriptorType() const
Returns an image descriptor type.
DUMP_CONFIG_PROPERTY
#define DUMP_CONFIG_PROPERTY(...)
Definition: opencl_info.hpp:11
cv::ocl::Device::maxWriteImageArgs
int maxWriteImageArgs() const
cv::v_float32x4::get0
float get0() const
Definition: intrin_rvv.hpp:444
cv::ml::RTrees::setActiveVarCount
virtual void setActiveVarCount(int val)=0
cv::dnn::RNNLayer::create
static Ptr< RNNLayer > create(const LayerParams &params)
cv::dnn::MaxUnpoolLayer::poolKernel
Size poolKernel
Definition: all_layers.hpp:535
cv::rgbd::RgbdOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
cv::Algorithm::empty
virtual bool empty() const
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
Definition: core.hpp:3112
cv::datasets::HPE_parseObj
Definition: hpe_parse.hpp:61
cv::cudev::TypeTraits::is_signed_int
@ is_signed_int
Definition: type_traits.hpp:143
cv::ppf_match_3d::PPF3DDetector::trainModel
void trainModel(const Mat &Model)
Trains a new model.
cv::quality::QualitySSIM::_mat_data::_mat_data
_mat_data()=default
cv::datasets::HPE_humanevaObj::ofs
Matx13d ofs
Definition: hpe_humaneva.hpp:66
cv::aruco::GridBoard::getMarkerLength
float getMarkerLength() const
Definition: aruco.hpp:345
cv::gapi::wip::draw::Text::ff
int ff
The font type, see HersheyFonts.
Definition: render_types.hpp:76
cv::kinfu::Params::bilateral_sigma_spatial
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: kinfu.hpp:97
cv::Mat_::create
void create(Size _size)
equivalent to Mat::create(_size, DataType<_Tp>::type)
cv::cudev::log_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, log_func< typename PtrTraits< SrcPtr >::value_type > > > log_(const SrcPtr &src)
Definition: unary_func.hpp:74
cv::CirclesGridFinderParameters::GridType
GridType
Definition: calib3d.hpp:1648
cv::TrackerCSRT::Params::use_channel_weights
bool use_channel_weights
Definition: tracking.hpp:49
cv::BackgroundSubtractorKNN::setShadowThreshold
virtual void setShadowThreshold(double threshold)=0
Sets the shadow threshold.
cv::DetectionBasedTracker::run
virtual bool run()
cv::videostab::RansacParams::default2dMotion
static RansacParams default2dMotion(MotionModel model)
Definition: motion_core.hpp:102
cv::COLOR_YUV2BGRA_YUYV
@ COLOR_YUV2BGRA_YUYV
Definition: imgproc.hpp:710
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Size asize, T *adata, size_t astep=Mat::AUTO_STEP)
cv::MinProblemSolver::Function
Represents function being optimized.
Definition: optim.hpp:64
cv::BackgroundSubtractorMOG2::getComplexityReductionThreshold
virtual double getComplexityReductionThreshold() const =0
Returns the complexity reduction threshold.
cv::Vec2w
Vec< ushort, 2 > Vec2w
Definition: matx.hpp:417
cv::face::FacemarkLBF::Params::cascade_face
String cascade_face
filename of the face detector model
Definition: facemarkLBF.hpp:60
cv::CAP_OPENNI_IR_GENERATOR
@ CAP_OPENNI_IR_GENERATOR
Definition: videoio.hpp:231
cv::IMWRITE_PNG_STRATEGY
@ IMWRITE_PNG_STRATEGY
One of cv::ImwritePNGFlags, default is IMWRITE_PNG_STRATEGY_RLE.
Definition: imgcodecs.hpp:94
cv::DescriptorMatcher::DescriptorCollection::set
void set(const std::vector< Mat > &descriptors)
CPU_AVX_512VPOPCNTDQ
@ CPU_AVX_512VPOPCNTDQ
Definition: cvdef.h:318
cv::cuda::DensePyrLKOpticalFlow
Class used for calculating a dense optical flow.
Definition: cudaoptflow.hpp:231
cv::GNetworkType
Definition: infer.hpp:28
cv::RotatedRect::angle
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
cv::Mat_::Mat_
Mat_(const Mat_ &m)
copy constructor
UINT16
uint16_t UINT16
Definition: descriptor.hpp:65
cv::MatCommaInitializer_
Comma-separated Matrix Initializer.
Definition: mat.hpp:511
cv::MatExpr::beta
double beta
Definition: mat.hpp:3548
CV_CUDEV_RGB5x52GRAY_INST
#define CV_CUDEV_RGB5x52GRAY_INST(name, green_bits)
Definition: color_cvt.hpp:467
cv::ximgproc::BrightEdges
void BrightEdges(Mat &_original, Mat &_edgeview, int contrast=1, int shortrange=3, int longrange=9)
cv::ccm::LINEARIZATION_GAMMA
@ LINEARIZATION_GAMMA
gamma correction; Need assign a value to gamma simultaneously
Definition: ccm.hpp:333
cv::Quat::asin
Quat< _Tp > asin() const
return arcsin value of this quaternion, arcsin could be calculated as:
cv::ogl::Buffer::release
void release()
Decrements the reference counter and destroys the buffer object if needed.
cv::MatExpr::MatExpr
MatExpr(const Mat &m)
cv::cudev::perspectiveMap
static __host__ PerspectiveMapPtrSz perspectiveMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:134
cv::CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
@ CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE
Definition: videoio.hpp:542
cv::CalibrateRobertson::getRadiance
virtual Mat getRadiance() const =0
cv::dnn::SigmoidLayer
Definition: all_layers.hpp:477
cv::cudev::NormHamming::value_type
int value_type
Definition: vec_distance.hpp:157
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::getMean
float getMean()
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::histThresh
float histThresh
Definition: histogramphaseunwrapping.hpp:83
cv::viz::Color::lime
static Color lime()
cv::MatExpr::s
Scalar s
Definition: mat.hpp:3549
cv::reg::Mapper
Base class for modelling an algorithm for calculating a map.
Definition: mapper.hpp:55
cv::detail::tracking::feature::CvHaarEvaluator::generateFeatures
virtual void generateFeatures() CV_OVERRIDE
cv::gapi::ie::detail::ParamDesc::weights_path
std::string weights_path
Definition: ie.hpp:51
cv::CalibrateRobertson::setThreshold
virtual void setThreshold(float threshold)=0
cv::norm
static double norm(const Matx< _Tp, m, n > &M, int normType)
cv::DECOMP_EIG
@ DECOMP_EIG
Definition: base.hpp:140
cv::PROJ_SPHERICAL_EQRECT
@ PROJ_SPHERICAL_EQRECT
Definition: calib3d.hpp:3557
cv::aruco::Dictionary::drawMarker
void drawMarker(int id, int sidePixels, OutputArray _img, int borderBits=1) const
Draw a canonical marker image.
cv::detail::MetaHelper< K, std::tuple< Ins... >, std::tuple< Outs... > >::getOutMeta
static GMetaArgs getOutMeta(const GMetaArgs &in_meta, const GArgs &in_args)
Definition: gkernel.hpp:156
Cv32suf::u
unsigned u
Definition: cvdef.h:378
cv::ximgproc::GradientPaillouY
void GradientPaillouY(InputArray op, OutputArray _dst, double alpha, double omega)
Applies Paillou filter to an image.
nppiStDecimate_32u_C1R_host
NCVStatus nppiStDecimate_32u_C1R_host(Ncv32u *h_src, Ncv32u srcStep, Ncv32u *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::DenseOpticalFlow
Definition: tracking.hpp:437
cv::detail::BundleAdjusterReproj
Implementation of the camera parameters refinement algorithm which minimizes sum of the reprojection ...
Definition: motion_estimators.hpp:246
cv::ocl::Kernel::localMemSize
size_t localMemSize() const
cv::cuda::GpuMat::elemSize1
size_t elemSize1() const
returns the size of element channel in bytes
cv::datasets::comehere
@ comehere
Definition: gr_skig.hpp:69
cv::optflow::OpticalFlowPCAFlow::occlusionsThreshold
const float occlusionsThreshold
Definition: pcaflow.hpp:101
cv::gapi::compound::backend
cv::gapi::GBackend backend()
cv::ORB::setEdgeThreshold
virtual void setEdgeThreshold(int edgeThreshold)=0
cv::composeRT
void composeRT(InputArray rvec1, InputArray tvec1, InputArray rvec2, InputArray tvec2, OutputArray rvec3, OutputArray tvec3, OutputArray dr3dr1=noArray(), OutputArray dr3dt1=noArray(), OutputArray dr3dr2=noArray(), OutputArray dr3dt2=noArray(), OutputArray dt3dr1=noArray(), OutputArray dt3dt1=noArray(), OutputArray dt3dr2=noArray(), OutputArray dt3dt2=noArray())
Combines two rotation-and-shift transformations.
cv::cudev::RemapPtr2Sz::cols
int cols
Definition: remap.hpp:105
cv::instr::InstrNode
Node< NodeData > InstrNode
Definition: instrumentation.hpp:97
cv::cuda::DisparityBilateralFilter::apply
virtual void apply(InputArray disparity, InputArray image, OutputArray dst, Stream &stream=Stream::Null())=0
Refines a disparity map using joint bilateral filtering.
cv::Mat::eye
static MatExpr eye(int rows, int cols, int type)
Returns an identity matrix of the specified size and type.
hal_ni_dctInit2D
int hal_ni_dctInit2D(cvhalDFT **context, int width, int height, int depth, int flags)
Definition: hal_replacement.hpp:561
cv::VideoCapture::~VideoCapture
virtual ~VideoCapture()
Default destructor.
cv::Range::all
static Range all()
cv::cudev::numeric_limits< short >::max
__device__ static __forceinline__ short max()
Definition: limits.hpp:84
cv::UMat::UMat
UMat(int ndims, const int *sizes, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
constructs n-dimensional matrix
cv::gapi::infer2
Net::ResultL infer2(T image, cv::GArray< Args >... args)
Calculates responses for the specified network (template parameter) for every region in the source im...
Definition: infer.hpp:364
cv::Vec8i
Vec< int, 8 > Vec8i
Definition: matx.hpp:425
cv::cuda::ALPHA_OVER
@ ALPHA_OVER
Definition: cudaimgproc.hpp:159
cv::softdouble::setExp
softdouble setExp(int e) const
Construct a copy with new 0-based exponent.
Definition: softfloat.hpp:318
cv::optflow::OpticalFlowPCAFlow::sparseRate
const float sparseRate
Definition: pcaflow.hpp:99
cv::compareHist
double compareHist(InputArray H1, InputArray H2, int method)
Compares two histograms.
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::Result
OutArgs Result
Definition: infer.hpp:90
cv::ParamType< uchar >::member_type
uchar member_type
Definition: core.hpp:3276
cv::cudev::gridPyrDown
__host__ void gridPyrDown(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:73
cv::CompressedRectilinearPortraitWarper::CompressedRectilinearPortraitWarper
CompressedRectilinearPortraitWarper(float A=1, float B=1)
Definition: warpers.hpp:208
cv::videostab::MotionEstimatorBase::~MotionEstimatorBase
virtual ~MotionEstimatorBase()
Definition: global_motion.hpp:100
cv::dnn::_Range::_Range
_Range(const Range &r)
Definition: shape_utils.hpp:59
cv::Mat_::begin
const_iterator begin() const
cv::optflow::PCAPrior::getPadding
int getPadding() const
Definition: pcaflow.hpp:85
cv::RMat::Adapter::access
virtual View access(Access)=0
cv::DescriptorMatcher::clone
virtual Ptr< DescriptorMatcher > clone(bool emptyTrainData=false) const =0
Clones the matcher.
cv::detail::tracking::TrackerSamplerCSC::Params::searchWinSize
float searchWinSize
size of search window
Definition: tracking.private.hpp:368
cv::cudev::laplacianPtr
__host__ LaplacianPtrSz< ksize, typename PtrTraits< SrcPtr >::ptr_type > laplacianPtr(const SrcPtr &src)
Definition: deriv.hpp:381
cv::optflow::DenseRLOFOpticalFlow::setFgsLambda
virtual void setFgsLambda(float val)=0
see ximgproc::EdgeAwareInterpolator().
cv::FarnebackOpticalFlow::getFastPyramids
virtual bool getFastPyramids() const =0
cv::_OutputArray::getMatRef
Mat & getMatRef(int i=-1) const
CV_CheckTypeEQ
#define CV_CheckTypeEQ(t1, t2, msg)
Check with additional "decoding" of type values in error message.
Definition: check.hpp:122
cv::Mat_::Mat_
Mat_(const std::vector< _Tp > &vec, bool copyData=false)
makes a matrix out of Vec, std::vector, Point_ or Point3_. The matrix will have a single column
cv::aruco::DetectorParameters::perspectiveRemovePixelPerCell
int perspectiveRemovePixelPerCell
Definition: aruco.hpp:171
OPENCV_HAL_IMPL_RVV_BROADCAST
#define OPENCV_HAL_IMPL_RVV_BROADCAST(_Tpvec, suffix)
Definition: intrin_rvv.hpp:1883
NCVMatrix::_ptr
T * _ptr
Definition: NCV.hpp:832
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::API
std::function< Result(Args...)> API
Definition: infer.hpp:91
cv::reg::MapperGradSimilar
Definition: mappergradsimilar.hpp:53
cv::MediaFrame::View::Callback
std::function< void()> Callback
Definition: media.hpp:49
cv::LOCAL_OPTIM_INNER_LO
@ LOCAL_OPTIM_INNER_LO
Definition: calib3d.hpp:547
cv::detail::VectorRefT::ptr
virtual const void * ptr() const override
Definition: garray.hpp:225
memSegCopyHelper2D
NCVStatus memSegCopyHelper2D(void *dst, Ncv32u dstPitch, NCVMemoryType dstType, const void *src, Ncv32u srcPitch, NCVMemoryType srcType, Ncv32u widthbytes, Ncv32u height, cudaStream_t cuStream)
cv::fitEllipse
RotatedRect fitEllipse(InputArray points)
Fits an ellipse around a set of 2D points.
cv::face::FacemarkAAM::Model::textures
std::vector< Texture > textures
a container to holds the texture data for each scale of fitting
Definition: facemarkAAM.hpp:137
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::k
double k
Default is 0.
Definition: kalman_filters.hpp:144
cv::Stitcher::registrationResol
double registrationResol() const
Definition: stitching.hpp:186
cv::UMatData::handle
void * handle
Definition: mat.hpp:563
cv::detail::MatchesInfo::getInliers
std::vector< uchar > getInliers()
Definition: matchers.hpp:113
cv::UMatData::UMatData
UMatData(const MatAllocator *allocator)
cv::utils::dumpString
static String dumpString(const String &argument)
Definition: bindings_utils.hpp:62
cv::StereoBM::setPreFilterType
virtual void setPreFilterType(int preFilterType)=0
cv::dnn::ShiftLayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::resize
void resize(InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
Resizes an image.
CV_ELEM_SIZE
#define CV_ELEM_SIZE(type)
Definition: cvdef.h:478
CV_CUDEV_HLS2RGB_INST
#define CV_CUDEV_HLS2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:290
cv::ccalib::CustomPattern::findRt
bool findRt(InputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE)
cv::ccm::DISTANCE_CIE2000
@ DISTANCE_CIE2000
Definition: ccm.hpp:349
cv::cuda::bitwise_not
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray(), Stream &stream=Stream::Null())
Performs a per-element bitwise inversion.
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getWeights
const std::vector< float > & getWeights() const
cv::aruco::DetectorParameters::create
static Ptr< DetectorParameters > create()
cv::VideoWriter::VideoWriter
VideoWriter(const String &filename, int apiPreference, int fourcc, double fps, Size frameSize, bool isColor=true)
cv::intersectConvexConvex
float intersectConvexConvex(InputArray _p1, InputArray _p2, OutputArray _p12, bool handleNested=true)
Finds intersection of two convex polygons.
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategyMultiple::clearStrategies
virtual void clearStrategies()=0
Remove all sub-strategies.
cv::DetectionROI::confidences
std::vector< double > confidences
vector that will contain confidence values for each location
Definition: objdetect.hpp:352
cv::TM_SQDIFF_NORMED
@ TM_SQDIFF_NORMED
Definition: imgproc.hpp:3668
cv::v_int64x2::v_int64x2
v_int64x2(vint64m1_t v)
Definition: intrin_rvv.hpp:489
cuda.hpp
cv::dnn::Net::setParam
void setParam(LayerId layer, int numParam, const Mat &blob)
Sets the new value for the learned param of the layer.
cv::_OutputArray::create
void create(int dims, const int *size, int type, int i=-1, bool allowTransposed=false, _OutputArray::DepthMask fixedDepthMask=static_cast< _OutputArray::DepthMask >(0)) const
cv::omnidir::internal::initializeCalibration
void initializeCalibration(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size size, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray K, double &xi, OutputArray idx=noArray())
cv::datasets::MSM_middleburyObj::r
Matx33d r
Definition: msm_middlebury.hpp:64
cv::HOGDescriptor::getWinSigma
double getWinSigma() const
Returns winSigma value.
cv::cudev::BrdConstant::src
SrcPtr src
Definition: extrapolation.hpp:65
cv::gapi::cpu::GOCVFunctor::Impl
std::function< void(GCPUContext &)> Impl
Definition: gcpukernel.hpp:494
hal_ni_sub16u
int hal_ni_sub16u(const ushort *src1_data, size_t src1_step, const ushort *src2_data, size_t src2_step, ushort *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:86
NCVMemPtr
Definition: NCV.hpp:440
cv::ximgproc::DisparityWLSFilter::setSigmaColor
virtual void setSigmaColor(double _sigma_color)=0
cv::videostab::MotionModel
MotionModel
Describes motion model between two point clouds.
Definition: motion_core.hpp:60
cv::mcc::DetectorParameters::borderWidth
int borderWidth
Definition: checker_detector.hpp:115
cv::videostab::FromFileMotionReader::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0) CV_OVERRIDE
cv::structured_light::StructuredLightPattern::generate
virtual bool generate(OutputArrayOfArrays patternImages)=0
Generates the structured light pattern to project.
cv::ft::ONE_STEP
@ ONE_STEP
processing in one step
Definition: types.hpp:61
cv::HISTCMP_INTERSECT
@ HISTCMP_INTERSECT
Definition: imgproc.hpp:508
cv::UMatData::deviceMemMapped
bool deviceMemMapped() const
cv::gapi::wip::draw::Text::text
std::string text
The text string to be drawn.
Definition: render_types.hpp:74
cv::detail::BestOf2NearestMatcher::collectGarbage
void collectGarbage() CV_OVERRIDE
Frees unused memory allocated before if there is any.
cv::Scalar_::mul
Scalar_< _Tp > mul(const Scalar_< _Tp > &a, double scale=1) const
per-element product
cv::cudacodec::YUV420
@ YUV420
Definition: cudacodec.hpp:273
cv::ml::ANN_MLP::setAnnealFinalT
virtual void setAnnealFinalT(double val)=0
cv::PCA::read
void read(const FileNode &fn)
load PCA objects
slic.hpp
cv::saliency::StaticSaliencySpectralResidual::~StaticSaliencySpectralResidual
virtual ~StaticSaliencySpectralResidual()
cvflann
Definition: flann.hpp:60
cv::datasets::HPE_parseObj::name
std::string name
Definition: hpe_parse.hpp:62
cv::Vec::cross
Vec cross(const Vec &v) const
cv::mcc::CCheckerDetector::getBestColorChecker
virtual Ptr< mcc::CChecker > getBestColorChecker()=0
Get the best color checker. By the best it means the one detected with the highest confidence.
cv::videostab::ILog
Definition: log.hpp:57
cv::cuda::DeviceInfo::maxThreadsPerBlock
int maxThreadsPerBlock() const
maximum number of threads per block
cv::softdouble::setSign
softdouble setSign(bool sign) const
Construct a copy with new sign bit.
Definition: softfloat.hpp:314
cv::perspectiveTransform
void perspectiveTransform(InputArray src, OutputArray dst, InputArray m)
Performs the perspective matrix transformation of vectors.
cv::gapi::video::GOptFlowLKOutput
std::tuple< cv::GArray< cv::Point2f >, cv::GArray< uchar >, cv::GArray< float > > GOptFlowLKOutput
Definition: video.hpp:51
cv::cuda::reprojectImageTo3D
void reprojectImageTo3D(InputArray disp, OutputArray xyzw, InputArray Q, int dst_cn=4, Stream &stream=Stream::Null())
Reprojects a disparity image to 3D space.
saliencySpecializedClasses.hpp
cv::linemod::Modality::process
Ptr< QuantizedPyramid > process(const Mat &src, const Mat &mask=Mat()) const
Form a quantized image pyramid from a source image.
Definition: linemod.hpp:132
cv::Stitcher::setFeaturesFinder
void setFeaturesFinder(Ptr< Feature2D > features_finder)
Definition: stitching.hpp:209
cv::cudev::vadd4
__device__ __forceinline__ uint vadd4(uint a, uint b)
Definition: simd_functions.hpp:526
cv::BORDER_ISOLATED
@ BORDER_ISOLATED
do not look outside of ROI
Definition: base.hpp:278
cv::RMat::View::ptr
const T * ptr(int y=0) const
Definition: rmat.hpp:81
cv::CommandLineParser::about
void about(const String &message)
Set the about message.
cv::aruco::Dictionary::maxCorrectionBits
int maxCorrectionBits
Definition: dictionary.hpp:66
cv::BackgroundSubtractorMOG2::getVarInit
virtual double getVarInit() const =0
Returns the initial variance of each gaussian component.
cv::MatOp::augAssignAnd
virtual void augAssignAnd(const MatExpr &expr, Mat &m) const
types.hpp
cv::videostab::InpaintingPipeline::setRadius
virtual void setRadius(int val) CV_OVERRIDE
cv::ovis::MATERIAL_LINE_WIDTH
@ MATERIAL_LINE_WIDTH
Definition: ovis.hpp:61
cv::Hamming::ResultType
int ResultType
Definition: base.hpp:386
cv::MatExpr::swap
void swap(MatExpr &b)
cv::estimateAffine2D
cv::Mat estimateAffine2D(InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
Computes an optimal affine transformation between two 2D point sets.
cv_vrndq_s32_f32
int32x4_t cv_vrndq_s32_f32(float32x4_t v)
Definition: neon_utils.hpp:61
cv::ppf_match_3d::PoseCluster3D::writePoseCluster
int writePoseCluster(FILE *f)
cv::DetectionBasedTracker::TrackedObject::PositionsVector
std::vector< cv::Rect > PositionsVector
Definition: detection_based_tracker.hpp:183
cv::gapi::wip::draw::Image::Image
Image(const cv::Point &org_, const cv::Mat &img_, const cv::Mat &alpha_)
Mosaic constructor.
Definition: render_types.hpp:278
cv::KalmanFilter::KalmanFilter
KalmanFilter()
cv::superres::createOptFlow_DualTVL1
Ptr< DualTVL1OpticalFlow > createOptFlow_DualTVL1()
cv::rgbd::ICPOdometry::getMaxDepth
double getMaxDepth() const
Definition: depth.hpp:799
cv::GArrayDesc
Definition: garray.hpp:39
cv::detail::SphericalWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::bgsegm::BackgroundSubtractorGMG::setBackgroundPrior
virtual void setBackgroundPrior(double bgprior)=0
Sets the prior probability that each individual pixel is a background pixel.
cv::COLOR_YUV2GRAY_Y422
@ COLOR_YUV2GRAY_Y422
Definition: imgproc.hpp:717
cv::ml::SVMSGD::MarginType
MarginType
Definition: ml.hpp:1810
cv::dnn::DNN_TARGET_FPGA
@ DNN_TARGET_FPGA
FPGA device with CPU fallbacks using Inference Engine's Heterogeneous plugin.
Definition: dnn.hpp:94
cv::cudev::sinh
__device__ __forceinline__ float1 sinh(const uchar1 &a)
Definition: vec_math.hpp:339
cv::CHAIN_APPROX_TC89_L1
@ CHAIN_APPROX_TC89_L1
Definition: imgproc.hpp:439
cv::KAZE
Class implementing the KAZE keypoint detector and descriptor extractor, described in .
Definition: features2d.hpp:761
cv::cuda::HoughCirclesDetector::setVotesThreshold
virtual void setVotesThreshold(int votesThreshold)=0
miniflann.hpp
cv::kinfu::Params::volumePose
Affine3f volumePose
initial volume pose in meters
Definition: kinfu.hpp:119
cv::ocl::kernelToStr
String kernelToStr(InputArray _kernel, int ddepth=-1, const char *name=NULL)
cv::dnn::Layer::tryFuse
virtual bool tryFuse(Ptr< Layer > &top)
Try to fuse current layer with a next one.
cv::detail::tracking::TrackerFeatureLBP::TrackerFeatureLBP
TrackerFeatureLBP()
cv::VariationalRefinement::getDelta
virtual float getDelta() const =0
Weight of the color constancy term.
cv::cudev::IntegralBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:245
cv::GNetworkType< K, std::function< std::tuple< R... >(Args...)> >::InArgs
std::tuple< Args... > InArgs
Definition: infer.hpp:87
cv::cuda::convertFp16
void convertFp16(InputArray _src, OutputArray _dst, Stream &stream=Stream::Null())
Converts an array to half precision floating number.
cv::detail::BundleAdjusterBase::obtainRefinedCameraParams
virtual void obtainRefinedCameraParams(std::vector< CameraParams > &cameras) const =0
Gets the refined camera parameters.
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8)
1x9, 3x3 or 9x1 matrix
cv::COLOR_YUV2GRAY_YV12
@ COLOR_YUV2GRAY_YV12
Definition: imgproc.hpp:671
cv::ximgproc::RulesOption
RulesOption
Specifies the degree of rules validation.
Definition: fast_hough_transform.hpp:116
cv::detail::tracking::tbm::CosDistance::compute
std::vector< float > compute(const std::vector< cv::Mat > &descrs1, const std::vector< cv::Mat > &descrs2) override
Computes distances between two descriptors in batches.
cv::ppf_match_3d::loadPLYSimple
Mat loadPLYSimple(const char *fileName, int withNormals=0)
Load a PLY file.
cv::detail::Graph::addEdge
void addEdge(int from, int to, float weight)
cv::viz::Mesh::normals
Mat normals
point normals of type CV_32FC3, CV_32FC4, CV_64FC3 or CV_64FC4 with only 1 row
Definition: types.hpp:131
cv::cudev::equal_to
Definition: functional.hpp:133
NCVMatrixAlloc
Definition: NCV.hpp:845
NCVVectorAlloc::getSegment
NCVMemSegment getSegment() const
Definition: NCV.hpp:674
cv::rgbd::DepthCleaner::getMethod
int getMethod() const
Definition: depth.hpp:247
cv::dnn::details::_LayerStaticRegisterer::~_LayerStaticRegisterer
~_LayerStaticRegisterer()
Definition: layer.details.hpp:68
cv::Param::REAL
@ REAL
cv::optflow::RLOFOpticalFlowParameter::globalMotionRansacThreshold
float globalMotionRansacThreshold
Definition: rlofflow.hpp:147
cv::omnidir::CALIB_FIX_K2
@ CALIB_FIX_K2
Definition: omnidir.hpp:60
cv::warpPolar
void warpPolar(InputArray src, OutputArray dst, Size dsize, Point2f center, double maxRadius, int flags)
Remaps an image to polar or semilog-polar coordinates space.
cv::BOWImgDescriptorExtractor::compute
void compute(InputArray image, std::vector< KeyPoint > &keypoints, OutputArray imgDescriptor, std::vector< std::vector< int > > *pointIdxsOfClusters=0, Mat *descriptors=0)
Computes an image descriptor using the set visual vocabulary.
cv::dnn::Model::setPreferableTarget
Model & setPreferableTarget(dnn::Target targetId)
cv::CAP_OPENNI_IR_GENERATOR_PRESENT
@ CAP_OPENNI_IR_GENERATOR_PRESENT
Definition: videoio.hpp:261
cv::dnn::DataAugmentationLayer::create
static Ptr< DataAugmentationLayer > create(const LayerParams &params)
cv::text::ERStat::local_maxima
bool local_maxima
whenever the regions is a local maxima of the probability
Definition: erfilter.hpp:109
cv::pyrUp
void pyrUp(InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT)
Upsamples an image and then blurs it.
cv::ml::TrainData::getTestNormCatResponses
virtual Mat getTestNormCatResponses() const =0
cv::Mat_::end
const_iterator end() const
cv::CommandLineParser
Designed for command line parsing.
Definition: utility.hpp:789
cv::large_kinfu::LargeKinfu::getCloud
virtual void getCloud(OutputArray points, OutputArray normals) const =0
cv::kinfu::VolumeParams
Definition: volume.hpp:53
cv::rgbd::Odometry::getTransformType
virtual int getTransformType() const =0
cv::DISOpticalFlow::getVariationalRefinementGamma
virtual float getVariationalRefinementGamma() const =0
Weight of the gradient constancy term.
cv::UMat::UMat
UMat(const UMat &m, const Range &rowRange, const Range &colRange=Range::all())
creates a matrix header for a part of the bigger matrix
cv::detail::tracking::feature::CvFeatureParams::HOG
@ HOG
Definition: tracking_feature.private.hpp:41
cv::dnn::TextDetectionModel_DB::getBinaryThreshold
float getBinaryThreshold() const
cv::rgbd::RgbdPlane
Definition: depth.hpp:330
cv::ml::TrainData::getSample
virtual void getSample(InputArray varIdx, int sidx, float *buf) const =0
cv::gapi::SobelXY
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.
cv::legacy::TrackerTLD::create
static Ptr< legacy::TrackerTLD > create()
cv::detail::tracking::tbm::ITrackerByMatching::Distance
std::shared_ptr< IDescriptorDistance > Distance
Definition: tracking_by_matching.hpp:419
cv::kinfu::Params::Params
Params(Matx33f volumeInitialPoseRot, Vec3f volumeInitialPoseTransl)
Constructor for Params Sets the initial pose of the TSDF volume.
Definition: kinfu.hpp:30
cv::cuda::OpticalFlowDual_TVL1::getNumScales
virtual int getNumScales() const =0
cv::HISTCMP_CHISQR
@ HISTCMP_CHISQR
Definition: imgproc.hpp:505
cv::vle8_v_u8mf4
vuint8mf4_t vle8_v_u8mf4(const uint8_t *base)
Definition: intrin_rvv.hpp:197
cv::cuda::DescriptorMatcher::matchAsync
virtual void matchAsync(InputArray queryDescriptors, OutputArray matches, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
cv::Stitcher::estimator
const Ptr< detail::Estimator > estimator() const
Definition: stitching.hpp:230
cv::dnn::readNetFromONNX
Net readNetFromONNX(const String &onnxFile)
Reads a network model ONNX.
hal_ni_magnitude64f
int hal_ni_magnitude64f(const double *x, const double *y, double *dst, int len)
Definition: hal_replacement.hpp:406
cv::superres::DualTVL1OpticalFlow::getTau
virtual double getTau() const =0
cv::structured_light::GrayCodePattern::Params::width
int width
Definition: graycodepattern.hpp:79
cv::cudev::ScharrXPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:259
cv::dnn::Backend
Backend
Enum of computation backends supported by layers.
Definition: dnn.hpp:66
cvstd_wrapper.hpp
cv::stereo::StereoMatcher::getSpeckleRange
virtual int getSpeckleRange() const =0
cv::morphologyDefaultBorderValue
static Scalar morphologyDefaultBorderValue()
returns "magic" border value for erosion and dilation. It is automatically transformed to Scalar::all...
Definition: imgproc.hpp:1398
cv::dnn::ReLULayer
Definition: all_layers.hpp:431
cv::videostab::FastMarchingMethod
Describes the Fast Marching Method implementation.
Definition: fast_marching.hpp:64
cv::cudacodec::H264
@ H264
Definition: cudacodec.hpp:251
cv::CAP_PROP_XI_AEAG
@ CAP_PROP_XI_AEAG
Automatic exposure/gain.
Definition: videoio.hpp:358
cv::LineIterator::minusShift
int minusShift
Definition: imgproc.hpp:4818
cv::superres::SuperResolution::nextFrame
void nextFrame(OutputArray frame) CV_OVERRIDE
Process next frame from input and return output result.
cv::cudev::ScharrXPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:241
cv::AVIWriteContainer::~AVIWriteContainer
~AVIWriteContainer()
cv::NormHistogramCostExtractor::getNormFlag
virtual int getNormFlag() const =0
cv::gapi::video::BackgroundSubtractorParams::learningRate
double learningRate
Definition: video.hpp:122
cv::videostab::LpMotionStabilizer::setTrimRatio
void setTrimRatio(float val)
Definition: motion_stabilizing.hpp:128
cv::hfs::HfsSegment::getNumSlicIter
virtual int getNumSlicIter()=0
cv::IMWRITE_EXR_TYPE_HALF
@ IMWRITE_EXR_TYPE_HALF
store as HALF (FP16)
Definition: imgcodecs.hpp:109
cv::legacy::TrackerBoosting::Params::numClassifiers
int numClassifiers
the number of classifiers to use in a OnlineBoosting algorithm
Definition: tracking_legacy.hpp:154
cv::directx::convertFromDirect3DSurface9
void convertFromDirect3DSurface9(IDirect3DSurface9 *pDirect3DSurface9, OutputArray dst, void *surfaceSharedHandle=NULL)
Converts IDirect3DSurface9 to OutputArray.
cv::legacy::TrackerKCF::Params::read
void read(const FileNode &)
cv::WINDOW_AUTOSIZE
@ WINDOW_AUTOSIZE
the user cannot resize the window, the size is constrainted by the image displayed.
Definition: highgui.hpp:188
cv::ft::FT02D_FL_process
void FT02D_FL_process(InputArray matrix, const int radius, OutputArray output)
Sligtly less accurate version of -transfrom computation optimized for higher speed....
cv::solvePnPGeneric
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...
cv::detail::tracking::feature::CvFeatureEvaluator::generateFeatures
virtual void generateFeatures()=0
cv::softfloat::one
static softfloat one()
One constant.
Definition: softfloat.hpp:210
cv::saliency::Objectness::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap) CV_OVERRIDE=0
cv::Feature2D::read
void read(const String &fileName)
cv::dnn::ResizeLayer
Resize input 4-dimensional blob by nearest neighbor or bilinear strategy.
Definition: all_layers.hpp:655
cv::v_check_all
bool v_check_all(const v_reg< _Tp, n > &a)
Check if all packed values are less than zero.
Definition: intrin_cpp.hpp:1306
cvCeil
int cvCeil(double value)
Rounds floating-point number to the nearest integer not smaller than the original.
Definition: fast_math.hpp:251
cv::ShapeContextDistanceExtractor::getInnerRadius
virtual float getInnerRadius() const =0
cv::detail::ExposureCompensator::getUpdateGain
bool getUpdateGain()
Definition: exposure_compensate.hpp:91
cv::MercatorWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:240
cv::Complex::Complex
Complex(_Tp _re, _Tp _im=0)
cv::Affine3::translate
Affine3 translate(const Vec3 &t) const
a.translate(t) is equivalent to Affine(E, t) * a, where E is an identity matrix
cv::saliency::Saliency::computeSaliencyImpl
virtual bool computeSaliencyImpl(InputArray image, OutputArray saliencyMap)=0
cv::cudev::LutPtrSz::cols
int cols
Definition: lut.hpp:77
cv::detail::BundleAdjusterBase::num_errs_per_measurement_
int num_errs_per_measurement_
Definition: motion_estimators.hpp:200
cv::videostab::MaskFrameSource::setMaskCallback
void setMaskCallback(std::function< void(Mat &)> MaskCallback)
Definition: frame_source.hpp:101
cv::optflow::GPCPatchSample::getDirections
void getDirections(bool &refdir, bool &posdir, bool &negdir, const Vec< double, GPCPatchDescriptor::nFeatures > &coef, double rhs) const
cv::saliency::ObjectnessBING::getBase
double getBase() const
Definition: saliencySpecializedClasses.hpp:337
cv::cudev::LinearInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:99
cv::KalmanFilter::temp4
Mat temp4
Definition: tracking.hpp:408
cv::detail::tracking::TrackerContribFeatureSet
Class that manages the extraction and selection of features.
Definition: tracking_internals.hpp:316
cv::ml::DTrees::getRoots
virtual const std::vector< int > & getRoots() const =0
Returns indices of root nodes.
cv::KAZE::getUpright
virtual bool getUpright() const =0
cv::ximgproc::StructuredEdgeDetection::edgesNms
virtual void edgesNms(cv::InputArray edge_image, cv::InputArray orientation_image, cv::OutputArray _dst, int r=2, int s=0, float m=1, bool isParallel=true) const =0
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
cv::GComputationT< R(Args...)>::compile
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:150
cv::int16_t
::int16_t int16_t
Definition: cvdef.h:796
cv::sortIdx
void sortIdx(InputArray src, OutputArray dst, int flags)
Sorts each row or each column of a matrix.
cv::Stitcher::estimator
Ptr< detail::Estimator > estimator()
Definition: stitching.hpp:229
CV_8UC1
#define CV_8UC1
Definition: interface.h:88
cv::detail::postprocess_ocl
void postprocess_ocl(Outputs &... outs)
Definition: goclkernel.hpp:150
CvResult
CvResult
Definition: llapi.h:31
cv::quality::QualityPSNR::compute
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute the PSNR.
Definition: qualitypsnr.hpp:48
cv::Tracker::init
virtual void init(InputArray image, const Rect &boundingBox)=0
Initialize the tracker with a known bounding box that surrounded the target.
cv::Exception::Exception
Exception()
cv::datasets::MSM_middlebury
Definition: msm_middlebury.hpp:69
cv::ml::TrainData::getDefaultSubstValues
virtual Mat getDefaultSubstValues() const =0
cv::GStreamingCompiled::stop
GAPI_WRAP void stop()
Stop (abort) processing the pipeline.
cv::ximgproc::RidgeDetectionFilter::getRidgeFilteredImage
virtual void getRidgeFilteredImage(InputArray _img, OutputArray out)=0
Apply Ridge detection filter on input image.
cv::cudev::DefaultCopyPolicy::block_size_y
@ block_size_y
Definition: copy.hpp:353
cv::cudacodec::Uncompressed_UYVY
@ Uncompressed_UYVY
UYVY (4:2:2)
Definition: cudacodec.hpp:265
cv::CHAIN_APPROX_NONE
@ CHAIN_APPROX_NONE
Definition: imgproc.hpp:434
cv::cuda::FEATURE_SET_COMPUTE_11
@ FEATURE_SET_COMPUTE_11
Definition: cuda.hpp:776
cv::compare
void compare(InputArray src1, InputArray src2, OutputArray dst, int cmpop)
Performs the per-element comparison of two arrays or an array and scalar value.
cv::ximgproc::DTF_NC
@ DTF_NC
Definition: edge_filter.hpp:53
cv::gapi::streaming::detail::GDesync::yield
static std::tuple< R... > yield(cv::GCall &call, cv::detail::Seq< IIs... >)
Definition: desync.hpp:35
cv::viz::KeyboardEvent::KeyboardEvent
KeyboardEvent(Action action, const String &symbol, unsigned char code, int modifiers)
Constructs a KeyboardEvent.
cv::viz::WLine
Simple widgets.
Definition: widgets.hpp:236
cv::v_expand_low
v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > v_expand_low(const v_reg< _Tp, n > &a)
Expand lower values to the wider pack type.
Definition: intrin_cpp.hpp:1381
cv::CAP_OPENCV_MJPEG
@ CAP_OPENCV_MJPEG
Built-in OpenCV MotionJPEG codec.
Definition: videoio.hpp:121
cv::ximgproc::DTF_IC
@ DTF_IC
Definition: edge_filter.hpp:54
cv::VideoCapture::retrieve
virtual bool retrieve(OutputArray image, int flag=0)
Decodes and returns the grabbed video frame.
cv::ml::ANN_MLP::setLayerSizes
virtual void setLayerSizes(InputArray _layer_sizes)=0
cv::cudev::NearestInterPtr
Definition: interpolation.hpp:64
cv::ml::DTrees::setMinSampleCount
virtual void setMinSampleCount(int val)=0
cv::dnn::BackendWrapper::BackendWrapper
BackendWrapper(int backendId, int targetId)
cv::ximgproc::RICInterpolator::getRefineModels
virtual bool getRefineModels() const =0
Parameter to choose wether additional refinement of the piece-wise affine models is employed.
cv::ximgproc::AdaptiveManifoldFilter::setAdjustOutliers
virtual void setAdjustOutliers(bool val)=0
cv::sampsonDistance
double sampsonDistance(InputArray pt1, InputArray pt2, InputArray F)
Calculates the Sampson Distance between two points.
all_indices.h
cv::Node::removeChilds
void removeChilds()
Definition: utility.hpp:1095
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Matx33d &K, InputArray image, double scale=1.0, const Color &color=Color::white())
Display image on the far plane of the viewing frustum.
cv::gapi::ocl::backend
cv::gapi::GBackend backend()
Get a reference to OCL backend.
cv::UMatData::originalUMatData
UMatData * originalUMatData
Definition: mat.hpp:567
cv::CAP_PROP_XI_COLOR_FILTER_ARRAY
@ CAP_PROP_XI_COLOR_FILTER_ARRAY
Returns color filter array type of RAW data.
Definition: videoio.hpp:410
cv::gapi::NV12toRGBp
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...
cv::ppf_match_3d::PoseCluster3D::~PoseCluster3D
virtual ~PoseCluster3D()
Definition: pose_3d.hpp:162
HaarStage64_Interpret_MaskRootNodes
#define HaarStage64_Interpret_MaskRootNodes
Definition: NCVHaarObjectDetection.hpp:270
cv::linemod::ColorGradient::ColorGradient
ColorGradient()
Default constructor. Uses reasonable default parameter values.
cv::AutoBuffer::operator=
AutoBuffer< _Tp, fixed_size > & operator=(const AutoBuffer< _Tp, fixed_size > &buf)
the assignment operator
cv::stereo::StereoMatcher::getNumDisparities
virtual int getNumDisparities() const =0
cv::cnn_3dobj::descriptorExtractor::getDeviceId
int getDeviceId()
Get device ID information for feature extraction.
cv::HOGDescriptor::svmDetector
std::vector< float > svmDetector
coefficients for the linear SVM classifier.
Definition: objdetect.hpp:617
cv::ml::SVMSGD::SvmsgdType
SvmsgdType
Definition: ml.hpp:1803
cv::_OutputArray::_OutputArray
_OutputArray(cuda::GpuMat &d_mat)
cv::videostab::WeightingDeblurer::deblur
virtual void deblur(int idx, Mat &frame, const Range &range) CV_OVERRIDE
cv::TLSData::TLSData
TLSData()
Definition: tls.hpp:64
cv::cudev::numeric_limits< uint >::min
__device__ static __forceinline__ uint min()
Definition: limits.hpp:104
cv::Matx::shortdim
@ shortdim
Definition: matx.hpp:110
cv::cudev::blockScanExclusive
__device__ __forceinline__ T blockScanExclusive(T data, volatile T *smem, uint tid)
Definition: scan.hpp:246
cv::viz::WCube::WCube
WCube(const Point3d &min_point=Vec3d::all(-0.5), const Point3d &max_point=Vec3d::all(0.5), bool wire_frame=true, const Color &color=Color::white())
Constructs a WCube.
cv::detail::are_meta_descrs_but_last
all_satisfy< is_meta_descr, typename all_but_last< Ts... >::type > are_meta_descrs_but_last
Definition: gmetaarg.hpp:65
cv::detail::FisheyeProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::detail::tracking::online_boosting::BaseClassifier::trainClassifier
void trainClassifier(const Mat &image, int target, float importance, std::vector< bool > &errorMask)
hal_ni_max64f
int hal_ni_max64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:109
cv::viz::REPRESENTATION_POINTS
@ REPRESENTATION_POINTS
Definition: widgets.hpp:76
nppiStDecimate_64f_C1R_host
NCVStatus nppiStDecimate_64f_C1R_host(Ncv64f *h_src, Ncv32u srcStep, Ncv64f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::text::ERFilter
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm ....
Definition: erfilter.hpp:119
hal_ni_canny
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
cv::cudev::GpuMat_::adjustROI
__host__ GpuMat_ & adjustROI(int dtop, int dbottom, int dleft, int dright)
cv::cudev::ScharrXPtr::src
SrcPtr src
Definition: deriv.hpp:239
cv::_InputArray::step
size_t step(int i=-1) const
cv::GeneralizedHough::getDp
virtual double getDp() const =0
cv::videostab::StabilizerBase::log
Ptr< ILog > log() const
Definition: stabilizer.hpp:72
cv::BaseCascadeClassifier::getMaskGenerator
virtual Ptr< MaskGenerator > getMaskGenerator()=0
cv::gapi::NV12toBGR
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...
cv::dnn::SegmentationModel::segment
void segment(InputArray frame, OutputArray mask)
Given the input frame, create input blob, run net.
operators.hpp
cv::Quat::acosh
friend Quat< T > acosh(const Quat< T > &q)
return arccosh value of quaternion q, arccosh could be calculated as:
cv::TrackerGOTURN::create
static Ptr< TrackerGOTURN > create(const TrackerGOTURN::Params &parameters=TrackerGOTURN::Params())
Constructor.
cv::sfm::SFM_REFINE_RADIAL_DISTORTION_K1
@ SFM_REFINE_RADIAL_DISTORTION_K1
Definition: simple_pipeline.hpp:126
cv::cudev::PtrTraitsBase< Ptr2DSz, Ptr2DSz >::getCols
static __host__ int getCols(const Ptr2DSz &ptr)
Definition: traits.hpp:74
cv::bgsegm::BackgroundSubtractorGMG::getSmoothingRadius
virtual int getSmoothingRadius() const =0
Returns the kernel radius used for morphological operations.
cv::GKernelType
Definition: gkernel.hpp:235
cv::ccm::DISTANCE_CMC_1TO1
@ DISTANCE_CMC_1TO1
In 1984, the Colour Measurement Committee of the Society of Dyers and Colourists defined a difference...
Definition: ccm.hpp:350
cv::v_store_high
void v_store_high(_Tp *ptr, const v_reg< _Tp, n > &a)
Store data to memory (higher half)
Definition: intrin_cpp.hpp:1782
cv::videostab::MaskFrameSource::reset
virtual void reset() CV_OVERRIDE
Definition: frame_source.hpp:94
cv::stereo::PropagationParameters::lkTermParam2
float lkTermParam2
Definition: quasi_dense_stereo.hpp:57
cv::ccm::COLOR_SPACE_sRGB
@ COLOR_SPACE_sRGB
https://en.wikipedia.org/wiki/SRGB , RGB color space
Definition: ccm.hpp:94
cv::gapi::fluid::Buffer::Cache::m_desc
GMatDesc m_desc
Definition: gfluidbuffer.hpp:98
hal_ni_cvtBGRtoThreePlaneYUV
int hal_ni_cvtBGRtoThreePlaneYUV(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int uIdx)
hal_cvtBGRtoThreePlaneYUV
Definition: hal_replacement.hpp:525
cv::CAP_PROP_XI_LENS_FOCUS_DISTANCE
@ CAP_PROP_XI_LENS_FOCUS_DISTANCE
Lens focus distance in cm.
Definition: videoio.hpp:441
cv::detail::tracking::contrib_feature::CvParams::~CvParams
virtual ~CvParams()
Definition: feature.hpp:127
cv::IMREAD_COLOR
@ IMREAD_COLOR
If set, always convert image to the 3 channel BGR color image.
Definition: imgcodecs.hpp:72
cv::v_reduce_sum4
v_float32x4 v_reduce_sum4(const v_float32x4 &a, const v_float32x4 &b, const v_float32x4 &c, const v_float32x4 &d)
Sums all elements of each input vector, returns the vector of sums.
Definition: intrin_cpp.hpp:1241
cv::detail::tracking::online_boosting::Detector::getIdxDetections
const std::vector< int > & getIdxDetections() const
Definition: onlineBoosting.hpp:228
cv::stereo::StereoBinaryBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
cv::CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
@ CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE
Definition: videoio.hpp:255
cv::gapi::wip::draw::FText::org
cv::Point org
The bottom-left corner of the text string in the image.
Definition: render_types.hpp:114
cv::ml::LogisticRegression::predict
virtual float predict(InputArray samples, OutputArray results=noArray(), int flags=0) const CV_OVERRIDE=0
Predicts responses for input samples and returns a float type.
cv::Mat::operator=
Mat & operator=(const Mat &m)
assignment operators
cv::GeneralizedHoughGuil::setPosThresh
virtual void setPosThresh(int posThresh)=0
Position votes threshold.
cv::ft::MULTI_STEP
@ MULTI_STEP
processing in multiple step
Definition: types.hpp:62
cv::BOWImgDescriptorExtractor::setVocabulary
void setVocabulary(const Mat &vocabulary)
Sets a visual vocabulary.
cv::HistogramCostExtractor
Abstract base class for histogram cost algorithms.
Definition: hist_cost.hpp:58
cv::Mat::Mat
Mat(const Point3_< _Tp > &pt, bool copyData=true)
cv::reg::MapShift::MapShift
MapShift()
cv::FileNode::read
static void read(const FileNode &node, schar &value, schar default_value)
Definition: persistence.hpp:1143
cv::ocl::OCL_VECTOR_MAX
@ OCL_VECTOR_MAX
Definition: ocl.hpp:659
CV_HAL_ERROR_NOT_IMPLEMENTED
#define CV_HAL_ERROR_NOT_IMPLEMENTED
Definition: interface.h:10
cv::ximgproc::SuperpixelLSC::getLabelContourMask
virtual void getLabelContourMask(OutputArray image, bool thick_line=true) const =0
Returns the mask of the superpixel segmentation stored in SuperpixelLSC object.
cv::face::FisherFaceRecognizer::create
static Ptr< FisherFaceRecognizer > create(int num_components=0, double threshold=DBL_MAX)
cv::gapi::wip::draw::Image::Image
Image()=default
cv::videostab::InpainterBase::motionModel_
MotionModel motionModel_
Definition: inpainting.hpp:95
cv::cuda::OpticalFlowDual_TVL1::setNumWarps
virtual void setNumWarps(int warps)=0
cv::ximgproc::segmentation::GraphSegmentation::getK
virtual float getK()=0
cv::face::StandardCollector::threshold
double threshold
Definition: predict_collector.hpp:92
cv::int8_t
::int8_t int8_t
Definition: cvdef.h:794
cv::ccm::INITIAL_METHOD_LEAST_SQUARE
@ INITIAL_METHOD_LEAST_SQUARE
the least square method is an optimal solution under the linear RGB distance function
Definition: ccm.hpp:84
cv::hdf::open
Ptr< HDF5 > open(const String &HDF5Filename)
Open or create hdf5 file.
cv::face::FacemarkLBF::Params::model_filename
std::string model_filename
filename where the trained model will be saved
Definition: facemarkLBF.hpp:79
cv::ovis::WindowScene::fixCameraYawAxis
virtual void fixCameraYawAxis(bool useFixed, InputArray up=noArray())=0
cv::ximgproc::segmentation::SelectiveSearchSegmentation::clearImages
virtual void clearImages()=0
Clear the list of images to process.
cv::dnn::Model::predict
void predict(InputArray frame, OutputArrayOfArrays outs) const
Given the input frame, create input blob, run net and return the output blobs.
cv::ocl::Program::getPrefix
String getPrefix() const
cv::cuda::DisparityBilateralFilter::setEdgeThreshold
virtual void setEdgeThreshold(double edge_threshold)=0
cv::MatOp::~MatOp
virtual ~MatOp()
cv::rgbd::FastICPOdometry::getCameraMatrix
cv::Mat getCameraMatrix() const CV_OVERRIDE
Definition: depth.hpp:1072
cv::datasets::SLAM_tumindoorObj
Definition: slam_tumindoor.hpp:68
cv::cudev::ScharrYPtrSz::rows
int rows
Definition: deriv.hpp:302
cv::Subdiv2D::locate
int locate(Point2f pt, int &edge, int &vertex)
Returns the location of a point within a Delaunay triangulation.
cv::detail::GArrayU::priv
GOrigin & priv()
cv::ocl::OpenCLExecutionContext::cloneWithNewQueue
OpenCLExecutionContext cloneWithNewQueue(const ocl::Queue &q) const
cv::v_max
v_reg< _Tp, n > v_max(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Choose max values for each pair.
Definition: intrin_cpp.hpp:665
cv::videostab::NullFrameSource
Definition: frame_source.hpp:66
cv::kinfu::Params::Params
Params(Matx44f volumeInitialPose)
Constructor for Params Sets the initial pose of the TSDF volume.
Definition: kinfu.hpp:40
cv::cuda::HoughLinesDetector::setRho
virtual void setRho(float rho)=0
cv::gapi::phase
GMat phase(const GMat &x, const GMat &y, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
cv::reg::MapAffine::getShift
const cv::Vec< double, 2 > & getShift() const
Definition: mapaffine.hpp:96
cv::ft::FT02D_iteration
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.
cv::xobjdetect::WBDetector::write
virtual void write(FileStorage &fs) const =0
Write detector to FileStorage.
cv::CAP_GIGANETIX
@ CAP_GIGANETIX
Smartek Giganetix GigEVisionSDK.
Definition: videoio.hpp:108
cv::repeat
void repeat(InputArray src, int ny, int nx, OutputArray dst)
Fills the output array with repeated copies of the input array.
cv::cudev::SumExprBody::src
SrcPtr src
Definition: reduction.hpp:66
tonemap.hpp
cv::detail::tracking::tbm::TrackerParams::max_num_objects_in_track
int max_num_objects_in_track
Definition: tracking_by_matching.hpp:305
cv::saliency::MotionSaliencyBinWangApr2014::getImageWidth
int getImageWidth() const
Definition: saliencySpecializedClasses.hpp:199
cv::VariationalRefinement::setDelta
virtual void setDelta(float val)=0
Weight of the color constancy term.
cv::cuda::BackgroundSubtractorMOG2::getBackgroundImage
void getBackgroundImage(GpuMat &backgroundImage, Stream &stream)
Definition: cudabgsegm.hpp:140
config.h
cv::saliency::StaticSaliencySpectralResidual::computeSaliency
bool computeSaliency(InputArray image, OutputArray saliencyMap)
Definition: saliencySpecializedClasses.hpp:81
cv::detail::tracking::tbm::ITrackerByMatching::descriptorStrong
virtual const Descriptor & descriptorStrong() const =0
Strong descriptor getter.
cv::detail::ProtoToMeta
Definition: gtyped.hpp:33
cv::ximgproc::createQuaternionImage
void createQuaternionImage(InputArray img, OutputArray qimg)
creates a quaternion image.
cv::hal::STORE_UNALIGNED
@ STORE_UNALIGNED
Definition: intrin.hpp:95
cv::saliency::MotionSaliencyBinWangApr2014
the Fast Self-tuning Background Subtraction Algorithm from
Definition: saliencySpecializedClasses.hpp:170
cv::kinfu::Params::Params
Params()
Definition: kinfu.hpp:22
cv::viz::WImageOverlay::WImageOverlay
WImageOverlay(InputArray image, const Rect &rect)
Constructs an WImageOverlay.
cv::createGeneralizedHoughBallard
Ptr< GeneralizedHoughBallard > createGeneralizedHoughBallard()
Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
cv::quality::QualityMSE::compute
cv::Scalar compute(InputArrayOfArrays cmpImgs) CV_OVERRIDE
Computes MSE for reference images supplied in class constructor and provided comparison images.
cv::cudacodec::YUV444
@ YUV444
Definition: cudacodec.hpp:275
cv::Stitcher::featuresMatcher
const Ptr< detail::FeaturesMatcher > featuresMatcher() const
Definition: stitching.hpp:213
cv::MergeExposures
The base class algorithms that can merge exposure sequence to a single image.
Definition: photo.hpp:599
cv::Subdiv2D::deletePoint
void deletePoint(int vtx)
cv::dnn::ChannelsPReLULayer::create
static Ptr< Layer > create(const LayerParams &params)
cv::COLOR_BayerBG2BGR_EA
@ COLOR_BayerBG2BGR_EA
Edge-Aware Demosaicing.
Definition: imgproc.hpp:770
cv::NAryMatIterator::init
void init(const Mat **arrays, Mat *planes, uchar **ptrs, int narrays=-1)
the separate iterator initialization method
cv::GComputation::GComputation
GAPI_WRAP GComputation(GProtoInputArgs &&ins, GProtoOutputArgs &&outs)
Generic GComputation constructor.
cv::FileStorage::write
static void write(FileStorage &fs, const Point3_< _Tp > &pt)
Definition: persistence.hpp:928
cv::ppf_match_3d::samplePCByQuantization
Mat samplePCByQuantization(Mat pc, Vec2f &xrange, Vec2f &yrange, Vec2f &zrange, float sample_step_relative, int weightByCenter=0)
cv::rgbd::DepthCleaner::~DepthCleaner
~DepthCleaner()
cv::VideoWriter::writer
Ptr< CvVideoWriter > writer
Definition: videoio.hpp:1016
base.hpp
cv::Matx41d
Matx< double, 4, 1 > Matx41d
Definition: matx.hpp:235
OPENCV_HAL_IMPL_RVV_REVERSE
#define OPENCV_HAL_IMPL_RVV_REVERSE(_Tpvec, _Tp, width, suffix)
Definition: intrin_rvv.hpp:1950
cv::aruco::DICT_5X5_250
@ DICT_5X5_250
Definition: dictionary.hpp:148
cv::detail::ProtoToParam< cv::GArray< cv::GMat > >::type
std::vector< cv::Mat > type
Definition: gtyped.hpp:29
cv::gapi::fluid::backend
cv::gapi::GBackend backend()
Get a reference to Fluid backend.
cv::cuda::GpuMat::setTo
GpuMat & setTo(Scalar s, InputArray mask)
sets some of the GpuMat elements to s, according to the mask (Blocking call)
cv::fisheye::CALIB_FIX_SKEW
@ CALIB_FIX_SKEW
Definition: calib3d.hpp:3769
cv::cudev::NearestInterPtrSz::rows
int rows
Definition: interpolation.hpp:78
cv::cudev::TransposeBody::src
SrcPtr src
Definition: warping.hpp:154
cv::cudacodec::FormatInfo::width
int width
Definition: cudacodec.hpp:286
cv::aruco::estimatePoseBoard
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.
cv::cudev::IsBinaryFunction::Yes
char Yes
Definition: functional.hpp:889
cv::cudacodec::SF_UYVY
@ SF_UYVY
Definition: cudacodec.hpp:74
cv::cudev::zipPtr
__host__ ZipPtrSz< tuple< typename PtrTraits< Ptr0 >::ptr_type, typename PtrTraits< Ptr1 >::ptr_type > > zipPtr(const Ptr0 &ptr0, const Ptr1 &ptr1)
Definition: zip.hpp:118
cv::ml::TrainData::getResponseType
virtual int getResponseType() const =0
cv::viz::KeyboardEvent::Action
Action
Definition: types.hpp:286
cv::datasets::POS
@ POS
Definition: pd_inria.hpp:62
cv::datasets::z
@ z
Definition: gr_skig.hpp:67
cv::INTER_NEAREST
@ INTER_NEAREST
Definition: imgproc.hpp:246
cv::BOWTrainer::BOWTrainer
BOWTrainer()
cv::AGAST_7_12d
static void AGAST_7_12d(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:818
cv::v_pack
v_uint8x16 v_pack(const v_uint16x8 &a, const v_uint16x8 &b)
Definition: intrin_cpp.hpp:2488
hdf5.h
cv::gapi::own::operator!=
bool operator!=(const Rect &lhs, const Rect &rhs)
Definition: types.hpp:69
cv::videostab::RansacParams::prob
float prob
probability of success
Definition: motion_core.hpp:78
cv::optflow::GPCForest::findCorrespondences
void findCorrespondences(InputArray imgFrom, InputArray imgTo, std::vector< std::pair< Point2i, Point2i > > &corr, const GPCMatchingParams params=GPCMatchingParams()) const
Find correspondences between two images.
Definition: sparse_matching_gpc.hpp:313
cv::rgbd::RgbdOdometry::getMaxRotation
double getMaxRotation() const
Definition: depth.hpp:724
cv::util::any::any
any(any const &src)
Definition: any.hpp:78
cv::Formatter::get
static Ptr< Formatter > get(Formatter::FormatType fmt=FMT_DEFAULT)
cv::Scalar_::conj
Scalar_< _Tp > conj() const
returns (v0, -v1, -v2, -v3)
cv::gapi::own::Size::Size
Size(int _width, int _height)
Definition: types.hpp:102
cv::createThinPlateSplineShapeTransformer
Ptr< ThinPlateSplineShapeTransformer > createThinPlateSplineShapeTransformer(double regularizationParameter=0)
cv::OPTFLOW_LK_GET_MIN_EIGENVALS
@ OPTFLOW_LK_GET_MIN_EIGENVALS
Definition: tracking.hpp:57
cv::GCompiled
Represents a compiled computation (graph). Can only be used with image / data formats & resolutions i...
Definition: gcompiled.hpp:67
cv::detail::scratch_helper< true, Impl, Ins... >::help_reset
static void help_reset(gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:235
cv::dnn::ConcatLayer::create
static Ptr< ConcatLayer > create(const LayerParams &params)
cv::gapi::video::TYPE_BS_MOG2
@ TYPE_BS_MOG2
Definition: video.hpp:94
cv::gapi::imgproc::G_TYPED_KERNEL_M
G_TYPED_KERNEL_M(GSobelXY,< GMat2(GMat, int, int, int, double, double, int, Scalar)>, "org.opencv.imgproc.filters.sobelxy")
Definition: imgproc.hpp:117
cv::cuda::HostMem
Class with reference counting wrapping special memory type allocation functions from CUDA.
Definition: cuda.hpp:528
cv::detail::AffineWarper::warpRoi
Rect warpRoi(Size src_size, InputArray K, InputArray H) CV_OVERRIDE
cv::dnn::Dict::has
bool has(const String &key) const
Checks a presence of the key in the dictionary.
cv::videostab::StabilizerBase::radius
int radius() const
Definition: stabilizer.hpp:75
cv::directx::getTypeFromD3DFORMAT
int getTypeFromD3DFORMAT(const int iD3DFORMAT)
Get OpenCV type from DirectX type.
cv::detail::tracking::TrackerContribFeatureSet::getResponses
const std::vector< Mat > & getResponses() const
Get the responses.
cv::cuda::BackgroundSubtractorGMG::getDefaultLearningRate
virtual double getDefaultLearningRate() const =0
OPENCV_HAL_IMPL_RVV_INIT_INTEGER
#define OPENCV_HAL_IMPL_RVV_INIT_INTEGER(_Tpvec, _Tp, width, suffix1, suffix2)
Definition: intrin_rvv.hpp:552
OPENCV_HAL_IMPL_MATH_FUNC_FLOAT
#define OPENCV_HAL_IMPL_MATH_FUNC_FLOAT(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:564
cv::PCA::project
void project(InputArray vec, OutputArray result) const
cv::gapi::onnx::backend
cv::gapi::GBackend backend()
cv::cuda::COLOR_BayerGR2GRAY_MHT
@ COLOR_BayerGR2GRAY_MHT
Definition: cudaimgproc.hpp:108
cv::ogl::Arrays::resetVertexArray
void resetVertexArray()
Resets vertex coordinates.
cv::ocl::Device::image3DMaxHeight
size_t image3DMaxHeight() const
NcvSize32s::height
Ncv32s height
Rectangle height.
Definition: NCV.hpp:175
cv::quality::QualityPSNR
Full reference peak signal to noise ratio (PSNR) algorithm https://en.wikipedia.org/wiki/Peak_signal-...
Definition: qualitypsnr.hpp:21
cv::ccm::DISTANCE_CMC_2TO1
@ DISTANCE_CMC_2TO1
Definition: ccm.hpp:351
cv::RotatedRect::RotatedRect
RotatedRect(const Point2f &point1, const Point2f &point2, const Point2f &point3)
cv::detail::OpaqueRef
Definition: gopaque.hpp:230
cv::cudacodec::EncoderParams::DeblockMode
int DeblockMode
NVVE_DEBLOCK_MODE,.
Definition: cudacodec.hpp:96
cv::v_pack_u
v_uint8x16 v_pack_u(const v_int16x8 &a, const v_int16x8 &b)
Definition: intrin_cpp.hpp:2494
NcvSize32u::operator==
__host__ __device__ bool operator==(const NcvSize32u &another) const
Definition: NCV.hpp:187
cv::Quat::operator-
Quat< _Tp > operator-(const Quat< _Tp > &) const
Subtraction operator of two quaternions p and q. It returns a new quaternion that each value is the s...
cv::CAP_OPENNI_QVGA_30HZ
@ CAP_OPENNI_QVGA_30HZ
Definition: videoio.hpp:281
cv::detail::createLaplacePyr
void createLaplacePyr(InputArray img, int num_levels, std::vector< UMat > &pyr)
cv::v_reinterpret_as_s16
v_int16x8 v_reinterpret_as_s16(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2398
cv::gapi::streaming::meta
cv::GOpaque< T > meta(G g, const std::string &tag)
Definition: meta.hpp:44
cv::rgbd::RgbdICPOdometry::RgbdICPOdometry
RgbdICPOdometry(const Mat &cameraMatrix, float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), int transformType=Odometry::RIGID_BODY_MOTION)
cv::softdouble::softdouble
softdouble(const int64_t)
cv::Size_::height
_Tp height
the height
Definition: types.hpp:340
cv::omnidir::internal::fillFixed
void fillFixed(Mat &G, int flags, int n)
cv::cuda::ImagePyramid::getLayer
virtual void getLayer(OutputArray outImg, Size outRoi, Stream &stream=Stream::Null()) const =0
cv::cuda::OpticalFlowDual_TVL1::setNumScales
virtual void setNumScales(int nscales)=0
cv::ocl::KernelArg::wscale
int wscale
Definition: ocl.hpp:417
cv::img_hash::RadialVarianceHash::getSigma
double getSigma() const
cv::Quat::squad
static Quat< _Tp > squad(const Quat< _Tp > &q0, const Quat< _Tp > &s0, const Quat< _Tp > &s1, const Quat< _Tp > &q1, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT, bool directChange=true)
To calculate the interpolation between , , , by Spherical and quadrangle(Squad). This could be defin...
cv::detail::WrapValue::wrap_in
static U wrap_in(const U &u)
Definition: gtype_traits.hpp:173
cv::vint64mf2_t
Definition: intrin_rvv.hpp:111
cv::dynafu::DynaFu::renderSurface
virtual void renderSurface(OutputArray depthImage, OutputArray vertImage, OutputArray normImage, bool warp=true)=0
cv::legacy::upgradeTrackingAPI
Ptr< cv::Tracker > upgradeTrackingAPI(const Ptr< legacy::Tracker > &legacy_tracker)
cv::DetectionBasedTracker::IDetector::getMaxObjectSize
cv::Size getMaxObjectSize() const
Definition: detection_based_tracker.hpp:92
cv::cudev::warpReduce
__device__ __forceinline__ void warpReduce(volatile T *smem, T &val, uint tid, const Op &op)
Definition: reduce.hpp:62
cv::bioinspired::TransientAreasSegmentationModule::printSetup
virtual const String printSetup()=0
parameters setup display method
cv::createShapeContextDistanceExtractor
Ptr< ShapeContextDistanceExtractor > createShapeContextDistanceExtractor(int nAngularBins=12, int nRadialBins=4, float innerRadius=0.2f, float outerRadius=2, int iterations=3, const Ptr< HistogramCostExtractor > &comparer=createChiHistogramCostExtractor(), const Ptr< ShapeTransformer > &transformer=createThinPlateSplineShapeTransformer())
cv::cudev::BrdConstant::val
PtrTraits< SrcPtr >::value_type val
Definition: extrapolation.hpp:67
cv::HOGDescriptor::checkDetectorSize
bool checkDetectorSize() const
Checks if detector size equal to descriptor size.
cv::Matx::Matx
Matx(const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b, Matx_SubOp)
cv::Mat_::forEach
void forEach(const Functor &operation)
template methods for for operation over all matrix elements.
cv::optflow::RLOFOpticalFlowParameter::useGlobalMotionPrior
bool useGlobalMotionPrior
Definition: rlofflow.hpp:134
cv::BOWTrainer::cluster
virtual Mat cluster(const Mat &descriptors) const =0
Clusters train descriptors.
cv::cudev::numeric_limits< short >::min
__device__ static __forceinline__ short min()
Definition: limits.hpp:83
cv::dnn::Layer::outputNameToIndex
virtual int outputNameToIndex(const String &outputName)
Returns index of output blob in output array.
cv::cuda::HoughLinesDetector::getDoSort
virtual bool getDoSort() const =0
cv::COLOR_BGRA2BGR
@ COLOR_BGRA2BGR
remove alpha channel from RGB or BGR image
Definition: imgproc.hpp:531
cv::GComputation::apply
void apply(GRunArgs &&ins, GRunArgsP &&outs, GCompileArgs &&args={})
Compile graph on-the-fly and immediately execute it on the inputs data vectors.
cv::detail::VectorRef::storeKind
void storeKind()
Definition: garray.hpp:270
cv::gapi::fluid::Buffer::~Buffer
~Buffer()
cv::CALIB_THIN_PRISM_MODEL
@ CALIB_THIN_PRISM_MODEL
Definition: calib3d.hpp:508
cv::ocl::OpenCLExecutionContext::p
std::shared_ptr< Impl > p
Definition: ocl.hpp:816
cv::v_popcount
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_popcount(const v_reg< _Tp, n > &a)
Count the 1 bits in the vector lanes and return result as corresponding unsigned type.
Definition: intrin_cpp.hpp:712
cv::Algorithm::clear
virtual void clear()
Clears the algorithm state.
Definition: core.hpp:3095
cv::detail::tracking::feature::CvHaarEvaluator::_ii_img
Mat _ii_img
Definition: tracking_feature.private.hpp:150
cv::gapi::ie::detail::ParamDesc::const_inputs
std::unordered_map< std::string, ConstInput > const_inputs
Definition: ie.hpp:59
cv::gapi::own::floord
double floord(double x)
Definition: saturate.hpp:83
cv::Mat_::stepT
size_t stepT(int i=0) const
returns step()/sizeof(_Tp)
cv::optflow::DualTVL1OpticalFlow::getMedianFiltering
virtual int getMedianFiltering() const =0
Median filter kernel size (1 = no filter) (3 or 5)
cv::COLOR_BGR2GRAY
@ COLOR_BGR2GRAY
convert between RGB/BGR and grayscale, color conversions
Definition: imgproc.hpp:546
cv::detail::tracking::contrib_feature::CvHaarEvaluator::generateFeatures
virtual void generateFeatures() CV_OVERRIDE
cv::ximgproc::HDO_RAW
@ HDO_RAW
Definition: fast_hough_transform.hpp:107
cv::line_descriptor::drawLineMatches
void drawLineMatches(const Mat &img1, const std::vector< KeyLine > &keylines1, const Mat &img2, const std::vector< KeyLine > &keylines2, const std::vector< DMatch > &matches1to2, Mat &outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singleLineColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), int flags=DrawLinesMatchesFlags::DEFAULT)
Draws the found matches of keylines from two images.
CV_CUDEV_HSV2RGB_INST
#define CV_CUDEV_HSV2RGB_INST(name, scn, dcn, bidx)
Definition: color_cvt.hpp:236
cv::cudev::SobelXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:143
cv::LineIterator::ptmode
bool ptmode
Definition: imgproc.hpp:4820
cv::gapi::subRC
GMat subRC(const GScalar &c, const GMat &src, int ddepth=-1)
Calculates the per-element difference between given scalar and the matrix.
cv::utils::dumpInputOutputArrayOfArrays
String dumpInputOutputArrayOfArrays(InputOutputArrayOfArrays argument)
cv::datasets::PascalPart::ymax
int ymax
Definition: or_pascal.hpp:65
cv::BackgroundSubtractorKNN::setDist2Threshold
virtual void setDist2Threshold(double _dist2Threshold)=0
Sets the threshold on the squared distance.
cv::videostab::ConsistentMosaicInpainter::ConsistentMosaicInpainter
ConsistentMosaicInpainter()
cv::freetype::FreeType2::putText
virtual void putText(InputOutputArray img, const String &text, Point org, int fontHeight, Scalar color, int thickness, int line_type, bool bottomLeftOrigin)=0
Draws a text string.
cv::ml::SVMSGD::setMarginType
virtual void setMarginType(int marginType)=0
Margin type, one of SVMSGD::MarginType.
cv::cuda::DeviceInfo::computeMode
DeviceInfo::ComputeMode computeMode() const
compute mode
cv::videostab::MM_RIGID
@ MM_RIGID
Definition: motion_core.hpp:64
NCVMatrix::size
NcvSize32u size() const
Definition: NCV.hpp:826
cv::WINDOW_FREERATIO
@ WINDOW_FREERATIO
the image expends as much as it can (no ratio constraint).
Definition: highgui.hpp:192
cv::datasets::PD_inriaObj::width
int width
Definition: pd_inria.hpp:75
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const _Tp &val)
Definition: persistence.hpp:1080
cv::cuda::HOG::detectMultiScaleWithoutConf
void detectMultiScaleWithoutConf(InputArray img, std::vector< Rect > &found_locations)
Performs object detection with a multi-scale window.
Definition: cudaobjdetect.hpp:202
HaarClassifierNode128::getLeftNodeDesc
__host__ __device__ HaarClassifierNodeDescriptor32 getLeftNodeDesc(void)
Definition: NCVHaarObjectDetection.hpp:256
variant.hpp
cv::cuda::Event::record
void record(Stream &stream=Stream::Null())
records an event
cv::Vec6i
Vec< int, 6 > Vec6i
Definition: matx.hpp:424
cv::AutoBuffer::value_type
_Tp value_type
Definition: utility.hpp:104
cv::dpm::DPMDetector::ObjectDetection::score
float score
Definition: dpm.hpp:113
cv::videostab::MotionInpainter::setOptFlowEstimator
void setOptFlowEstimator(Ptr< IDenseOptFlowEstimator > val)
Definition: inpainting.hpp:146
cv::AVIWriteContainer::jflushStream
void jflushStream(unsigned currval, int bitIdx)
cv::COLOR_RGBA2YUV_YV12
@ COLOR_RGBA2YUV_YV12
Definition: imgproc.hpp:739
cv::saliency::ObjectnessBING::setBase
void setBase(double val)
Definition: saliencySpecializedClasses.hpp:341
cv::QtFontWeights
QtFontWeights
Qt font weight.
Definition: highgui.hpp:240
cv::AutoBuffer::allocate
void allocate(size_t _size)
allocates the new buffer of size _size. if the _size is small enough, stack-allocated buffer is used
cv::dnn::PriorBoxLayer
Definition: all_layers.hpp:582
cv::LineIterator::minusStep
int minusStep
Definition: imgproc.hpp:4817
logtag.hpp
cv::cudev::ConstantPtr::value
T value
Definition: constant.hpp:62
cv::aruco::GridBoard::getGridSize
Size getGridSize() const
Definition: aruco.hpp:340
cv::SIFT::getDefaultName
virtual String getDefaultName() const CV_OVERRIDE
cv::cudev::vsetgt2
__device__ __forceinline__ uint vsetgt2(uint a, uint b)
Definition: simd_functions.hpp:322
cv::face::loadFacePoints
bool loadFacePoints(String filename, OutputArray points, float offset=0.0f)
A utility to load facial landmark information from a given file.
cv::datasets::OR_sun::paths
std::vector< std::string > paths
Definition: or_sun.hpp:73
cv::CAP_PROP_DC1394_MODE_MANUAL
@ CAP_PROP_DC1394_MODE_MANUAL
set automatically when a value of the feature is set by the user.
Definition: videoio.hpp:216
cv::detail::MultiBandBlender::MultiBandBlender
MultiBandBlender(int try_gpu=false, int num_bands=5, int weight_type=CV_32F)
cv::ximgproc::RidgeDetectionFilter::create
static Ptr< RidgeDetectionFilter > create(int ddepth=CV_32FC1, int dx=1, int dy=1, int ksize=3, int out_dtype=CV_8UC1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT)
Create pointer to the Ridge detection filter.
cv::cudev::SelectIf
Definition: type_traits.hpp:97
cv::kinfu::Intr::Reprojector::cy
float cy
Definition: intrinsics.hpp:35
cv::dnn::Layer::setActivation
virtual bool setActivation(const Ptr< ActivationLayer > &layer)
Tries to attach to the layer the subsequent activation layer, i.e. do the layer fusion in a partial c...
cv::freetype::FreeType2
Definition: freetype.hpp:75
cv::ocl::Device::imagePitchAlignment
uint imagePitchAlignment() const
hal_ni_fastAtan32f
int hal_ni_fastAtan32f(const float *y, const float *x, float *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:388
cv::dnn::Model::impl
Ptr< Impl > impl
Definition: dnn.hpp:1178
cv::cudev::functional_detail::FloatType
Definition: functional.hpp:448
cv::ogl::Buffer::elemSize
int elemSize() const
cv::WND_PROP_FULLSCREEN
@ WND_PROP_FULLSCREEN
fullscreen property (can be WINDOW_NORMAL or WINDOW_FULLSCREEN).
Definition: highgui.hpp:200
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::hcellsTemporalConstant
float hcellsTemporalConstant
Definition: retina.hpp:162
cv::dnn::Layer::initNgraph
virtual Ptr< BackendNode > initNgraph(const std::vector< Ptr< BackendWrapper > > &inputs, const std::vector< Ptr< BackendNode > > &nodes)
cv::detail::tracking::TrackerSamplerCS::Params
Definition: tracking_internals.hpp:711
cv::viz::WCube
This 3D Widget defines a cube.
Definition: widgets.hpp:373
ncvAssertPrintCheck
#define ncvAssertPrintCheck(pred, msg)
Definition: NCV.hpp:256
cv::mcc::CChecker::create
static Ptr< CChecker > create()
Create a new CChecker object.
cv::MatConstIterator_::difference_type
ptrdiff_t difference_type
Definition: mat.hpp:3080
cv::videostab::WobbleSuppressorBase::setMotions2
virtual void setMotions2(const std::vector< Mat > &val)
Definition: wobble_suppression.hpp:81
cv::BackgroundSubtractor
Base class for background/foreground segmentation. :
Definition: background_segm.hpp:61
cv::ximgproc::weightedMedianFilter
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.
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, const String &dslabel) const =0
cv::cudev::log2
__device__ __forceinline__ double4 log2(const double4 &a)
Definition: vec_math.hpp:274
cv::ximgproc::segmentation::SelectiveSearchSegmentation::addGraphSegmentation
virtual void addGraphSegmentation(Ptr< GraphSegmentation > g)=0
Add a new graph segmentation in the list of graph segementations to process.
cv::multicalib::MultiCameraCalibration::edge::cameraVertex
int cameraVertex
Definition: multicalib.hpp:84
cv::ocl::PlatformInfo::vendor
String vendor() const
cv::bgsegm::BackgroundSubtractorGMG::getDefaultLearningRate
virtual double getDefaultLearningRate() const =0
Returns the learning rate of the algorithm.
cv::aruco::Dictionary::getDistanceToId
int getDistanceToId(InputArray bits, int id, bool allRotations=true) const
Returns the distance of the input bits to the specific id. If allRotations is true,...
cv::ml::RTrees::getTermCriteria
virtual TermCriteria getTermCriteria() const =0
cv::detail::RotationWarper::warpPoint
virtual Point2f warpPoint(const Point2f &pt, InputArray K, InputArray R)=0
Projects the image point.
cv::imreadmulti
CV_EXPORTS_W bool imreadmulti(const String &filename, CV_OUT std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR)
Loads a multi-page image from a file.
cv::ximgproc::segmentation::SelectiveSearchSegmentationStrategy::setImage
virtual void setImage(InputArray img, InputArray regions, InputArray sizes, int image_id=-1)=0
Set a initial image, with a segmentation.
NCV_HAAR_INVALID_PIXEL_STEP
@ NCV_HAAR_INVALID_PIXEL_STEP
Definition: NCV.hpp:343
cv::GIn
GProtoInputArgs GIn(Ts &&... ts)
Definition: gproto.hpp:96
cv::MatOp::subtract
virtual void subtract(const Scalar &s, const MatExpr &expr, MatExpr &res) const
cv::cuda::DeviceInfo::freeMemory
size_t freeMemory() const
cv::dnn::DNN_BACKEND_DEFAULT
@ DNN_BACKEND_DEFAULT
Definition: dnn.hpp:70
cv::cuda::minMax
void minMax(InputArray src, double *minVal, double *maxVal, InputArray mask=noArray())
Finds global minimum and maximum matrix elements and returns their values.
cv::detail::Blender::feed
virtual void feed(InputArray img, InputArray mask, Point tl)
Processes the image.
cv::detail::OpaqueRef::getKind
cv::detail::OpaqueKind getKind() const
Definition: gopaque.hpp:251
cv::Mat_::Mat_
Mat_(int _ndims, const int *_sizes, const _Tp &value)
n-dim array constructor that sets each matrix element to specified value
cv::cudev::logical_not
Definition: functional.hpp:215
cv::cuda::StereoBeliefPropagation::setMsgType
virtual void setMsgType(int msg_type)=0
VASurfaceID
unsigned int VASurfaceID
Definition: va_intel.hpp:23
cv::Affine3::float_type
T float_type
Definition: affine.hpp:129
cv::detail::tracking::TrackerSamplerPF::Params
This structure contains all the parameters that can be varied during the course of sampling algorithm...
Definition: tracking_internals.hpp:775
cv::datasets::pat
@ pat
Definition: gr_skig.hpp:71
cv::videostab::MotionEstimatorBase::motionModel
virtual MotionModel motionModel() const
Definition: global_motion.hpp:111
cv::CAP_PROP_XI_DEVICE_SN
@ CAP_PROP_XI_DEVICE_SN
Returns device serial number.
Definition: videoio.hpp:446
cv::GeneralizedHoughGuil::setMaxAngle
virtual void setMaxAngle(double maxAngle)=0
Maximal rotation angle to detect in degrees.
cv::videostab::DeblurerBase
Definition: deblurring.hpp:60
cv::instr::NodeData::m_threads
int m_threads
Definition: instrumentation.hpp:89
cv::BufferPoolController
Definition: bufferpool.hpp:22
cv::DIST_HUBER
@ DIST_HUBER
distance = |x|<c ? x^2/2 : c(|x|-c/2), c=1.345
Definition: imgproc.hpp:307
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::update
bool update(const Mat &image, int target, float importance=1.0)
cv::rgbd::RgbdOdometry::setMaxTranslation
void setMaxTranslation(double val)
Definition: depth.hpp:720
cuda_types.hpp
cv::optflow::GPCForest::train
void train(GPCTrainingSamples &samples, const GPCTrainingParams params=GPCTrainingParams())
Train the forest using one sample set for every tree. Please, consider using the next method instead ...
Definition: sparse_matching_gpc.hpp:237
cv::dnn::Model::setInputParams
void setInputParams(double scale=1.0, const Size &size=Size(), const Scalar &mean=Scalar(), bool swapRB=false, bool crop=false)
Set preprocessing parameters for frame.
cv::cudev::SumExprBody
Definition: reduction.hpp:65
cv::cuda::CascadeClassifier::getClassifierSize
virtual Size getClassifierSize() const =0
cv::softdouble::setFrac
softdouble setFrac(const softdouble &s) const
Construct a copy with provided significand.
Definition: softfloat.hpp:338
cv::ximgproc::DTF_RF
@ DTF_RF
Definition: edge_filter.hpp:55
cv::COLOR_RGB2YCrCb
@ COLOR_RGB2YCrCb
Definition: imgproc.hpp:585
cv::gapi::cpu::backend
cv::gapi::GBackend backend()
Get a reference to CPU (OpenCV) backend.
cv::stereo::StereoBinaryBM::getUsePrefilter
virtual bool getUsePrefilter() const =0
cv::dnn::Model::operator=
Model & operator=(const Model &)=default
CV_CUDEV_EXPR_BINARY_FUNC
#define CV_CUDEV_EXPR_BINARY_FUNC(name)
Definition: binary_func.hpp:61
NCV_INVALID_STEP
@ NCV_INVALID_STEP
Definition: NCV.hpp:329
cv::GC_EVAL
@ GC_EVAL
Definition: imgproc.hpp:361
cv::cudev::ResizePtr::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< SrcPtr >::index_type y, typename PtrTraits< SrcPtr >::index_type x) const
Definition: resize.hpp:68
cv::detail::tracking::feature::CvFeatureParams::numFeatures
int numFeatures
Definition: tracking_feature.private.hpp:48
cv::ShapeContextDistanceExtractor::setShapeContextWeight
virtual void setShapeContextWeight(float shapeContextWeight)=0
Set the weight of the shape context distance in the final value of the shape distance....
cv::cudev::ConstantPtrSz
Definition: constant.hpp:68
cv::stereo::StereoBinaryBM::PREFILTER_NORMALIZED_RESPONSE
@ PREFILTER_NORMALIZED_RESPONSE
Definition: stereo.hpp:126
cv::instr::TYPE_WRAPPER
@ TYPE_WRAPPER
Definition: instrumentation.hpp:49
cv::videostab::GaussianMotionFilter::stdev
float stdev() const
Definition: motion_stabilizing.hpp:104
hal_ni_add64f
int hal_ni_add64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:82
cv::Vec3f
Vec< float, 3 > Vec3f
Definition: matx.hpp:428
cv::quality::QualityBRISQUE
BRISQUE (Blind/Referenceless Image Spatial Quality Evaluator) is a No Reference Image Quality Assessm...
Definition: qualitybrisque.hpp:26
cv::text::ERFilter::setCallback
virtual void setCallback(const Ptr< ERFilter::Callback > &cb)=0
set/get methods to set the algorithm properties,
cv::optflow::RLOFOpticalFlowParameter::create
static Ptr< RLOFOpticalFlowParameter > create()
Creates instance of optflow::RLOFOpticalFlowParameter.
cv::determinant
static double determinant(const Matx< _Tp, m, m > &a)
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::MP
int MP
Dimensionality of the measurement vector.
Definition: kalman_filters.hpp:132
cv::gapi::fluid::Buffer::Cache::m_linePtrs
std::vector< uint8_t * > m_linePtrs
Definition: gfluidbuffer.hpp:97
cv::vuint16mf2_t
Definition: intrin_rvv.hpp:48
cv::img_hash::AverageHash::AverageHash
AverageHash()
Definition: average_hash.hpp:26
cv::cudev::IntegerAreaInterPtr::index_type
float index_type
Definition: interpolation.hpp:237
cv::CLAHE::apply
virtual void apply(InputArray src, OutputArray dst)=0
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
cv::createTrackbar
int createTrackbar(const String &trackbarname, const String &winname, int *value, int count, TrackbarCallback onChange=0, void *userdata=0)
Creates a trackbar and attaches it to the specified window.
cv::cudev::ThreshBinaryFunc
Definition: functional.hpp:695
cv::cudev::DefaultTransposePolicy::block_dim_y
@ block_dim_y
Definition: transpose.hpp:88
cv::aruco::DetectorParameters::polygonalApproxAccuracyRate
double polygonalApproxAccuracyRate
Definition: aruco.hpp:162
cv::INTERSECT_PARTIAL
@ INTERSECT_PARTIAL
There is a partial intersection.
Definition: imgproc.hpp:800
cv::UMatData::userdata
void * userdata
Definition: mat.hpp:564
cv::ccm::COLOR_SPACE_WideGamutRGB
@ COLOR_SPACE_WideGamutRGB
https://en.wikipedia.org/wiki/Wide-gamut_RGB_color_space , RGB color space
Definition: ccm.hpp:98
cv::ogl::Buffer::elemSize1
int elemSize1() const
cv::stereo::PropagationParameters::corrWinSizeY
int corrWinSizeY
Definition: quasi_dense_stereo.hpp:41
cv::ORB::setFastThreshold
virtual void setFastThreshold(int fastThreshold)=0
cv::dnn::MishLayer::create
static Ptr< MishLayer > create(const LayerParams &params)
_v512_set_epu32
#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
cv::xphoto::InpaintTypes
InpaintTypes
Various inpainting algorithms.
Definition: inpainting.hpp:70
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::array< Mat, _Nm > &arr)
cv
"black box" representation of the file storage associated with a file on disk.
Definition: affine.hpp:52
cv::kinfu::VolumeType
VolumeType
Definition: volume.hpp:47
cv::ovis::createPointCloudMesh
void createPointCloudMesh(const String &name, InputArray vertices, InputArray colors=noArray())
cv::freetype::createFreeType2
Ptr< FreeType2 > createFreeType2()
Create FreeType2 Instance.
cv::estimateAffinePartial2D
cv::Mat estimateAffinePartial2D(InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10)
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets...
cv::tan
Quat< T > tan(const Quat< T > &q)
cv::line_descriptor::KeyLine::pt
Point2f pt
Definition: descriptor.hpp:115
cv::bioinspired::RetinaParameters::OPLandIplParvoParameters::photoreceptorsSpatialConstant
float photoreceptorsSpatialConstant
Definition: retina.hpp:162
cv::GCPUContext::outFrame
cv::MediaFrame & outFrame(int output)
cv::InputOutputArray
const _InputOutputArray & InputOutputArray
Definition: mat.hpp:441
cv::IMWRITE_PAM_FORMAT_BLACKANDWHITE
@ IMWRITE_PAM_FORMAT_BLACKANDWHITE
Definition: imgcodecs.hpp:132
cv::legacy::TrackerMOSSE::create
static Ptr< legacy::TrackerMOSSE > create()
Constructor.
cv::cudev::abs_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, abs_func< typename PtrTraits< SrcPtr >::value_type > > > abs_(const SrcPtr &src)
Definition: unary_func.hpp:68
cv::cuda::BackgroundSubtractorGMG::setDecisionThreshold
virtual void setDecisionThreshold(double thresh)=0
cv::SparseMat::iterator
SparseMatIterator iterator
Definition: mat.hpp:2665
cv::Mat::getDefaultAllocator
static MatAllocator * getDefaultAllocator()
cv::StereoSGBM::getP1
virtual int getP1() const =0
cv::detail::BlocksGainCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:223
cv::ml::TrainData::getVarType
virtual Mat getVarType() const =0
cv::TickMeter::getTimeMilli
double getTimeMilli() const
returns passed time in milliseconds.
Definition: utility.hpp:333
nppiStDecimate_32f_C1R
NCVStatus nppiStDecimate_32f_C1R(Ncv32f *d_src, Ncv32u srcStep, Ncv32f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::FlannBasedMatcher::FlannBasedMatcher
FlannBasedMatcher(const Ptr< flann::IndexParams > &indexParams=makePtr< flann::KDTreeIndexParams >(), const Ptr< flann::SearchParams > &searchParams=makePtr< flann::SearchParams >())
cv::rgbd::FastICPOdometry::FastICPOdometry
FastICPOdometry(const Mat &cameraMatrix, float maxDistDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float angleThreshold=(float)(30. *CV_PI/180.), float sigmaDepth=0.04f, float sigmaSpatial=4.5f, int kernelSize=7, const std::vector< int > &iterCounts=std::vector< int >())
cv::gapi::video::TYPE_BS_KNN
@ TYPE_BS_KNN
Definition: video.hpp:95
cv::detail::AffineBestOf2NearestMatcher::match
void match(const ImageFeatures &features1, const ImageFeatures &features2, MatchesInfo &matches_info) CV_OVERRIDE
This method must implement matching logic in order to make the wrappers detail::FeaturesMatcher::oper...
cv::CascadeClassifier::convert
static bool convert(const String &oldcascade, const String &newcascade)
cv::dnn::TextDetectionModel_EAST::getConfidenceThreshold
float getConfidenceThreshold() const
Get the detection confidence threshold.
cv::omnidir::internal::decodeParameters
void decodeParameters(InputArray paramsters, OutputArray K, OutputArrayOfArrays omAll, OutputArrayOfArrays tAll, OutputArray distoration, double &xi)
cv::ml::DTrees::setMaxCategories
virtual void setMaxCategories(int val)=0
cv::ml::KNearest::getDefaultK
virtual int getDefaultK() const =0
cv::MatStep::MatStep
MatStep(size_t s)
cv::_OutputArray::fixedSize
bool fixedSize() const
cv::FarnebackOpticalFlow
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
Definition: tracking.hpp:476
cv::bgsegm::createBackgroundSubtractorLSBP
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.
cv::KAZE::getNOctaves
virtual int getNOctaves() const =0
cv::reg::Map::warp
virtual void warp(InputArray img1, OutputArray img2) const
cv::dnn::DictValue::DictValue
DictValue(unsigned p)
Constructs integer scalar.
Definition: dict.hpp:66
cv::ccm::ColorCorrectionModel::setLinearGamma
void setLinearGamma(const double &gamma)
set Gamma
cv::cudev::sin
__device__ __forceinline__ float1 sin(const uchar1 &a)
Definition: vec_math.hpp:285
cv::detail::RotationWarper::setScale
virtual void setScale(float)
Definition: warpers.hpp:136
cv::MOTION_HOMOGRAPHY
@ MOTION_HOMOGRAPHY
Definition: tracking.hpp:265
cv::SparseMat
The class SparseMat represents multi-dimensional sparse numerical arrays.
Definition: mat.hpp:2663
cv::viz::WText::WText
WText(const String &text, const Point &pos, int font_size=20, const Color &color=Color::white())
Constructs a WText.
cv::hdf::HDF5::close
virtual void close()=0
Close and release hdf5 object.
cv::aruco::DICT_4X4_50
@ DICT_4X4_50
Definition: dictionary.hpp:142
cv::dnn::TanHLayer::create
static Ptr< TanHLayer > create(const LayerParams &params)
cv::_OutputArray::_OutputArray
_OutputArray(const std::vector< _Tp > &vec)
hal_ni_cvtBGRtoBGR5x5
int hal_ni_cvtBGRtoBGR5x5(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int scn, bool swapBlue, int greenBits)
hal_cvtBGRtoBGR5x5
Definition: hal_replacement.hpp:322
cv::detail::FeatherBlender
Simple blender which mixes images at its borders.
Definition: blenders.hpp:101
cv::cuda::BackgroundSubtractorFGD::getForegroundRegions
virtual void getForegroundRegions(OutputArrayOfArrays foreground_regions)=0
Returns the output foreground regions calculated by findContours.
cv::cnn_3dobj::icoSphere
Icosohedron based camera view data generator. The class create some sphere views of camera towards a ...
Definition: cnn_3dobj.hpp:125
cv::GPlaidMLKernel::F
std::function< void(GPlaidMLContext &)> F
Definition: gplaidmlkernel.hpp:59
cv::COLOR_HLS2BGR_FULL
@ COLOR_HLS2BGR_FULL
Definition: imgproc.hpp:617
cv::flann::GenericIndex::veclen
int veclen() const
Definition: flann.hpp:322
cv::getStructuringElement
Mat getStructuringElement(int shape, Size ksize, Point anchor=Point(-1,-1))
Returns a structuring element of the specified size and shape for morphological operations.
cv::COLOR_YUV420p2BGRA
@ COLOR_YUV420p2BGRA
Definition: imgproc.hpp:666
cv::ml::TrainData::getNormCatValues
virtual void getNormCatValues(int vi, InputArray sidx, int *values) const =0
cv::Error::StsAutoTrace
@ StsAutoTrace
tracing
Definition: base.hpp:77
cv::superres::createSuperResolution_BTVL1
Ptr< SuperResolution > createSuperResolution_BTVL1()
Create Bilateral TV-L1 Super Resolution.
cv::datasets::cross
@ cross
Definition: gr_skig.hpp:68
cv::v_int64x2::lane_type
int64 lane_type
Definition: intrin_rvv.hpp:485
cv::Quat::slerp
static Quat< _Tp > slerp(const Quat< _Tp > &q0, const Quat &q1, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT, bool directChange=true)
To calculate the interpolation between and by Spherical Linear Interpolation(Slerp),...
cv::detail::BlocksCompensator::setSimilarityThreshold
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:180
cv::MatConstIterator::MatConstIterator
MatConstIterator(const Mat *_m, const int *_idx)
constructor that sets the iterator to the specified element of the matrix
cv::img_hash::BlockMeanHash::create
static Ptr< BlockMeanHash > create(int mode=BLOCK_MEAN_HASH_MODE_0)
cv::GInferList::tag
static constexpr const char * tag()
Definition: infer.hpp:280
cv::hal::sqrt32f
void sqrt32f(const float *src, float *dst, int len)
cv::quality::QualityPSNR::empty
bool empty() const CV_OVERRIDE
Implements Algorithm::empty()
Definition: qualitypsnr.hpp:59
cv::face::loadDatasetList
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.
cv::viz::Widget3D::setPose
void setPose(const Affine3d &pose)
Sets pose of the widget.
cv::viz::Widget2D::setColor
void setColor(const Color &color)
Sets the color of the widget.
cv::GFluidKernel::F
std::function< void(const cv::GArgs &, const std::vector< gapi::fluid::Buffer * > &)> F
Definition: gfluidkernel.hpp:56
cv::viz::Viz3d::saveScreenshot
void saveScreenshot(const String &file)
Saves screenshot of the current scene.
cv::rgbd::RgbdOdometry::setMaxDepth
void setMaxDepth(double val)
Definition: depth.hpp:672
cv::cuda::meanShiftProc
void meanShiftProc(InputArray src, OutputArray dstr, OutputArray dstsp, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs a mean-shift procedure and stores information about processed points (their colors and posit...
cv::TLSDataAccumulator::~TLSDataAccumulator
~TLSDataAccumulator()
Definition: tls.hpp:94
cv::RotatedRect::boundingRect2f
Rect_< float > boundingRect2f() const
returns the minimal (exact) floating point rectangle containing the rotated rectangle,...
cv::instr::resetTrace
void resetTrace()
cv::StereoSGBM::getUniquenessRatio
virtual int getUniquenessRatio() const =0
cv::line_descriptor::BinaryDescriptor::BinaryDescriptor
BinaryDescriptor(const BinaryDescriptor::Params &parameters=BinaryDescriptor::Params())
Constructor.
cv::Mat::Mat
Mat(const std::vector< int > &sizes, int type, void *data, const size_t *steps=0)
cv::ximgproc::FastBilateralSolverFilter::filter
virtual void filter(InputArray src, InputArray confidence, OutputArray dst)=0
Apply smoothing operation to the source image.
cv::videostab::InpainterBase::radius_
int radius_
Definition: inpainting.hpp:94
cv::_OutputArray::release
void release() const
OPENCV_HAL_IMPL_RVV_EXPAND
#define OPENCV_HAL_IMPL_RVV_EXPAND(_Tpwvec, _Tp, _Tpvec, width, suffix, wcvt)
Definition: intrin_rvv.hpp:1978
cv::cuda::ALPHA_OUT_PREMUL
@ ALPHA_OUT_PREMUL
Definition: cudaimgproc.hpp:159
cv::text::createOCRHMMTransitionsTable
void createOCRHMMTransitionsTable(std::string &vocabulary, std::vector< std::string > &lexicon, OutputArray transition_probabilities_table)
Utility function to create a tailored language model transitions table from a given list of words (le...
cv::CAP_PROP_XI_IS_COOLED
@ CAP_PROP_XI_IS_COOLED
Returns 1 for cameras that support cooling.
Definition: videoio.hpp:400
cv::rgbd::ICPOdometry::setMaxPointsPart
void setMaxPointsPart(double val)
Definition: depth.hpp:827
cv::Quat::power
Quat< _Tp > power(const _Tp x, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
return the value of power function with index .
cv::cuda::GpuMat::refcount
int * refcount
Definition: cuda.hpp:333
cv::Subdiv2D::initDelaunay
void initDelaunay(Rect rect)
Creates a new empty Delaunay subdivision.
cv::TLSData::createDataInstance
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:78
cv::cudev::AffineMapPtr::warpMat
const float * warpMat
Definition: warping.hpp:66
cv::THRESH_TOZERO_INV
@ THRESH_TOZERO_INV
Definition: imgproc.hpp:324
cv::AgastFeatureDetector_Impl::setType
void setType(int type_)
Definition: agast.txt:7529
cv::gapi::combine
GKernelPackage combine(const GKernelPackage &lhs, const GKernelPackage &rhs)
cv::hal::recip64f
void recip64f(const double *, size_t, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *scale)
NppStInterpolationState::pBV
Ncv32f * pBV
backward vertical displacement
Definition: NPP_staging.hpp:124
msa_macros.h
cv::ORB::getPatchSize
virtual int getPatchSize() const =0
cv::_OutputArray::_OutputArray
_OutputArray(const cuda::HostMem &cuda_mem)
cv::GScalar
Definition: gscalar.hpp:30
cv::reg::MapperGradEuclid::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
cv::COLOR_BGR5652BGR
@ COLOR_BGR5652BGR
Definition: imgproc.hpp:557
cv::findNonZero
void findNonZero(InputArray src, OutputArray idx)
Returns the list of locations of non-zero pixels.
cv::detail::tracking::tbm::TrackerParams::drop_forgotten_tracks
bool drop_forgotten_tracks
Definition: tracking_by_matching.hpp:302
cv::superres::DualTVL1OpticalFlow::setScalesNumber
virtual void setScalesNumber(int val)=0
cv::ml::TrainData::shuffleTrainTest
virtual void shuffleTrainTest()=0
cv::hal::recip8s
void recip8s(const schar *, size_t, const schar *src2, size_t step2, schar *dst, size_t step, int width, int height, void *scale)
cv::rgbd::RgbdNormals::initialize
void initialize() const
cv::ocl::PlatformInfo::version
String version() const
See CL_PLATFORM_VERSION.
cv::cuda::histRange
void histRange(InputArray src, OutputArray hist, InputArray levels, Stream &stream=Stream::Null())
Calculates a histogram with bins determined by the levels array.
cv::dnn::KeypointsModel
This class represents high-level API for keypoints models.
Definition: dnn.hpp:1220
cv::superres::createFrameSource_Camera
Ptr< FrameSource > createFrameSource_Camera(int deviceId=0)
cv::cuda::DeviceInfo::name
const char * name() const
ASCII string identifying device.
cv::SparseOpticalFlow
Base interface for sparse optical flow algorithms.
Definition: tracking.hpp:454
cv::optflow::DualTVL1OpticalFlow::setScalesNumber
virtual void setScalesNumber(int val)=0
Number of scales used to create the pyramid of images.
cv::cuda::DescriptorMatcher::getTrainDescriptors
virtual const std::vector< GpuMat > & getTrainDescriptors() const =0
Returns a constant link to the train descriptor collection.
cv::MouseEventTypes
MouseEventTypes
Mouse Events see cv::MouseCallback.
Definition: highgui.hpp:209
cv::gapi::GBackend::hash
std::size_t hash() const
cv::detail::RotationWarperBase::detectResultRoi
virtual void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br)
cv::Affine3::matrix
Mat4 matrix
Definition: affine.hpp:273
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getReplacedClassifier
int getReplacedClassifier() const
cv::phase
void phase(InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false)
Calculates the rotation angle of 2D vectors.
cv::bgsegm::BackgroundSubtractorGMG::setDefaultLearningRate
virtual void setDefaultLearningRate(double lr)=0
Sets the learning rate of the algorithm.
cv::GFluidKernelImpl::API
K API
Definition: gfluidkernel.hpp:421
cv::AKAZE::getDescriptorChannels
virtual int getDescriptorChannels() const =0
cv::detail::NoExposureCompensator::getMatGains
void getMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:104
cv::detail::GCompoundContext::m_args
GArgs m_args
Definition: gcompoundkernel.hpp:36
cv::dnn::LRNLayer::create
static Ptr< LRNLayer > create(const LayerParams &params)
cv::bilateralFilter
void bilateralFilter(InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the bilateral filter to an image.
cv::omnidir::XYZRGB
@ XYZRGB
Definition: omnidir.hpp:76
cv::ppf_match_3d::computeBboxStd
void computeBboxStd(Mat pc, Vec2f &xRange, Vec2f &yRange, Vec2f &zRange)
cv::cudev::ScharrXPtrSz::cols
int cols
Definition: deriv.hpp:256
cv::cuda::CornernessCriteria
Base class for Cornerness Criteria computation. :
Definition: cudaimgproc.hpp:520
cv::dnn::ConcatLayer::axis
int axis
Definition: all_layers.hpp:313
cv::CALIB_NINTRINSIC
@ CALIB_NINTRINSIC
Definition: calib3d.hpp:495
cv::detail::SphericalPortraitWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
cv::filterHomographyDecompByVisibleRefpoints
void filterHomographyDecompByVisibleRefpoints(InputArrayOfArrays rotations, InputArrayOfArrays normals, InputArray beforePoints, InputArray afterPoints, OutputArray possibleSolutions, InputArray pointsMask=noArray())
Filters homography decompositions based on additional information.
cv::CAP_PROP_XI_CC_MATRIX_33
@ CAP_PROP_XI_CC_MATRIX_33
Color Correction Matrix element [3][3].
Definition: videoio.hpp:429
cv::detail::PlaneWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getInitSigma
float getInitSigma() const
cv::stereo::StereoBinarySGBM::setSpekleRemovalTechnique
virtual void setSpekleRemovalTechnique(int factor)=0
cv::videostab::MaskFrameSource::nextFrame
virtual Mat nextFrame() CV_OVERRIDE
Definition: frame_source.hpp:95
cv::linemod::Modality::~Modality
virtual ~Modality()
Definition: linemod.hpp:123
imgproc.hpp
cv::datasets::illuminationType
illuminationType
Definition: gr_skig.hpp:82
cv::text::PSM_SINGLE_LINE
@ PSM_SINGLE_LINE
Definition: ocr.hpp:76
cv::ml::LogisticRegression::setMiniBatchSize
virtual void setMiniBatchSize(int val)=0
HaarStage64_Interpret_ShiftRootNodeOffset
#define HaarStage64_Interpret_ShiftRootNodeOffset
Definition: NCVHaarObjectDetection.hpp:272
cv::GMatDesc::size
cv::Size size
Definition: gmat.hpp:81
cv::cudev::RemapPtr2::operator()
__device__ __forceinline__ PtrTraits< SrcPtr >::value_type operator()(typename PtrTraits< MapXPtr >::index_type y, typename PtrTraits< MapXPtr >::index_type x) const
Definition: remap.hpp:84
cv::BufferPoolController::getMaxReservedSize
virtual size_t getMaxReservedSize() const =0
cv::detail::OptRef::Holder::reset
virtual void reset() override
Definition: gstreaming.hpp:49
cv::TrackerGOTURN::Params::modelBin
std::string modelBin
Definition: tracking.hpp:808
cv::detail::tracking::TrackerStateEstimator::getClassName
String getClassName() const
Get the name of the specific TrackerStateEstimator.
cv::UMat::usageFlags
UMatUsageFlags usageFlags
Definition: mat.hpp:2561
cv::ppf_match_3d::PPF3DDetector::clearTrainingModels
void clearTrainingModels()
cv::CAP_PVAPI_FSTRIGMODE_SYNCIN2
@ CAP_PVAPI_FSTRIGMODE_SYNCIN2
SyncIn2.
Definition: videoio.hpp:313
cv::KalmanFilter::temp1
Mat temp1
Definition: tracking.hpp:405
NCVVectorAlloc::~NCVVectorAlloc
~NCVVectorAlloc()
Definition: NCV.hpp:654
cv::ft::FT02D_inverseFT
void FT02D_inverseFT(InputArray components, InputArray kernel, OutputArray output, int width, int height)
Computes inverse -transfrom.
cv::cudev::bit_or::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:236
NcvRect8u::width
Ncv8u width
Definition: NCV.hpp:141
cv::Subdiv2D::getVoronoiFacetList
void getVoronoiFacetList(const std::vector< int > &idx, std::vector< std::vector< Point2f > > &facetList, std::vector< Point2f > &facetCenters)
Returns a list of all Voronoi facets.
cv::Allocator::const_reference
const value_type & const_reference
Definition: cvstd.hpp:117
constant.hpp
Cv16suf::u
ushort u
Definition: cvdef.h:368
cv::ml::DTrees::getNodes
virtual const std::vector< Node > & getNodes() const =0
Returns all the nodes.
saturate_cast.hpp
cv::gapi::KalmanParams::controlMatrix
Mat controlMatrix
control matrix (B) (Optional: not used if there's no control)
Definition: video.hpp:42
cv::aruco::CORNER_REFINE_NONE
@ CORNER_REFINE_NONE
Tag and corners detection based on the ArUco approach.
Definition: aruco.hpp:82
cv::gapi::ie::PyParams::PyParams
PyParams()=default
cv::fastAtan2
float fastAtan2(float y, float x)
Calculates the angle of a 2D vector in degrees.
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::CP
int CP
Dimensionality of the control vector.
Definition: kalman_filters.hpp:133
cv::detail::ArgKind
ArgKind
Definition: gtype_traits.hpp:31
cv::datasets::GR_skig::create
static Ptr< GR_skig > create()
cv::aruco::CharucoBoard::chessboardCorners
std::vector< Point3f > chessboardCorners
Definition: charuco.hpp:66
cv::legacy::TrackerMedianFlow::Params::winSizeNCC
cv::Size winSizeNCC
window size around a point for normalized cross-correlation check
Definition: tracking_legacy.hpp:202
cv::SparsePyrLKOpticalFlow::setTermCriteria
virtual void setTermCriteria(TermCriteria &crit)=0
hal_ni_div8u
int hal_ni_div8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:257
cv::CommandLineParser::printErrors
void printErrors() const
Print list of errors occurred.
cv::legacy::MultiTracker
This class is used to track multiple objects using the specified tracker algorithm.
Definition: tracking_legacy.hpp:352
cv::cuda::ALPHA_IN
@ ALPHA_IN
Definition: cudaimgproc.hpp:159
cv::text::loadOCRHMMClassifierNM
Ptr< OCRHMMDecoder::ClassifierCallback > loadOCRHMMClassifierNM(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRHMMDecoder object.
cv::ocl::OpenCLExecutionContext::OpenCLExecutionContext
OpenCLExecutionContext()=default
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(const Mat &m)
cv::viz::Widget::setRenderingProperty
void setRenderingProperty(int property, double value)
Sets rendering property of the widget.
cv::face::FN_FaceDetector
bool(* FN_FaceDetector)(InputArray, OutputArray, void *userData)
Definition: facemark_train.hpp:33
cv::TLSDataContainer::createDataInstance
virtual void * createDataInstance() const =0
cv::dnn::PoolingLayer::create
static Ptr< PoolingLayer > create(const LayerParams &params)
hal_ni_cmp32s
int hal_ni_cmp32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, int operation)
Definition: hal_replacement.hpp:213
cv::line_descriptor::BinaryDescriptor::descriptorType
int descriptorType() const
Return data type.
cv::FONT_HERSHEY_DUPLEX
@ FONT_HERSHEY_DUPLEX
normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)
Definition: imgproc.hpp:820
cv::dnn::NormalizeBBoxLayer::acrossSpatial
bool acrossSpatial
Definition: all_layers.hpp:644
cv::sfm::libmv_ReconstructionOptions::keyframe2
int keyframe2
Definition: simple_pipeline.hpp:152
cv::cuda::DisparityBilateralFilter::setRadius
virtual void setRadius(int radius)=0
cv::bgsegm::BackgroundSubtractorGMG::getMaxFeatures
virtual int getMaxFeatures() const =0
Returns total number of distinct colors to maintain in histogram.
cv::QT_FONT_NORMAL
@ QT_FONT_NORMAL
Weight of 50.
Definition: highgui.hpp:242
cv::detail::get_in< cv::GArray< U > >::get
static const std::vector< U > & get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:176
cv::cudev::affineMap
static __host__ AffineMapPtrSz affineMap(Size dstSize, const GpuMat_< float > &warpMat)
Definition: warping.hpp:86
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(Mat_< _Tp > &m)
cv::_InputArray::rows
int rows(int i=-1) const
cv::videostab::StabilizerBase::stabilizeFrame
void stabilizeFrame()
opencv_includes.hpp
cv::stereo::StereoBinaryBM::getPreFilterSize
virtual int getPreFilterSize() const =0
cv::GOCLKernelImpl::kernel
static cv::GOCLKernel kernel()
Definition: goclkernel.hpp:239
cv::dnn::DictValue::getIntValue
int getIntValue(int idx=-1) const
hal_ni_exp32f
int hal_ni_exp32f(const float *src, float *dst, int len)
Definition: hal_replacement.hpp:473
cv::acos
Quat< T > acos(const Quat< T > &q)
cv::LMSolver::create
static Ptr< LMSolver > create(const Ptr< LMSolver::Callback > &cb, int maxIters, double eps)
cv::detail::NoTag::tag
static constexpr const char * tag()
Definition: gkernel.hpp:195
cv::ConnectedComponentsTypes
ConnectedComponentsTypes
connected components statistics
Definition: imgproc.hpp:392
onlineBoosting.hpp
cv::gapi::ie::Params
Definition: ie.hpp:84
cv::hdf::HDF5::dscreate
virtual void dscreate(const int rows, const int cols, const int type, const String &dslabel, const int compresslevel) const =0
cv::detail::OpaqueRef::operator=
OpaqueRef & operator=(const cv::util::any &a)
Definition: gopaque.hpp:296
cv::utils::BufferArea::allocate
void allocate(T *&ptr, size_t count, ushort alignment=sizeof(T))
Bind a pointer to local area.
Definition: buffer_area.private.hpp:67
intrin_rvv.hpp
cv::cudev::gridTransformBinary
__host__ void gridTransformBinary(const SrcPtr1 &src1, const SrcPtr2 &src2, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:447
cv::detail::GOpaqueTraits
Definition: gcommon.hpp:62
aruco.hpp
cv::CAP_PROP_PVAPI_MULTICASTIP
@ CAP_PROP_PVAPI_MULTICASTIP
IP for enable multicast master mode. 0 for disable multicast.
Definition: videoio.hpp:301
cv::datasets::TRACK_vot::frameCounter
int frameCounter
Definition: track_vot.hpp:88
cv::gapi::ie::detail::ParamDesc::Kind
Kind
Definition: ie.hpp:66
cv::legacy::TrackerMedianFlow::Params::read
void read(const FileNode &)
cv::detail::PlaneWarper::detectResultRoi
void detectResultRoi(Size src_size, Point &dst_tl, Point &dst_br) CV_OVERRIDE
cv::ml::ANN_MLP::setRpropDWMax
virtual void setRpropDWMax(double val)=0
hal_ni_add32s
int hal_ni_add32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:80
cv::optflow::OpticalFlowPCAFlow::prior
const Ptr< const PCAPrior > prior
Definition: pcaflow.hpp:97
CPU_VSX3
@ CPU_VSX3
Definition: cvdef.h:327
cv::utils::logging::internal::writeLogMessageEx
void writeLogMessageEx(LogLevel logLevel, const char *tag, const char *file, int line, const char *func, const char *message)
cv::util::are_different_t
enable_if_t< !std::is_same< decay_t< T >, decay_t< U > >::value, V > are_different_t
Definition: type_traits.hpp:26
cv::detail::tracking::feature::CvFeatureEvaluator::create
static Ptr< CvFeatureEvaluator > create(CvFeatureParams::FeatureType type)
cv::RNG::RNG
RNG()
constructor
cv::ximgproc::GradientDericheY
void GradientDericheY(InputArray op, OutputArray dst, double alpha, double omega)
Applies Y Deriche filter to an image.
cv::detail::DisjointSets::DisjointSets
DisjointSets(int elem_count=0)
Definition: util.hpp:58
cv::haveImageReader
CV_EXPORTS_W bool haveImageReader(const String &filename)
Returns true if the specified image can be decoded by OpenCV.
cv::xphoto::SimpleWB::setInputMin
virtual void setInputMin(float val)=0
Input image range minimum value.
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:64
Cv32suf::f
float f
Definition: cvdef.h:379
cv::CommandLineParser::printMessage
void printMessage() const
Print help message.
cv::saliency::StaticSaliencySpectralResidual::StaticSaliencySpectralResidual
StaticSaliencySpectralResidual()
cv::detail::leaveBiggestComponent
std::vector< int > leaveBiggestComponent(std::vector< ImageFeatures > &features, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
cv::detail::BlocksGainCompensator::BlocksGainCompensator
BlocksGainCompensator(int bl_width, int bl_height, int nr_feeds)
Definition: exposure_compensate.hpp:213
cv::Point3_::Point3_
Point3_(Point3_ &&pt) CV_NOEXCEPT
cv::mcc::DetectorParameters::minContoursAreaRate
double minContoursAreaRate
Definition: checker_detector.hpp:110
cv::VideoWriter::getBackendName
String getBackendName() const
Returns used backend API name.
cv::KeyPoint::KeyPoint
KeyPoint()
the default constructor
cv::ximgproc::segmentation::createSelectiveSearchSegmentationStrategySize
Ptr< SelectiveSearchSegmentationStrategySize > createSelectiveSearchSegmentationStrategySize()
Create a new size-based strategy.
cv::quality::quality_utils::EXPANDED_MAT_DEFAULT_TYPE
static CV_CONSTEXPR const int EXPANDED_MAT_DEFAULT_TYPE
Definition: quality_utils.hpp:18
cv::ml::DTrees::Node::Node
Node()
cv::GeneralizedHoughGuil::setMinScale
virtual void setMinScale(double minScale)=0
Minimal scale to detect.
cv::fillPoly
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())
cv::pow
softfloat pow(const softfloat &a, const softfloat &b)
Raising to the power.
cv::sfm::applyTransformationToPoints
void applyTransformationToPoints(InputArray points, InputArray T, OutputArray transformed_points)
Apply Transformation to points.
cv::datasets::IR_affineObj::mat
Matx33d mat
Definition: ir_affine.hpp:64
cv::cudev::GlobPtr::row
__device__ __forceinline__ const T * row(int y) const
Definition: glob.hpp:73
cv::CAP_PROP_XI_APPLY_CMS
@ CAP_PROP_XI_APPLY_CMS
Enable applying of CMS profiles to xiGetImage (see XI_PRM_INPUT_CMS_PROFILE, XI_PRM_OUTPUT_CMS_PROFIL...
Definition: videoio.hpp:408
cv::FileStorage::write
static void write(FileStorage &fs, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:959
cv::cuda::Event::CreateFlags
CreateFlags
Definition: cuda.hpp:705
cv::videostab::DeblurerBase::radius
virtual int radius() const
Definition: deblurring.hpp:67
cv::datasets::SR_general100Obj
Definition: sr_general100.hpp:24
cv::aruco::DICT_APRILTAG_36h10
@ DICT_APRILTAG_36h10
6x6 bits, minimum hamming distance between any two codes = 10, 2320 codes
Definition: dictionary.hpp:161
cv::detail::BlocksCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
cv::gapi::wip::draw::Mosaic::cellSz
int cellSz
Cell size (same for X, Y)
Definition: render_types.hpp:259
cv::COLOR_YUV2BGR_IYUV
@ COLOR_YUV2BGR_IYUV
Definition: imgproc.hpp:653
cv::Mat::MAGIC_MASK
@ MAGIC_MASK
Definition: mat.hpp:2080
cv::detail::tracking::contrib_feature::CvHOGEvaluator::init
virtual void init(const CvFeatureParams *_featureParams, int _maxSampleCount, Size _winSize) CV_OVERRIDE
cv::text::TextDetector
An abstract class providing interface for text detection algorithms.
Definition: textDetector.hpp:21
cv::ThinPlateSplineShapeTransformer::setRegularizationParameter
virtual void setRegularizationParameter(double beta)=0
Set the regularization parameter for relaxing the exact interpolation requirements of the TPS algorit...
cv::detail::CompressedRectilinearProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::StereoSGBM::create
static Ptr< StereoSGBM > create(int minDisparity=0, int numDisparities=16, int blockSize=3, int P1=0, int P2=0, int disp12MaxDiff=0, int preFilterCap=0, int uniquenessRatio=0, int speckleWindowSize=0, int speckleRange=0, int mode=StereoSGBM::MODE_SGBM)
Creates StereoSGBM object.
cv::viz::Viz3d::setGlobalWarnings
void setGlobalWarnings(bool enabled=false)
cv::GMatDesc::canDescribe
bool canDescribe(const cv::RMat &mat) const
cv::util::optional::operator=
optional & operator=(const optional &)=default
cv::viz::Viz3d::setWidgetPose
void setWidgetPose(const String &id, const Affine3d &pose)
Sets pose of a widget in the window.
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::width
int width
Definition: histogramphaseunwrapping.hpp:81
cv::_InputArray::_InputArray
_InputArray(const Matx< _Tp, m, n > &matx)
cv::ximgproc::amFilter
void amFilter(InputArray joint, InputArray src, OutputArray dst, double sigma_s, double sigma_r, bool adjust_outliers=false)
Simple one-line Adaptive Manifold Filter call.
cv::viz::IMMEDIATE_RENDERING
@ IMMEDIATE_RENDERING
Definition: widgets.hpp:68
cv::datasets::PascalPart::xmin
int xmin
Definition: or_pascal.hpp:62
cv::detail::SphericalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, OutputArray xmap, OutputArray ymap) CV_OVERRIDE
Builds the projection maps according to the given camera data.
Definition: warpers.hpp:560
cv::dnn::BatchNormLayer
Definition: all_layers.hpp:524
cv::ml::ParamGrid::ParamGrid
ParamGrid(double _minVal, double _maxVal, double _logStep)
Constructor with parameters.
HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
#define HaarFeatureDescriptor32_Interpret_MaskFlagRightNodeLeaf
Definition: NCVHaarObjectDetection.hpp:123
cv::sqrBoxFilter
void sqrBoxFilter(InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1, -1), bool normalize=true, int borderType=BORDER_DEFAULT)
Calculates the normalized sum of squares of the pixel values overlapping the filter.
cv::CALIB_CB_EXHAUSTIVE
@ CALIB_CB_EXHAUSTIVE
Definition: calib3d.hpp:484
cv::cuda::DeviceInfo::maxGridSize
Vec3i maxGridSize() const
maximum size of each dimension of a grid
cv::linemod::Detector::LinearMemoryPyramid
std::vector< std::vector< LinearMemories > > LinearMemoryPyramid
Definition: linemod.hpp:406
cv::HausdorffDistanceExtractor::setRankProportion
virtual void setRankProportion(float rankProportion)=0
This method sets the rank proportion (or fractional value) that establish the Kth ranked value of the...
cv::COLOR_BayerGR2BGRA
@ COLOR_BayerGR2BGRA
Definition: imgproc.hpp:784
cv::cudev::vavrg2
__device__ __forceinline__ uint vavrg2(uint a, uint b)
Definition: simd_functions.hpp:220
cv::superres::DualTVL1OpticalFlow::setTau
virtual void setTau(double val)=0
cv::saliency::ObjectnessBING::read
void read()
cv::datasets::HPE_parse
Definition: hpe_parse.hpp:66
cv::COLOR_YUV2RGBA_NV12
@ COLOR_YUV2RGBA_NV12
Definition: imgproc.hpp:643
cv::cuda::DeviceInfo
Class providing functionality for querying the specified GPU properties.
Definition: cuda.hpp:830
cv::ml::SVM::setCoef0
virtual void setCoef0(double val)=0
cv::LineSegmentDetector
Line segment detector class.
Definition: imgproc.hpp:1265
cv::aruco::Board::objPoints
std::vector< std::vector< Point3f > > objPoints
Definition: aruco.hpp:286
cv::linemod::QuantizedPyramid::selectScatteredFeatures
static void selectScatteredFeatures(const std::vector< Candidate > &candidates, std::vector< Feature > &features, size_t num_features, float distance)
Choose candidate features so that they are not bunched together.
cv::aruco::DetectorParameters::minCornerDistanceRate
double minCornerDistanceRate
Definition: aruco.hpp:163
cv::DescriptorMatcher::DescriptorCollection::size
int size() const
cv::multicalib::MultiCameraCalibration::PINHOLE
@ PINHOLE
Definition: multicalib.hpp:76
cv::face::FacemarkLBF::~FacemarkLBF
virtual ~FacemarkLBF()
Definition: facemarkLBF.hpp:112
cv::DISOpticalFlow::setFinestScale
virtual void setFinestScale(int val)=0
Finest level of the Gaussian pyramid on which the flow is computed (zero level corresponds to the ori...
cv::cudev::constantPtr
__host__ ConstantPtr< T > constantPtr(T value)
Definition: constant.hpp:73
cv::cuda::Feature2DAsync::detectAsync
virtual void detectAsync(InputArray image, OutputArray keypoints, InputArray mask=noArray(), Stream &stream=Stream::Null())
Detects keypoints in an image.
cv::viz::Color::olive
static Color olive()
cv::ml::Boost::getWeakCount
virtual int getWeakCount() const =0
cv::videostab::WobbleSuppressorBase::motions
virtual const std::vector< Mat > & motions() const
Definition: wobble_suppression.hpp:79
cv::stereo::StereoBinaryBM::create
static Ptr< cv::stereo::StereoBinaryBM > create(int numDisparities=0, int blockSize=9)
Creates StereoBM object.
cv::datasets::MSM_epfl::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::gapi::own::Size::Size
Size()=default
cv::Mat::SUBMATRIX_FLAG
@ SUBMATRIX_FLAG
Definition: mat.hpp:2079
cv::cudev::VecTraits< schar >::make
__host__ __device__ static __forceinline__ schar make(const schar *x)
Definition: vec_traits.hpp:148
cv::cuda::DensePyrLKOpticalFlow::create
static Ptr< DensePyrLKOpticalFlow > create(Size winSize=Size(13, 13), int maxLevel=3, int iters=30, bool useInitialFlow=false)
cv::TrackerCSRT::Params::cheb_attenuation
float cheb_attenuation
Definition: tracking.hpp:54
cv::destroyAllWindows
void destroyAllWindows()
Destroys all of the HighGUI windows.
cv::redirectError
ErrorCallback redirectError(ErrorCallback errCallback, void *userdata=0, void **prevUserdata=0)
Sets the new error handler and the optional user data.
cv::GMatDesc::asPlanar
GMatDesc asPlanar(int planes) const
Definition: gmat.hpp:180
cv::saliency::Saliency::className
String className
Definition: saliencyBaseClasses.hpp:81
cv::CascadeClassifier::cc
Ptr< BaseCascadeClassifier > cc
Definition: objdetect.hpp:337
cv::hal::cvtRGBAtoMultipliedRGBA
void cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
cv::detail::tracking::TrackerSamplerPF::samplingImpl
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
cv::rgbd::DepthCleaner::depth_
int depth_
Definition: depth.hpp:260
cv::saturate_cast< ushort >
ushort saturate_cast< ushort >(schar v)
Definition: saturate.hpp:120
cv::legacy::TrackerCSRT::Params::read
void read(const FileNode &)
Read parameters from a file.
cv::Size_::aspectRatio
double aspectRatio() const
aspect ratio (width/height)
cvhalKeyPoint::angle
float angle
Definition: interface.h:24
cv::detail::tracking::tbm::TrackerParams::bbox_heights_range
cv::Vec2f bbox_heights_range
Bounding box heights range.
Definition: tracking_by_matching.hpp:291
cv::dnn::Layer::tryAttach
virtual Ptr< BackendNode > tryAttach(const Ptr< BackendNode > &node)
Implement layers fusing.
cv::ppf_match_3d::PPF3DDetector::sampling_step_relative
double sampling_step_relative
Definition: ppf_match_3d.hpp:149
cv::rgbd::RgbdOdometry::getMinDepth
double getMinDepth() const
Definition: depth.hpp:660
cv::ximgproc::AdaptiveManifoldFilter::getTreeHeight
virtual int getTreeHeight() const =0
cv::detail::MatchesInfo::getMatches
std::vector< DMatch > getMatches()
Definition: matchers.hpp:112
cv::HOGDescriptor::detectMultiScale
virtual void detectMultiScale(InputArray img, std::vector< Rect > &foundLocations, double hitThreshold=0, Size winStride=Size(), Size padding=Size(), double scale=1.05, double finalThreshold=2.0, bool useMeanshiftGrouping=false) const
Detects objects of different sizes in the input image. The detected objects are returned as a list of...
cv::ml::DTrees::Split::next
int next
Index of the next split in the list of splits for the node.
Definition: ml.hpp:1183
cv::COLOR_BGR5552BGR
@ COLOR_BGR5552BGR
Definition: imgproc.hpp:569
cv::v_float64x2::val
double val[2]
Definition: intrin_rvv.hpp:545
cv::sqrt
Quat< S > sqrt(const Quat< S > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
cv::optflow::GPC_DESCRIPTOR_WHT
@ GPC_DESCRIPTOR_WHT
Worse quality but much faster.
Definition: sparse_matching_gpc.hpp:93
cv::cudacodec::Codec
Codec
Video codecs supported by cudacodec::VideoReader .
Definition: cudacodec.hpp:246
cv::detail::VectorRefT
Definition: garray.hpp:135
CPU_AVX_512CD
@ CPU_AVX_512CD
Definition: cvdef.h:307
K_LOG2_WARP_SIZE
const Ncv32u K_LOG2_WARP_SIZE
Definition: NCV.hpp:237
NCVMemNativeAllocator::memType
virtual NCVMemoryType memType() const
cv::FlannBasedMatcher::clear
virtual void clear() CV_OVERRIDE
Clears the train descriptor collections.
cv::sfm::BaseSFM::run
virtual void run(const std::vector< String > &images)=0
CV_FORMAT_PRINTF
#define CV_FORMAT_PRINTF(A, B)
Definition: operations.hpp:61
cv::aruco::_drawPlanarBoardImpl
void _drawPlanarBoardImpl(Board *board, Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Implementation of drawPlanarBoard that accepts a raw Board pointer.
cv::dnn::SwishLayer
Definition: all_layers.hpp:465
cv::acosh
Quat< T > acosh(const Quat< T > &q)
cv::calcCovarMatrix
void calcCovarMatrix(const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=CV_64F)
Calculates the covariance matrix of a set of vectors.
HaarClassifierNode128::setRightNodeDesc
__host__ NCVStatus setRightNodeDesc(HaarClassifierNodeDescriptor32 nr)
Definition: NCVHaarObjectDetection.hpp:240
cv::detail::Yield< cv::GOpaque< U > >::yield
static cv::GOpaque< U > yield(cv::GCall &call, int i)
Definition: gkernel.hpp:91
cv::videostab::StabilizerBase::deblurrer
Ptr< DeblurerBase > deblurrer() const
Definition: stabilizer.hpp:87
reduce.hpp
cv::SparseMat_::const_iterator
SparseMatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2944
cv::text::erGrouping
void erGrouping(InputArray img, InputArrayOfArrays channels, std::vector< std::vector< ERStat > > &regions, std::vector< std::vector< Vec2i > > &groups, std::vector< Rect > &groups_rects, int method=ERGROUPING_ORIENTATION_HORIZ, const std::string &filename=std::string(), float minProbablity=0.5)
Find groups of Extremal Regions that are organized as text blocks.
cv::INTER_TAB_SIZE2
@ INTER_TAB_SIZE2
Definition: imgproc.hpp:289
cv::gapi::wip::draw::GMat2
std::tuple< cv::GMat, cv::GMat > GMat2
Definition: render.hpp:73
cv::dnn::details::_LayerStaticRegisterer::_LayerStaticRegisterer
_LayerStaticRegisterer(const String &layerType, LayerFactory::Constructor layerConstructor)
Definition: layer.details.hpp:62
cv::cudev::NormL1::result_type
uint result_type
Definition: vec_distance.hpp:64
cv::dct
void dct(InputArray src, OutputArray dst, int flags=0)
Performs a forward or inverse discrete Cosine transform of 1D or 2D array.
cv::dnn::resetMyriadDevice
void resetMyriadDevice()
Release a Myriad device (binded by OpenCV).
cv::dnn::SoftmaxLayer
Definition: all_layers.hpp:270
cv::videostab::ISparseOptFlowEstimator::~ISparseOptFlowEstimator
virtual ~ISparseOptFlowEstimator()
Definition: optical_flow.hpp:64
hal_ni_min8u
int hal_ni_min8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:111
cv::face::FacemarkLBF::BBox::reproject
Mat reproject(const Mat &shape) const
HaarClassifierNodeDescriptor32
Definition: NCVHaarObjectDetection.hpp:179
cv::FileNode::isNamed
bool isNamed() const
returns true if the node has a name
cv::gapi::wip::draw::Mosaic::mos
cv::Rect mos
Coordinates of the mosaic.
Definition: render_types.hpp:258
cv::detail::ArgKind::OPAQUE_VAL
@ OPAQUE_VAL
cv::_InputArray::cols
int cols(int i=-1) const
cv::videostab::OnePassStabilizer::setUp
virtual void setUp(const Mat &firstFrame) CV_OVERRIDE
cv::ocl::Device::preferredVectorWidthChar
int preferredVectorWidthChar() const
CV_CUDEV_DATA_TYPE_INST
#define CV_CUDEV_DATA_TYPE_INST(_depth_type, _channel_num)
Definition: vec_traits.hpp:206
cv::detail::tracking::contrib_feature::CvHOGEvaluator::Feature::p3
int p3
Definition: feature.hpp:327
cv::WARP_POLAR_LOG
@ WARP_POLAR_LOG
Remaps an image to/from semilog-polar space.
Definition: imgproc.hpp:282
cv::MatConstIterator::iterator_category
std::random_access_iterator_tag iterator_category
Definition: mat.hpp:3019
cv::TrackerMIL::Params::featureSetNumFeatures
int featureSetNumFeatures
Definition: tracking.hpp:767
cv::GeneralizedHough::detect
virtual void detect(InputArray image, OutputArray positions, OutputArray votes=noArray())=0
find template on image
cv::detail::get_compound_in::get
static T get(GCompoundContext &ctx, int idx)
Definition: gcompoundkernel.hpp:55
CV_PI
#define CV_PI
Definition: cvdef.h:354
cv::hal::addWeighted16u
void addWeighted16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *scalars)
cv::util::suppress_unused_warning
void suppress_unused_warning(const T &)
Utility template function to prevent "unused" warnings by various compilers.
Definition: compiler_hints.hpp:15
cv::KeyPoint::KeyPoint
KeyPoint(Point2f _pt, float _size, float _angle=-1, float _response=0, int _octave=0, int _class_id=-1)
cv::detail::tracking::TrackerSamplerCS::samplingImpl
bool samplingImpl(const Mat &image, Rect boundingBox, std::vector< Mat > &sample) CV_OVERRIDE
cv::ml::TrainData::getTestSampleIdx
virtual Mat getTestSampleIdx() const =0
cv::MediaFormat::BGR
@ BGR
hal_ni_integral
int hal_ni_integral(int depth, int sdepth, int sqdepth, const uchar *src_data, size_t src_step, uchar *sum_data, size_t sum_step, uchar *sqsum_data, size_t sqsum_step, uchar *tilted_data, size_t tilted_step, int width, int height, int cn)
Calculate integral image.
Definition: hal_replacement.hpp:612
cv::Allocator::value_type
_Tp value_type
Definition: cvstd.hpp:113
cv::CAP_PROP_XI_GPI_SELECTOR
@ CAP_PROP_XI_GPI_SELECTOR
Selects general purpose input.
Definition: videoio.hpp:349
cv::FileNode::read
static void read(const FileNode &node, Point_< _Tp > &value, const Point_< _Tp > &default_value)
Definition: persistence.hpp:736
cv::v_int32x4
v_reg< int, 4 > v_int32x4
Four 32-bit signed integer values.
Definition: intrin_cpp.hpp:403
cv::face::createFacemarkKazemi
Ptr< Facemark > createFacemarkKazemi()
construct a Kazemi facemark detector
cv::AlignMTB::getCut
virtual bool getCut() const =0
cv::Error::StsVecLengthErr
@ StsVecLengthErr
incorrect vector length
Definition: base.hpp:97
cv::CAP_PROP_XI_CC_MATRIX_32
@ CAP_PROP_XI_CC_MATRIX_32
Color Correction Matrix element [3][2].
Definition: videoio.hpp:428
cv::GInferOutputs
G-API object used to collect network outputs.
Definition: infer.hpp:201
cv::blendLinear
void blendLinear(InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst)
cv::dnn::Layer::updateMemoryShapes
virtual bool updateMemoryShapes(const std::vector< MatShape > &inputs)
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature::rect
Rect rect
Definition: feature.hpp:392
cv::detail::TransverseMercatorWarper::TransverseMercatorWarper
TransverseMercatorWarper(float scale)
Definition: warpers.hpp:497
cv::ximgproc::createRFFeatureGetter
Ptr< RFFeatureGetter > createRFFeatureGetter()
version.hpp
cv::winrt_startMessageLoop
void winrt_startMessageLoop(std::function< void(Args...)> &&callback, Args... args)
cv::calcOpticalFlowPyrLK
void calcOpticalFlowPyrLK(InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Size winSize=Size(21, 21), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4)
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyra...
cv::linemod::Template::pyramid_level
int pyramid_level
Definition: linemod.hpp:45
cv::mean
Scalar mean(InputArray src, InputArray mask=noArray())
Calculates an average (mean) of array elements.
cv::kinfu::Intr::Reprojector::Reprojector
Reprojector(Intr intr)
Definition: intrinsics.hpp:22
cv::videostab::ToFileMotionWriter::estimate
virtual Mat estimate(const Mat &frame0, const Mat &frame1, bool *ok=0) CV_OVERRIDE
cv::UMat::UMat
UMat(const UMat &m, const Range *ranges)
cv::_InputArray::isSubmatrix
bool isSubmatrix(int i=-1) const
cv::linemod::Feature
Discriminant feature described by its location and label.
Definition: linemod.hpp:27
cv::hdf::HDF5::~HDF5
virtual ~HDF5()
Definition: hdf5.hpp:69
cv::dnn::shrinkCaffeModel
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.
cv::Point3_::Point3_
Point3_()
default constructor
cv::detail::Timelapser::~Timelapser
virtual ~Timelapser()
Definition: timelapsers.hpp:63
cv::linemod::Detector::getModalities
const std::vector< Ptr< Modality > > & getModalities() const
Get the modalities used by this detector.
Definition: linemod.hpp:359
cv::ximgproc::RICInterpolator::getSuperpixelMode
virtual int getSuperpixelMode() const =0
Parameter to choose superpixel algorithm variant to use:
cv::ximgproc::EdgeBoxes::getEdgeMergeThr
virtual float getEdgeMergeThr() const =0
Returns the edge merge threshold.
cv::ximgproc::DisparityWLSFilter::setDepthDiscontinuityRadius
virtual void setDepthDiscontinuityRadius(int _disc_radius)=0
cv::mcc::DetectorParameters::DetectorParameters
DetectorParameters()
cv::TrackerKCF::~TrackerKCF
virtual ~TrackerKCF() CV_OVERRIDE
cv::Mat::ones
static MatExpr ones(int rows, int cols, int type)
Returns an array of all 1's of the specified size and type.
cv::cudev::numeric_limits< float >::epsilon
__device__ static __forceinline__ float epsilon()
Definition: limits.hpp:113
cv::normInf
static _AccTp normInf(const _Tp *a, int n)
Definition: base.hpp:441
cv::Mat::create
void create(int rows, int cols, int type)
Allocates new array data if needed.
cv::cuda::DensePyrLKOpticalFlow::getWinSize
virtual Size getWinSize() const =0
cv::ml::StatModel::empty
virtual bool empty() const CV_OVERRIDE
Returns true if the Algorithm is empty (e.g. in the very beginning or after unsuccessful read.
cv::ml::ROW_SAMPLE
@ ROW_SAMPLE
each training sample is a row of samples
Definition: ml.hpp:98
cv::ocl::Context::ptr
void * ptr() const
cv::cudev::MakeVec< schar, 1 >::type
schar type
Definition: vec_traits.hpp:76
cv::LINE_8
@ LINE_8
8-connected line
Definition: imgproc.hpp:810
cv::gapi::fluid::View::InLineB
const uint8_t * InLineB(int index) const
Definition: gfluidbuffer.hpp:59
cv::hal::QR32f
int QR32f(float *A, size_t astep, int m, int n, int k, float *b, size_t bstep, float *hFactors)
cv::cuda::createBackgroundSubtractorFGD
Ptr< cuda::BackgroundSubtractorFGD > createBackgroundSubtractorFGD(const FGDParams &params=FGDParams())
Creates FGD Background Subtractor.
cv::detail::is_garg
std::is_same< GArg, typename std::decay< T >::type > is_garg
Definition: garg.hpp:39
cv::v_uint8x16::v_uint8x16
v_uint8x16(uchar v0, uchar v1, uchar v2, uchar v3, uchar v4, uchar v5, uchar v6, uchar v7, uchar v8, uchar v9, uchar v10, uchar v11, uchar v12, uchar v13, uchar v14, uchar v15)
Definition: intrin_rvv.hpp:238
cv::line_descriptor::LSDParam::quant
double quant
Definition: descriptor.hpp:703
cv::insertChannel
void insertChannel(InputArray src, InputOutputArray dst, int coi)
Inserts a single channel to dst (coi is 0-based index)
cv::videostab::WobbleSuppressorBase::motionEstimator_
Ptr< ImageMotionEstimatorBase > motionEstimator_
Definition: wobble_suppression.hpp:88
cv::RNG::fill
void fill(InputOutputArray mat, int distType, InputArray a, InputArray b, bool saturateRange=false)
Fills arrays with random numbers.
cv::cuda::CascadeClassifier::setMinNeighbors
virtual void setMinNeighbors(int minNeighbors)=0
cv::CAP_PROP_AUTOFOCUS
@ CAP_PROP_AUTOFOCUS
Definition: videoio.hpp:174
cv::detail::matchesGraphAsString
String matchesGraphAsString(std::vector< String > &pathes, std::vector< MatchesInfo > &pairwise_matches, float conf_threshold)
OPENCV_HAL_IMPL_C_RSHIFTR
#define OPENCV_HAL_IMPL_C_RSHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2443
cv::CAP_OPENNI_VALID_DEPTH_MASK
@ CAP_OPENNI_VALID_DEPTH_MASK
CV_8UC1.
Definition: videoio.hpp:269
cv::gapi::fluid::View::Cache::linePtr
const uint8_t * linePtr(int index) const
Definition: gfluidbuffer.hpp:49
cv::KeyPoint::size
float size
diameter of the meaningful keypoint neighborhood
Definition: types.hpp:772
cv::CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
@ CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE
Reload all settings on set.
Definition: videoio.hpp:576
cv::datasets::OR_sun::create
static Ptr< OR_sun > create()
cv::sfm::reconstruct
void reconstruct(InputArrayOfArrays points2d, OutputArray Ps, OutputArray points3d, InputOutputArray K, bool is_projective=false)
Reconstruct 3d points from 2d correspondences while performing autocalibration.
cv::legacy::TrackerMedianFlow::create
static Ptr< legacy::TrackerMedianFlow > create()
cv::cudev::saturate_cast_fp16_func
Definition: functional.hpp:672
cv::cudev::DynamicSharedMem
Definition: dynamic_smem.hpp:57
cv::CirclesGridFinderParameters::densityNeighborhoodSize
cv::Size2f densityNeighborhoodSize
Definition: calib3d.hpp:1633
cv::optflow::DenseRLOFOpticalFlow::getInterpolation
virtual InterpolationType getInterpolation() const =0
Interpolation used to compute the dense optical flow.
cv::winrt_onVisibilityChanged
void winrt_onVisibilityChanged(bool visible)
cv::COLOR_XYZ2BGR
@ COLOR_XYZ2BGR
Definition: imgproc.hpp:581
cv::MatExpr::operator()
MatExpr operator()(const Rect &roi) const
cv::text::ERFilter::setMinProbability
virtual void setMinProbability(float minProbability)=0
cv::THRESH_TRUNC
@ THRESH_TRUNC
Definition: imgproc.hpp:322
cv::cuda::HostMem::rows
int rows
Definition: cuda.hpp:590
cv::detail::tracking::tbm::ITrackerByMatching::Descriptor
std::shared_ptr< IImageDescriptor > Descriptor
Definition: tracking_by_matching.hpp:418
cv::line_descriptor::KeyLine::sPointInOctaveY
float sPointInOctaveY
Definition: descriptor.hpp:133
cv::detail::GArrayU
Definition: garray.hpp:71
cv::linemod::ColorGradient::ColorGradient
ColorGradient(float weak_threshold, size_t num_features, float strong_threshold)
Constructor.
cv::detail::OpaqueRefT::mov
virtual void mov(BasicOpaqueRef &v) override
Definition: gopaque.hpp:210
cv::bioinspired::Retina::getParvoRAW
virtual const Mat getParvoRAW() const =0
cv::CAP_PROP_XI_AEAG_ROI_WIDTH
@ CAP_PROP_XI_AEAG_ROI_WIDTH
Automatic exposure/gain ROI Width.
Definition: videoio.hpp:384
cv::createLineSegmentDetector
Ptr< LineSegmentDetector > createLineSegmentDetector(int _refine=LSD_REFINE_STD, double _scale=0.8, double _sigma_scale=0.6, double _quant=2.0, double _ang_th=22.5, double _log_eps=0, double _density_th=0.7, int _n_bins=1024)
Creates a smart pointer to a LineSegmentDetector object and initializes it.
cv::line_descriptor::BinaryDescriptor::Params::ksize_
int ksize_
Definition: descriptor.hpp:202
cv::datasets::Dataset::load
virtual void load(const std::string &path)=0
cv::bgsegm::BackgroundSubtractorLSBPDesc::computeFromLocalSVDValues
static void computeFromLocalSVDValues(OutputArray desc, const Mat &localSVDValues, const Point2i *LSBPSamplePoints)
cv::findTransformECC
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 .
cv::cudev::IsUnaryFunction::Yes
char Yes
Definition: functional.hpp:876
cv::getVersionMinor
int getVersionMinor()
Returns minor library version.
common.hpp
cv::v_int8x16::lane_type
schar lane_type
Definition: intrin_rvv.hpp:262
cv::gapi::fluid::View::length
int length() const
Definition: gfluidbuffer.hpp:72
cv::CAP_PROP_XI_AVAILABLE_BANDWIDTH
@ CAP_PROP_XI_AVAILABLE_BANDWIDTH
Calculate and returns available interface bandwidth(int Megabits).
Definition: videoio.hpp:457
cv::GCompiled::reshape
void reshape(const GMetaArgs &inMetas, const GCompileArgs &args)
Reshape a compiled graph to support new image resolutions.
cv::cudev::bit_lshift::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:262
cv::legacy::MultiTracker::MultiTracker
MultiTracker()
Constructor.
cv::AKAZE::getDescriptorType
virtual AKAZE::DescriptorType getDescriptorType() const =0
hal_ni_SVD64f
int hal_ni_SVD64f(double *src, size_t src_step, double *w, double *u, size_t u_step, double *vt, size_t vt_step, int m, int n, int flags)
Definition: hal_replacement.hpp:634
cv::ocl::ProgramSource::fromBinary
static ProgramSource fromBinary(const String &module, const String &name, const unsigned char *binary, const size_t size, const cv::String &buildOptions=cv::String())
Describe OpenCL program binary. Do not call clCreateProgramWithBinary() and/or clBuildProgram().
cv::text::ERStat::parent
ERStat * parent
pointers preserving the tree structure of the component tree
Definition: erfilter.hpp:103
cv::cudev::DefaultSplitMergePolicy
Definition: split_merge.hpp:494
cv::CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
@ CAP_PROP_XI_HOUS_BACK_SIDE_TEMP
Camera housing back side temperature.
Definition: videoio.hpp:405
cv::COLOR_BGRA2RGB
@ COLOR_BGRA2RGB
Definition: imgproc.hpp:538
cv::gapi::onnx::detail::ParamDesc::output_names
std::vector< std::string > output_names
Definition: onnx.hpp:49
cv::Mat::Mat
Mat(const MatCommaInitializer_< _Tp > &commaInitializer)
cv::videostab::IDenseOptFlowEstimator
Definition: optical_flow.hpp:71
cv::v_int32x4::nlanes
@ nlanes
Definition: intrin_rvv.hpp:392
cv::gapi::LUT
GMat LUT(const GMat &src, const Mat &lut)
Performs a look-up table transform of a matrix.
cv::cudev::unary_function::argument_type
_Arg argument_type
Definition: functional.hpp:64
cv::stereo::CV_SPECKLE_REMOVAL_ALGORITHM
@ CV_SPECKLE_REMOVAL_ALGORITHM
Definition: stereo.hpp:114
cv::aruco::Board::ids
std::vector< int > ids
Definition: aruco.hpp:293
cv::cuda::ALPHA_IN_PREMUL
@ ALPHA_IN_PREMUL
Definition: cudaimgproc.hpp:159
cv::detail::MultiBandBlender::prepare
void prepare(Rect dst_roi) CV_OVERRIDE
cv::v_uint16x8::v_uint16x8
v_uint16x8()
Definition: intrin_rvv.hpp:298
NppStInterpolationState::pBU
Ncv32f * pBU
backward horizontal displacement
Definition: NPP_staging.hpp:123
cv::Affine3::Affine3
Affine3(const Mat4 &affine)
Augmented affine matrix.
cv::StereoSGBM::getMode
virtual int getMode() const =0
cv::face::FacemarkLBF::BBox::y_center
double y_center
Definition: facemarkLBF.hpp:106
cv::utils::logging::registerLogTag
void registerLogTag(cv::utils::logging::LogTag *plogtag)
cv::MatAllocator::deallocate
virtual void deallocate(UMatData *data) const =0
CV_DECL_ALIGNED
#define CV_DECL_ALIGNED(x)
Definition: cvdef.h:233
cv::cuda::DisparityBilateralFilter::getEdgeThreshold
virtual double getEdgeThreshold() const =0
truncation of data continuity
cv::superres::FarnebackOpticalFlow::getPolySigma
virtual double getPolySigma() const =0
AVCaptureVideoDataOutputSampleBufferDelegate-p
cv::detail::tracking::tbm::ITrackerByMatching::dropForgottenTrack
virtual void dropForgottenTrack(size_t track_id)=0
dropForgottenTrack Check that the track was lost too many frames ago and removes it frm memory.
cv::detail::BasicOpaqueRef::set
virtual void set(const cv::util::any &a)=0
cv::sfm::motionFromEssentialChooseSolution
int motionFromEssentialChooseSolution(InputArrayOfArrays Rs, InputArrayOfArrays ts, InputArray K1, InputArray x1, InputArray K2, InputArray x2)
hal_ni_absdiff32f
int hal_ni_absdiff32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:135
cv::Error::OpenCLInitError
@ OpenCLInitError
OpenCL initialization error.
Definition: base.hpp:122
cv::operator&
v_reg< _Tp, n > operator&(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Bitwise AND.
cv::motempl::segmentMotion
void segmentMotion(InputArray mhi, OutputArray segmask, std::vector< Rect > &boundingRects, double timestamp, double segThresh)
Splits a motion history image into a few parts corresponding to separate independent motions (for exa...
cv::AffineFeature::setViewParams
virtual void setViewParams(const std::vector< float > &tilts, const std::vector< float > &rolls)=0
cv::eigen
bool eigen(InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray())
Calculates eigenvalues and eigenvectors of a symmetric matrix.
Ncv16s
short Ncv16s
Definition: NCV.hpp:129
cv::ocl::PlatformInfo::PlatformInfo
PlatformInfo(void *id)
cv::cudev::TypeTraits::is_scalar
@ is_scalar
Definition: type_traits.hpp:146
cv::optflow::RLOFOpticalFlowParameter::setUseIlluminationModel
void setUseIlluminationModel(bool val)
cv::dnn::Model::setInputCrop
Model & setInputCrop(bool crop)
Set flag crop for frame.
cv::dnn::PoolingLayer::spatialScale
float spatialScale
Definition: all_layers.hpp:262
cv::detail::BestOf2NearestRangeMatcher::range_width_
int range_width_
Definition: matchers.hpp:210
cv::ocl::Platform::p
Impl * p
Definition: ocl.hpp:315
TABLE_ENTRY
#define TABLE_ENTRY(type)
cv::detail::OCLCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_impl
static void call_impl(GOCLContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: goclkernel.hpp:210
cv::Subdiv2D::QuadEdge
Definition: imgproc.hpp:1228
cv::BOWImgDescriptorExtractor::vocabulary
Mat vocabulary
Definition: features2d.hpp:1535
cv::cudev::TypeTraits::is_volatile
@ is_volatile
Definition: type_traits.hpp:137
cv::GCPUStKernelImpl::API
K API
Definition: gcpukernel.hpp:475
cv::ml::TEST_ERROR
@ TEST_ERROR
Definition: ml.hpp:91
cv::dnn::FlowWarpLayer::create
static Ptr< FlowWarpLayer > create(const LayerParams &params)
cv::rgbd::RgbdOdometry::setMinGradientMagnitudes
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:696
cv::omnidir::undistortImage
void undistortImage(InputArray distorted, OutputArray undistorted, InputArray K, InputArray D, InputArray xi, int flags, InputArray Knew=cv::noArray(), const Size &new_size=Size(), InputArray R=Mat::eye(3, 3, CV_64F))
Undistort omnidirectional images to perspective images.
cv::FileStorage::writeScalar
void writeScalar(FileStorage &fs, float value)
cv::MatxCommaInitializer
Comma-separated Matrix Initializer.
Definition: matx.hpp:291
cv::BufferPoolController::setMaxReservedSize
virtual void setMaxReservedSize(size_t size)=0
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection::getUseFeatureExchange
bool getUseFeatureExchange() const
cv::cuda::DeviceInfo::maxSurfaceCubemapLayered
Vec2i maxSurfaceCubemapLayered() const
maximum Cubemap layered surface dimensions
cv::videostab::IOutlierRejector::process
virtual void process(Size frameSize, InputArray points0, InputArray points1, OutputArray mask)=0
cv::gapi::wip::draw::Image::alpha
cv::Mat alpha
Alpha channel for image to draw (same size and number of channels)
Definition: render_types.hpp:290
cv::ocl::Device::intelSubgroupsSupport
bool intelSubgroupsSupport() const
deprecated, use isExtensionSupported() method (probably with "cl_khr_subgroups" value)
cv::cudev::GlobPtr::row
__device__ __forceinline__ T * row(int y)
Definition: glob.hpp:72
cv::detail::SphericalWarper::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
cv::detail::tracking::TrackerSamplerCSC::MODE
MODE
Definition: tracking.private.hpp:355
cv::ocl::OpenCLExecutionContextScope
Definition: ocl.hpp:820
cv::spatialGradient
void spatialGradient(InputArray src, OutputArray dx, OutputArray dy, int ksize=3, int borderType=BORDER_DEFAULT)
Calculates the first order image derivative in both x and y using a Sobel operator.
cv::utils::lock_guard::release
void release()
Definition: lock.private.hpp:24
cv::gapi::own::Mat::create
void create(Size _size, int _type)
Definition: mat.hpp:232
CvVideoCameraDelegate-p
Definition: cap_ios.h:90
cv::RMat::Adapter::~Adapter
virtual ~Adapter()=default
cv::v_store_interleave
void v_store_interleave(_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, hal::StoreMode=hal::STORE_UNALIGNED)
Interleave and store (2 channels)
Definition: intrin_cpp.hpp:1664
cv::cudev::thresh_to_zero_inv_func
__host__ __device__ ThreshToZeroInvFunc< T > thresh_to_zero_inv_func(T thresh)
Definition: functional.hpp:782
cv::findChessboardCorners
bool findChessboardCorners(InputArray image, Size patternSize, OutputArray corners, int flags=CALIB_CB_ADAPTIVE_THRESH+CALIB_CB_NORMALIZE_IMAGE)
Finds the positions of internal corners of the chessboard.
cv::GFluidKernel::m_is
const IS m_is
Definition: gfluidkernel.hpp:90
CV_CUDEV_IMPLEMENT_SCALAR_BINARY_FUNC
#define CV_CUDEV_IMPLEMENT_SCALAR_BINARY_FUNC(func_name, func, input_type, scalar_type, output_type)
Definition: vec_math.hpp:825
cv::detail::CameraParams
Describes camera parameters.
Definition: camera.hpp:59
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter
The interface for Unscented Kalman filter and Augmented Unscented Kalman filter.
Definition: kalman_filters.hpp:60
detection_based_tracker.hpp
cv::util::variant::get_if
friend T * get_if(variant< Us... > *v) noexcept
cv::ogl::Buffer::size
Size size() const
cv::hal::resize
void resize(int src_type, const uchar *src_data, size_t src_step, int src_width, int src_height, uchar *dst_data, size_t dst_step, int dst_width, int dst_height, double inv_scale_x, double inv_scale_y, int interpolation)
cv::UMat::offset
size_t offset
Definition: mat.hpp:2572
cv::kinfu::Intr::Projector::cx
float cx
Definition: intrinsics.hpp:59
cv::CAP_PROP_XI_LENS_FEATURE
@ CAP_PROP_XI_LENS_FEATURE
Allows access to lens feature value currently selected by XI_PRM_LENS_FEATURE_SELECTOR.
Definition: videoio.hpp:444
cv::kinfu::Intr::Projector::fy
float fy
Definition: intrinsics.hpp:59
NCVVector::ptr
T * ptr() const
Definition: NCV.hpp:613
cv::Point_::Point_
Point_(const Vec< _Tp, 2 > &v)
cv::cuda::DeviceInfo::majorVersion
int majorVersion() const
major compute capability
cv::cuda::HostMem::type
int type() const
cv::GPlaidMLKernel::m_f
F m_f
Definition: gplaidmlkernel.hpp:71
cv::util::copy_through_move
copy_through_move_t< util::decay_t< T > > copy_through_move(T &&t)
Definition: copy_through_move.hpp:28
cv::TLSDataAccumulator
TLS data accumulator with gathering methods.
Definition: tls.hpp:87
cv::optflow::GPCTree
Class for individual tree.
Definition: sparse_matching_gpc.hpp:155
cv::cuda::HostMem::swap
void swap(HostMem &b)
swaps with other smart pointer
cv::ml::TrainData::getVarIdx
virtual Mat getVarIdx() const =0
cv::rgbd::ICPOdometry::checkParams
virtual void checkParams() const CV_OVERRIDE
cv::ximgproc::WMF_EXP
@ WMF_EXP
Definition: weighted_median_filter.hpp:66
cv::ccalib::CustomPattern::getFeatureDetector
Ptr< FeatureDetector > getFeatureDetector()
cv::cudacodec::H264_MVC
@ H264_MVC
Definition: cudacodec.hpp:254
cv::detail::CameraParams::ppx
double ppx
Definition: camera.hpp:67
cv::Quat::operator+=
Quat< _Tp > & operator+=(const Quat< _Tp > &)
Addition assignment operator of two quaternions p and q. It adds right operand to the left operand an...
cv::getRectSubPix
void getRectSubPix(InputArray image, Size patchSize, Point2f center, OutputArray patch, int patchType=-1)
Retrieves a pixel rectangle from an image with sub-pixel accuracy.
cv::text::OEM_DEFAULT
@ OEM_DEFAULT
Definition: ocr.hpp:88
cv::CAP_PROP_ARAVIS_AUTOTRIGGER
@ CAP_PROP_ARAVIS_AUTOTRIGGER
Automatically trigger frame capture if camera is configured with software trigger.
Definition: videoio.hpp:502
cv::TonemapReinhard::getLightAdaptation
virtual float getLightAdaptation() const =0
OPENCV_HAL_IMPL_RVV_LOADSTORE_OP
#define OPENCV_HAL_IMPL_RVV_LOADSTORE_OP(_Tpvec, _nTpvec, _Tp, hvl, width, suffix)
Definition: intrin_rvv.hpp:699
cv::ml::TrainData::create
static Ptr< TrainData > create(InputArray samples, int layout, InputArray responses, InputArray varIdx=noArray(), InputArray sampleIdx=noArray(), InputArray sampleWeights=noArray(), InputArray varType=noArray())
Creates training data from in-memory arrays.
cv::detail::OCVSetupHelper< Impl, std::tuple< Ins... > >::setup_impl
static auto setup_impl(const GMetaArgs &metaArgs, const GArgs &args, GArg &state, const GCompileArgs &, detail::Seq< IIs... >) -> decltype(Impl::setup(detail::get_in_meta< Ins >(metaArgs, args, IIs)..., std::declval< typename std::add_lvalue_reference< std::shared_ptr< typename Impl::State > >::type >()), void())
Definition: gcpukernel.hpp:330
cv::gapi::warpAffine
GMat warpAffine(const GMat &src, const Mat &M, const Size &dsize, int flags=cv::INTER_LINEAR, int borderMode=cv::BORDER_CONSTANT, const Scalar &borderValue=Scalar())
Applies an affine transformation to an image.
cv::dnn::PowerLayer::shift
float shift
Definition: all_layers.hpp:497
cv::minMaxIdx
void minMaxIdx(InputArray src, double *minVal, double *maxVal=0, int *minIdx=0, int *maxIdx=0, InputArray mask=noArray())
Finds the global minimum and maximum in an array.
cv::detail::ProjectorBase::scale
float scale
Definition: warpers.hpp:147
cv::detail::last_type_t
typename last_type< Ts... >::type last_type_t
Definition: gcomputation.hpp:36
cv::datasets::GR_chalearnObj::name
std::string name
Definition: gr_chalearn.hpp:77
cv::DISOpticalFlow::create
static Ptr< DISOpticalFlow > create(int preset=DISOpticalFlow::PRESET_FAST)
Creates an instance of DISOpticalFlow.
fuzzy_image.hpp
cv::datasets::getDirList
void getDirList(const std::string &dirName, std::vector< std::string > &fileNames)
cv::detail::GArrayU::holds
bool holds() const
Definition: garray.hpp:101
cv::NORM_INF
@ NORM_INF
Definition: base.hpp:168
cv::rapid::findCorrespondencies
void findCorrespondencies(InputArray bundle, OutputArray cols, OutputArray response=noArray())
cv::GKernel::outCtors
GCtors outCtors
Definition: gkernel.hpp:52
cv::OAST_9_16
static void OAST_9_16(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:5347
cv::cudev::NormHamming::result_type
int result_type
Definition: vec_distance.hpp:158
cv::dnn::MVNLayer::eps
float eps
Definition: all_layers.hpp:287
cv::hdf::HDF5::atdelete
virtual void atdelete(const String &atlabel)=0
cv::detail::OpaqueRef::ptr
const void * ptr() const
Definition: gopaque.hpp:293
cv::ORB::getNLevels
virtual int getNLevels() const =0
cv::v_reinterpret_as_s8
v_int8x16 v_reinterpret_as_s8(const v_reg< _Tp0, n0 > &a)
Definition: intrin_cpp.hpp:2396
cv::quality::QualitySSIM::_mat_data::_mat_data
_mat_data(const mat_type &)
cv::UMat
Definition: mat.hpp:2381
cv::rgbd::ICPOdometry::getMinDepth
double getMinDepth() const
Definition: depth.hpp:791
cv::multicalib::MultiCameraCalibration::optimizeExtrinsics
double optimizeExtrinsics()
cv::CAP_UNICAP
@ CAP_UNICAP
Unicap drivers (obsolete, removed)
Definition: videoio.hpp:100
cv::detail::FisheyeWarper::FisheyeWarper
FisheyeWarper(float scale)
Definition: warpers.hpp:370
cv::cuda::StreamAccessor
Class that enables getting cudaStream_t from cuda::Stream.
Definition: cuda_stream_accessor.hpp:68
shape_distance.hpp
cv::aruco::DICT_7X7_250
@ DICT_7X7_250
Definition: dictionary.hpp:156
cv::AVIWriteContainer::getChannels
int getChannels() const
Definition: container_avi.private.hpp:167
cv::aruco::Dictionary::get
static Ptr< Dictionary > get(int dict)
cv::TrackbarCallback
void(* TrackbarCallback)(int pos, void *userdata)
Callback function for Trackbar see cv::createTrackbar.
Definition: highgui.hpp:278
cv::GInferOutputs::GInferOutputs
GInferOutputs(std::shared_ptr< cv::GCall > call)
cv::GCompiled::canReshape
bool canReshape() const
Check if the underlying backends support reshape or not.
cv::AdaptiveThresholdTypes
AdaptiveThresholdTypes
Definition: imgproc.hpp:332
cv::IMWRITE_TIFF_COMPRESSION
@ IMWRITE_TIFF_COMPRESSION
For TIFF, use to specify the image compression scheme. See libtiff for integer constants correspondin...
Definition: imgcodecs.hpp:103
cv::detail::GCompoundKernel::m_f
F m_f
Definition: gcompoundkernel.hpp:50
cv::FileStorage::write
void write(const String &name, double val)
This is an overloaded member function, provided for convenience. It differs from the above function o...
cv::datasets::Dataset::getNumSplits
int getNumSplits() const
cv::cudev::FindMinMaxValExprBody::src
SrcPtr src
Definition: reduction.hpp:132
cv::FarnebackOpticalFlow::getFlags
virtual int getFlags() const =0
cv::PCA::operator()
PCA & operator()(InputArray data, InputArray mean, int flags, double retainedVariance)
cv::operator*
static Affine3< T > operator*(const Affine3< T > &affine1, const Affine3< T > &affine2)
cv::detail::tracking::feature::CvHaarEvaluator::compute_integral
void compute_integral(const cv::Mat &img, std::vector< cv::Mat_< float >> &ii_imgs)
Definition: tracking_feature.private.hpp:151
cv::detail::PlaidMLCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_impl
static void call_impl(GPlaidMLContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gplaidmlkernel.hpp:108
cv::stereo::CV_DENSE_CENSUS
@ CV_DENSE_CENSUS
Definition: descriptor.hpp:13
cv::cuda::COLOR_BayerGR2BGR_MHT
@ COLOR_BayerGR2BGR_MHT
Definition: cudaimgproc.hpp:98
cv::rgbd::RgbdPlane::setSensorErrorB
void setSensorErrorB(double val)
Definition: depth.hpp:433
cv::Quat::toRotMat3x3
Matx< _Tp, 3, 3 > toRotMat3x3(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
transform a quaternion to a 3x3 rotation matrix.
cv::Matx::Matx
Matx(_Tp v0, _Tp v1)
1x2 or 2x1 matrix
cv::linemod::QuantizedPyramid::extractTemplate
virtual bool extractTemplate(Template &templ) const =0
Extract most discriminant features at current pyramid level to form a new template.
cv::ccm::ColorCorrectionModel::getMask
Mat getMask() const
cv::datasets::FR_adienceObj::x
int x
Definition: fr_adience.hpp:74
cv::CAP_PROP_OPENNI_MAX_TIME_DURATION
@ CAP_PROP_OPENNI_MAX_TIME_DURATION
Definition: videoio.hpp:247
cv::sfm::BaseSFM
base class BaseSFM declares a common API that would be used in a typical scene reconstruction scenari...
Definition: simple_pipeline.hpp:162
cvv::impl::CallMetaData::file
const char * file
Definition: call_meta_data.hpp:46
cv::detail::GainCompensator::setSimilarityThreshold
void setSimilarityThreshold(double similarity_threshold)
Definition: exposure_compensate.hpp:128
cv::viz::Widget::getRenderingProperty
double getRenderingProperty(int property) const
Returns rendering property of the widget.
cv::mcc::VINYL18
@ VINYL18
DKK color chart with 12 squares and 6 rectangle.
Definition: checker_model.hpp:50
cv::datasets::OR_imagenetObj::image
std::string image
Definition: or_imagenet.hpp:63
cv::Feature2D::detect
virtual void detect(InputArray image, std::vector< KeyPoint > &keypoints, InputArray mask=noArray())
Detects keypoints in an image (first variant) or image set (second variant).
cv::ccm::COLOR_SPACE_XYZ_D65_2
@ COLOR_SPACE_XYZ_D65_2
https://en.wikipedia.org/wiki/CIE_1931_color_space , non-RGB color space
Definition: ccm.hpp:110
NCVDebugOutputHandler
void NCVDebugOutputHandler(const cv::String &msg)
Definition: NCV.hpp:250
cv::rgbd::FastICPOdometry::create
static Ptr< FastICPOdometry > create(const Mat &cameraMatrix, float maxDistDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), float angleThreshold=(float)(30. *CV_PI/180.), float sigmaDepth=0.04f, float sigmaSpatial=4.5f, int kernelSize=7, const std::vector< int > &iterCounts=std::vector< int >())
cv::line_descriptor::KeyLine::octave
int octave
Definition: descriptor.hpp:112
matx.hpp
Ncv16u
unsigned short Ncv16u
Definition: NCV.hpp:130
cv::WINDOW_GUI_EXPANDED
@ WINDOW_GUI_EXPANDED
status bar and tool bar
Definition: highgui.hpp:194
cv::detail::ProtoToParam
Definition: gtyped.hpp:25
cv::Mat::diag
Mat diag(int d=0) const
Extracts a diagonal from a matrix.
cv::v_int16x8
Definition: intrin_rvv.hpp:326
cv::Quat::interPoint
static Quat< _Tp > interPoint(const Quat< _Tp > &q0, const Quat< _Tp > &q1, const Quat< _Tp > &q2, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
This is the part calculation of squad. To calculate the intermedia quaternion between each three qua...
cv::datasets::PD_inria
Definition: pd_inria.hpp:84
cv::aruco::DetectorParameters::markerBorderBits
int markerBorderBits
Definition: aruco.hpp:170
cv::ogl::Buffer::unmapHost
void unmapHost()
Unmaps OpenGL buffer.
cv::gapi::parseSSD
std::tuple< GArray< Rect >, GArray< int > > parseSSD(const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold=0.5f, const int filterLabel=-1)
Parses output of SSD network.
cv::AKAZE::setDescriptorSize
virtual void setDescriptorSize(int dsize)=0
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Range &r)
Definition: persistence.hpp:1050
cv::cnn_3dobj::icoSphere::writeBinaryfile
static void writeBinaryfile(String filenameImg, const char *binaryPath, const char *headerPath, int num_item, int label_class, int x, int y, int z, int isrgb)
Write binary files used for training in other open source project including Caffe.
cv::COLOR_LBGR2Lab
@ COLOR_LBGR2Lab
Definition: imgproc.hpp:620
cv::Rect2i
Rect_< int > Rect2i
Definition: types.hpp:459
cv::detail::tracking::online_boosting::EstimatedGaussDistribution
Definition: onlineBoosting.hpp:155
cv::kinfu::KinFu::getPose
virtual const Affine3f getPose() const =0
Get current pose in voxel space.
cv::datasets::tag::y
int y
Definition: tr_svt.hpp:63
CV_EXPORTS_W_SIMPLE
#define CV_EXPORTS_W_SIMPLE
Definition: cvdef.h:445
cv::CAP_PROP_MONOCHROME
@ CAP_PROP_MONOCHROME
Definition: videoio.hpp:155
cv::ocl::Kernel::set
int set(int i, const void *value, size_t sz)
cv::TransverseMercatorWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:246
cv::BOWTrainer::add
void add(const Mat &descriptors)
Adds descriptors to a training set.
cv::DIST_MASK_5
@ DIST_MASK_5
mask=5
Definition: imgproc.hpp:313
cv::hal::Cholesky64f
bool Cholesky64f(double *A, size_t astep, int m, double *b, size_t bstep, int n)
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Size asize, Scalar val, Allocator *allocator=defaultAllocator())
CV_WRAP_AS
#define CV_WRAP_AS(synonym)
Definition: cvdef.h:453
cv::Matx::solve
Matx< _Tp, n, l > solve(const Matx< _Tp, m, l > &rhs, int flags=DECOMP_LU) const
solve linear system
cv::ximgproc::StructuredEdgeDetection::computeOrientation
virtual void computeOrientation(cv::InputArray _src, cv::OutputArray _dst) const =0
The function computes orientation from edge image.
cv::cuda::BroxOpticalFlow
Class computing the optical flow for two images using Brox et al Optical Flow algorithm ().
Definition: cudaoptflow.hpp:156
cv::vint16mf2_t::vint16mf2_t
vint16mf2_t()
Definition: intrin_rvv.hpp:62
warp.hpp
cv::xphoto::BM3D_STEPALL
@ BM3D_STEPALL
Definition: bm3d_image_denoising.hpp:71
cv::detail::estimateFocal
void estimateFocal(const std::vector< ImageFeatures > &features, const std::vector< MatchesInfo > &pairwise_matches, std::vector< double > &focals)
Estimates focal lengths for each given camera.
cv::bitwise_not
void bitwise_not(InputArray src, OutputArray dst, InputArray mask=noArray())
Inverts every bit of an array.
cv::cudacodec::EncoderCallBack
Callbacks for CUDA video encoder.
Definition: cudacodec.hpp:131
cv::COLOR_YUV2RGBA_Y422
@ COLOR_YUV2RGBA_Y422
Definition: imgproc.hpp:691
cv::ACCESS_WRITE
@ ACCESS_WRITE
Definition: mat.hpp:64
cv::cudev::UnaryTupleAdapter::result_type
Op::result_type result_type
Definition: tuple_adapter.hpp:59
cv::TermCriteria::epsilon
double epsilon
the desired accuracy
Definition: types.hpp:883
cv::VideoCaptureProperties
VideoCaptureProperties
VideoCapture generic properties identifier.
Definition: videoio.hpp:133
cv::face::PredictCollector::init
virtual void init(size_t size)
Interface method called by face recognizer before results processing.
Definition: predict_collector.hpp:69
cv::rotatedRectangleIntersection
int rotatedRectangleIntersection(const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion)
Finds out if there is any intersection between two rotated rectangles.
cv::cudev::vsetge4
__device__ __forceinline__ uint vsetge4(uint a, uint b)
Definition: simd_functions.hpp:728
cv::cudev::smem_tuple
__device__ __forceinline__ tuple< volatile T0 *, volatile T1 *, volatile T2 *, volatile T3 *, volatile T4 *, volatile T5 *, volatile T6 *, volatile T7 *, volatile T8 *, volatile T9 * > smem_tuple(T0 *t0, T1 *t1, T2 *t2, T3 *t3, T4 *t4, T5 *t5, T6 *t6, T7 *t7, T8 *t8, T9 *t9)
Definition: reduce.hpp:202
cv::Error::StsNullPtr
@ StsNullPtr
null pointer
Definition: base.hpp:96
cv::viz::writePose
void writePose(const String &file, const Affine3d &pose, const String &tag="pose")
cv::ml::DTrees
The class represents a single decision tree or a collection of decision trees.
Definition: ml.hpp:1054
cv::gapi::s11n::detail::has_S11N_spec
Definition: base.hpp:36
cv::dnn::DictValue::ps
AutoBuffer< String, 1 > * ps
Definition: dict.hpp:105
cv::detail::MultiBandBlender::numBands
int numBands() const
Definition: blenders.hpp:132
cv::CAP_IEEE1394
@ CAP_IEEE1394
Same value as CAP_FIREWIRE.
Definition: videoio.hpp:96
cv::cudev::interNearest
__host__ NearestInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interNearest(const SrcPtr &src)
Definition: interpolation.hpp:82
cv::dnn::ScaleLayer::hasBias
bool hasBias
Definition: all_layers.hpp:545
cv::datasets::PD_caltechObj::imageNames
std::vector< std::string > imageNames
Definition: pd_caltech.hpp:65
cvv::impl::CallMetaData::isKnown
const bool isKnown
Whether *this holds actual data.
Definition: call_meta_data.hpp:53
NcvRect32u::x
Ncv32u x
x-coordinate of upper left corner.
Definition: NCV.hpp:162
cv::cuda::ALPHA_XOR
@ ALPHA_XOR
Definition: cudaimgproc.hpp:159
cv::_InputArray::type
int type(int i=-1) const
cv::datasets::FR_lfw
Definition: fr_lfw.hpp:67
randpattern.hpp
cv::stereo::StereoBinaryBM::setAgregationWindowSize
virtual void setAgregationWindowSize(int value)=0
cv::quality::QualitySSIM::_refImgData
_mat_data _refImgData
Reference image data.
Definition: qualityssim.hpp:84
hal_ni_sub8u
int hal_ni_sub8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:84
cv::face::FaceRecognizer::update
virtual void update(InputArrayOfArrays src, InputArray labels)
Updates a FaceRecognizer with given data and associated labels.
cv::GProtoArgs
std::vector< GProtoArg > GProtoArgs
Definition: gproto.hpp:45
cv::videostab::StabilizerBase::setMaskSource
void setMaskSource(const Ptr< IFrameSource > &val)
Definition: stabilizer.hpp:80
cv::line_descriptor::KeyLine::getEndPoint
Point2f getEndPoint() const
Definition: descriptor.hpp:150
cv::HOGDescriptor::compute
virtual void compute(InputArray img, std::vector< float > &descriptors, Size winStride=Size(), Size padding=Size(), const std::vector< Point > &locations=std::vector< Point >()) const
Computes HOG descriptors of given image.
cv::gapi::onnx::PortCfg::Normalize
std::array< bool, std::tuple_size< typename Net::InArgs >::value > Normalize
Definition: onnx.hpp:77
cv::GCPUContext::outVecR
std::vector< T > & outVecR(int output)
Definition: gcpukernel.hpp:105
cv::util::detail::type_list_index_helper::value
static constexpr const std::size_t value
Definition: variant.hpp:29
cv::asin
Quat< T > asin(const Quat< T > &q)
cv::large_kinfu::LargeKinfu::create
static Ptr< LargeKinfu > create(const Ptr< Params > &_params)
cv::cuda::LookUpTable
Base class for transform using lookup table.
Definition: cudaarithm.hpp:493
cv::cuda::GpuMat::upload
void upload(InputArray arr, Stream &stream)
Performs data upload to GpuMat (Non-Blocking call)
cv::cuda::DeviceInfo::maxTexture2DMipmap
Vec2i maxTexture2DMipmap() const
maximum 2D mipmapped texture dimensions
NCVBroxOpticalFlowDescriptor::alpha
Ncv32f alpha
flow smoothness
Definition: NCVBroxOpticalFlow.hpp:72
cv::VariationalRefinement::setOmega
virtual void setOmega(float val)=0
Relaxation factor in SOR.
cv::GComputationT< std::tuple< R... >(Args...)>::GCompiledT::operator()
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &... outArgs)
Definition: gtyped.hpp:180
cv::reg::MapperGradSimilar::calculate
virtual cv::Ptr< Map > calculate(InputArray img1, InputArray img2, cv::Ptr< Map > init=cv::Ptr< Map >()) const CV_OVERRIDE
cv::optflow::DenseRLOFOpticalFlow::setForwardBackward
virtual void setForwardBackward(float val)=0
Threshold for the forward backward confidence check.
cv::TermCriteria::isValid
bool isValid() const
Definition: types.hpp:874
cv::multicalib::MultiCameraCalibration::edge::photoVertex
int photoVertex
Definition: multicalib.hpp:85
cv::detail::PlanePortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
CV_DbgAssert
#define CV_DbgAssert(expr)
Definition: base.hpp:375
cv::cudev::gridTransformUnary
__host__ void gridTransformUnary(const SrcPtr &src, GpuMat_< DstType > &dst, const Op &op, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: transform.hpp:423
cv::validate_input_arg
void validate_input_arg(const GRunArg &arg)
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< cuda::GpuMat > &d_mat)
cv::ximgproc::DTFilter::filter
virtual void filter(InputArray src, OutputArray dst, int dDepth=-1)=0
Produce domain transform filtering operation on source image.
cv::COLOR_RGB2YUV_YV12
@ COLOR_RGB2YUV_YV12
Definition: imgproc.hpp:737
cv::detail::OCVSetupHelper
Definition: gcpukernel.hpp:296
cv::detail::tracking::kalman_filters::UnscentedKalmanFilterParams::DP
int DP
Dimensionality of the state vector.
Definition: kalman_filters.hpp:131
cv::DescriptorMatcher::radiusMatchImpl
virtual void radiusMatchImpl(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, InputArrayOfArrays masks=noArray(), bool compactResult=false)=0
cv::_InputArray
This is the proxy class for passing read-only input arrays into OpenCV functions.
Definition: mat.hpp:159
cv::CAP_PROP_XI_LENS_APERTURE_VALUE
@ CAP_PROP_XI_LENS_APERTURE_VALUE
Current lens aperture value in stops. Examples: 2.8, 4, 5.6, 8, 11.
Definition: videoio.hpp:438
cv::adaptiveThreshold
void adaptiveThreshold(InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C)
Applies an adaptive threshold to an array.
cv::ParamType< _Tp, typename std::enable_if< std::is_enum< _Tp >::value >::type >::member_type
std::underlying_type< _Tp >::type member_type
Definition: core.hpp:3293
cv::cudev::PerspectiveMapPtrSz
Definition: warping.hpp:126
cv::sfm::libmv_CameraIntrinsicsOptions::libmv_CameraIntrinsicsOptions
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
cv::aruco::DetectorParameters::aprilTagMinWhiteBlackDiff
int aprilTagMinWhiteBlackDiff
Definition: aruco.hpp:186
retina.hpp
cv::detail::get_in< cv::GMatP >::get
static cv::Mat get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:164
cv::cudev::LinearInterPtrSz::rows
int rows
Definition: interpolation.hpp:136
cv::v_zip
void v_zip(const v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1)
Interleave two vectors.
Definition: intrin_cpp.hpp:1439
cv::ORB
Class implementing the ORB (oriented BRIEF) keypoint detector and descriptor extractor.
Definition: features2d.hpp:405
cv::face::FacemarkLBF::Params::radius_m
std::vector< double > radius_m
Definition: facemarkLBF.hpp:85
cv::face::FacemarkAAM::Config::model_scale_idx
int model_scale_idx
Definition: facemarkAAM.hpp:91
cv::cudev::bit_or
Definition: functional.hpp:235
cv::cuda::StereoConstantSpaceBP::setUseLocalInitDataCost
virtual void setUseLocalInitDataCost(bool use_local_init_data_cost)=0
cv::MatOp::augAssignXor
virtual void augAssignXor(const MatExpr &expr, Mat &m) const
cv::sfm::motionFromEssential
void motionFromEssential(InputArray E, OutputArrayOfArrays Rs, OutputArrayOfArrays ts)
cv::convertMaps
void convertMaps(InputArray map1, InputArray map2, OutputArray dstmap1, OutputArray dstmap2, int dstmap1type, bool nninterpolation=false)
Converts image transformation maps from one representation to another.
cv::ogl::Texture2D::Texture2D
Texture2D()
The constructors.
cv::Mat::Mat
Mat(const std::vector< int > &sizes, int type, const Scalar &s)
cv::hal::absdiff32f
void absdiff32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::videostab::InpainterBase::stabilizationMotions_
const std::vector< Mat > * stabilizationMotions_
Definition: inpainting.hpp:99
cv::gapi::own::Mat::operator()
Mat operator()(const Rect &roi) const
Definition: mat.hpp:321
cv::QtFont::cyrillic
const int * cyrillic
Definition: highgui.hpp:706
cv::dnn::LayerParams
This class provides all data needed to initialize layer.
Definition: dnn.hpp:109
cv::MergeMertens::getSaturationWeight
virtual float getSaturationWeight() const =0
cv::operator-=
v_reg< _Tp, n > & operator-=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::text::ERFilter::setThresholdDelta
virtual void setThresholdDelta(int thresholdDelta)=0
cv::optflow::DualTVL1OpticalFlow::setOuterIterations
virtual void setOuterIterations(int val)=0
Outer iterations (number of inner loops) used in the numerical scheme.
cv::ccm::COLOR_SPACE_REC_2020_RGB
@ COLOR_SPACE_REC_2020_RGB
https://en.wikipedia.org/wiki/Rec._2020 , RGB color space
Definition: ccm.hpp:108
cv::ximgproc::SuperpixelSLIC::getLabels
virtual void getLabels(OutputArray labels_out) const =0
Returns the segmentation labeling of the image.
intrin_sse.hpp
cv::rapid::Tracker::clearState
virtual void clearState()=0
cv::ximgproc::FHT_AVE
@ FHT_AVE
Definition: fast_hough_transform.hpp:96
cv::ximgproc::BINARIZATION_NIBLACK
@ BINARIZATION_NIBLACK
Classic Niblack binarization. See .
Definition: ximgproc.hpp:119
cv::ppf_match_3d::Pose3D::numVotes
size_t numVotes
Definition: pose_3d.hpp:126
cv::util::variant::memory
Memory memory
Definition: variant.hpp:179
cv::ppf_match_3d::hashtablePrint
void hashtablePrint(hashtable_int *hashtbl)
cv::ogl::Buffer::Access
Access
Definition: opengl.hpp:93
cv::detail::tracking::TrackerFeature
Abstract base class for TrackerFeature that represents the feature.
Definition: tracking.private.hpp:33
cv::rgbd::RgbdOdometry
Definition: depth.hpp:625
cv::IMREAD_REDUCED_COLOR_4
@ IMREAD_REDUCED_COLOR_4
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/4.
Definition: imgcodecs.hpp:79
cv::BORDER_TRANSPARENT
@ BORDER_TRANSPARENT
uvwxyz|abcdefgh|ijklmno
Definition: base.hpp:274
cv::COLOR_RGB2BGR
@ COLOR_RGB2BGR
Definition: imgproc.hpp:541
cv::gapi::wip::draw::Text::thick
int thick
The thickness of the lines used to draw a text.
Definition: render_types.hpp:79
cv::datasets::MSM_middlebury::create
static Ptr< MSM_middlebury > create()
cv::CALIB_FIX_S1_S2_S3_S4
@ CALIB_FIX_S1_S2_S3_S4
Definition: calib3d.hpp:509
cv::viz::REPRESENTATION
@ REPRESENTATION
Definition: widgets.hpp:67
ocl.hpp
cv::MSER::detectRegions
virtual void detectRegions(InputArray image, std::vector< std::vector< Point > > &msers, std::vector< Rect > &bboxes)=0
Detect MSER regions.
cv::MatConstIterator::seek
void seek(ptrdiff_t ofs, bool relative=false)
cv::ADAPTIVE_THRESH_GAUSSIAN_C
@ ADAPTIVE_THRESH_GAUSSIAN_C
Definition: imgproc.hpp:340
cv::DetectionBasedTracker::Parameters::maxTrackLifetime
int maxTrackLifetime
Definition: detection_based_tracker.hpp:62
_v512_set_epu16
#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
CV_INTRIN_DEF_TYPE_TRAITS_NO_Q_TYPE
#define CV_INTRIN_DEF_TYPE_TRAITS_NO_Q_TYPE(type, int_type_, uint_type_, abs_type_, w_type_, sum_type_, nlanes128_)
Definition: intrin.hpp:134
cv::stereo::StereoBinaryBM::setBinaryKernelType
virtual void setBinaryKernelType(int value)=0
exposure_compensate.hpp
cv::ximgproc::ARO_45_90
@ ARO_45_90
Definition: fast_hough_transform.hpp:67
cv::detail::tracking::online_boosting::StrongClassifierDirectSelection
Definition: onlineBoosting.hpp:66
cv::DISOpticalFlow::PRESET_FAST
@ PRESET_FAST
Definition: tracking.hpp:590
cv::COLOR_YUV2BGRA_YV12
@ COLOR_YUV2BGRA_YV12
Definition: imgproc.hpp:660
cv::operator>>
v_reg< _Tp, n > operator>>(const v_reg< _Tp, n > &a, int imm)
Bitwise shift right.
Definition: intrin_cpp.hpp:1161
cv::cudev::ThreshToZeroInvFunc
Definition: functional.hpp:772
cv::detail::tracking::TrackerFeatureSet::getTrackerFeatures
const std::vector< Ptr< TrackerFeature > > & getTrackerFeatures() const
Get the TrackerFeature collection (TrackerFeature name, TrackerFeature pointer)
cv::ocl::Device::errorCorrectionSupport
bool errorCorrectionSupport() const
cv::optflow::DenseRLOFOpticalFlow::setRLOFOpticalFlowParameter
virtual void setRLOFOpticalFlowParameter(Ptr< RLOFOpticalFlowParameter > val)=0
Configuration of the RLOF alogrithm.
cv::dnn::DNN_TARGET_MYRIAD
@ DNN_TARGET_MYRIAD
Definition: dnn.hpp:92
cv::Quat
Definition: quaternion.hpp:133
cv::cuda::TemplateMatching
Base class for Template Matching. :
Definition: cudaimgproc.hpp:658
cv::Mat::channels
int channels() const
Returns the number of matrix channels.
cv::ccm::COLOR_SPACE_DCI_P3_RGBL
@ COLOR_SPACE_DCI_P3_RGBL
https://en.wikipedia.org/wiki/DCI-P3 , linear RGB color space
Definition: ccm.hpp:103
cv::cuda::createHoughLinesDetector
Ptr< HoughLinesDetector > createHoughLinesDetector(float rho, float theta, int threshold, bool doSort=false, int maxLines=4096)
Creates implementation for cuda::HoughLinesDetector .
cv::videostab::StabilizerBase::motions_
std::vector< Mat > motions_
Definition: stabilizer.hpp:135
cv::cudev::exp10
__device__ __forceinline__ double4 exp10(const double4 &a)
Definition: vec_math.hpp:256
cv::ml::DTrees::Split::c
float c
Definition: ml.hpp:1184
cv::face::FacemarkLBF::Params::n_landmarks
int n_landmarks
number of landmark points
Definition: facemarkLBF.hpp:65
cv::cuda::FEATURE_SET_COMPUTE_30
@ FEATURE_SET_COMPUTE_30
Definition: cuda.hpp:781
cv::Quat::sinh
friend Quat< T > sinh(const Quat< T > &q)
return sinh value of quaternion q, sinh could be calculated as:
cv::gapi::own::Scalar::Scalar
Scalar(double v0, double v1, double v2=0, double v3=0)
Definition: scalar.hpp:25
cv::utils::optional_lock_guard::~optional_lock_guard
~optional_lock_guard()
Definition: lock.private.hpp:82
cv::optflow::OpticalFlowPCAFlow::collectGarbage
void collectGarbage() CV_OVERRIDE
Releases all inner buffers.
cv::cuda::GpuMat::Allocator
Definition: cuda.hpp:109
cv::GMatDesc::isND
bool isND() const
Definition: gmat.hpp:110
cv::ximgproc::createGuidedFilter
Ptr< GuidedFilter > createGuidedFilter(InputArray guide, int radius, double eps)
Factory method, create instance of GuidedFilter and produce initialization routines.
cv::rgbd::RgbdPlane::RgbdPlane
RgbdPlane(int method=RgbdPlane::RGBD_PLANE_METHOD_DEFAULT)
Definition: depth.hpp:337
cv::CAP_PROP_XI_AEAG_LEVEL
@ CAP_PROP_XI_AEAG_LEVEL
Average intensity of output signal AEAG should achieve(in %).
Definition: videoio.hpp:362
cv::CLAHE::setClipLimit
virtual void setClipLimit(double clipLimit)=0
Sets threshold for contrast limiting.
cv::multicalib::MultiCameraCalibration::edge::edge
edge(int cv, int pv, int pi, Mat trans)
Definition: multicalib.hpp:89
cv::GCompileArg::get
const T & get() const
Definition: gcommon.hpp:178
cv::optflow::calcOpticalFlowSF
void calcOpticalFlowSF(InputArray from, InputArray to, OutputArray flow, int layers, int averaging_block_size, int max_flow)
cv::cuda::split
void split(InputArray src, GpuMat *dst, Stream &stream=Stream::Null())
Copies each plane of a multi-channel matrix into an array.
cv::CalibrateDebevec::getLambda
virtual float getLambda() const =0
cv::detail::has_custom_wrap::type
decltype(test< T >(nullptr)) type
Definition: gtype_traits.hpp:110
cv::rgbd::OdometryFrame::OdometryFrame
OdometryFrame(const Mat &image, const Mat &depth, const Mat &mask=Mat(), const Mat &normals=Mat(), int ID=-1)
cv::bioinspired::Retina::printSetup
virtual const String printSetup()=0
Outputs a string showing the used parameters setup.
cv::gapi::ie::Params< cv::gapi::Generic >::Params
Params(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:153
cv::ShapeContextDistanceExtractor::setAngularBins
virtual void setAngularBins(int nAngularBins)=0
Establish the number of angular bins for the Shape Context Descriptor used in the shape matching pipe...
cv::Quat::x
_Tp x
Definition: quaternion.hpp:1437
cv::cuda::HoughLinesDetector::setMaxLines
virtual void setMaxLines(int maxLines)=0
cv::flann::GenericIndex::~GenericIndex
~GenericIndex()
cv::IMREAD_REDUCED_COLOR_2
@ IMREAD_REDUCED_COLOR_2
If set, always convert image to the 3 channel BGR color image and the image size reduced 1/2.
Definition: imgcodecs.hpp:77
cv::ximgproc::EdgeAwareInterpolator::setFGSSigma
virtual void setFGSSigma(float _sigma)=0
cv::GFluidKernel::Kind::Filter
@ Filter
cv::v_float64x2::v_float64x2
v_float64x2()
Definition: intrin_rvv.hpp:521
cv::linemod::Template::read
void read(const FileNode &fn)
nppiStIntegral_8u32u_C1R
NCVStatus nppiStIntegral_8u32u_C1R(Ncv8u *d_src, Ncv32u srcStep, Ncv32u *d_dst, Ncv32u dstStep, NcvSize32u roiSize, Ncv8u *pBuffer, Ncv32u bufSize, cudaDeviceProp &devProp)
cv::xphoto::GrayworldWB::getSaturationThreshold
virtual float getSaturationThreshold() const =0
Maximum saturation for a pixel to be included in the gray-world assumption.
cv::saliency::StaticSaliencySpectralResidual::getImageHeight
int getImageHeight() const
Definition: saliencySpecializedClasses.hpp:100
cv::dnn::LayerFactory::unregisterLayer
static void unregisterLayer(const String &type)
Unregisters registered layer with specified type name. Thread-safe.
cv::stereo::Match
Definition: quasi_dense_stereo.hpp:28
cv::datasets::TRACK_alovObj::imagePath
std::string imagePath
Definition: track_alov.hpp:64
cv::moments
Moments moments(InputArray array, bool binaryImage=false)
Calculates all of the moments up to the third order of a polygon or rasterized shape.
hal_ni_cvtOnePlaneYUVtoBGR
int hal_ni_cvtOnePlaneYUVtoBGR(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height, int dcn, bool swapBlue, int uIdx, int ycn)
hal_cvtOnePlaneYUVtoBGR
Definition: hal_replacement.hpp:539
cv::ocl::PlatformInfo::empty
bool empty() const
Definition: ocl.hpp:639
cv::multicalib::MultiCameraCalibration::vertex::vertex
vertex()
Definition: multicalib.hpp:111
cv::TrackerCSRT::Params::use_rgb
bool use_rgb
Definition: tracking.hpp:48
cv::gapi::ie::Params< cv::gapi::Generic >::pluginConfig
Params & pluginConfig(const IEConfig &cfg)
Definition: ie.hpp:171
cv::GComputationT< std::tuple< R... >(Args...)>::GCompiledT::GCompiledT
GCompiledT()
Definition: gtyped.hpp:178
cv::face::CParams::maxSize
Size maxSize
Maximum possible object size.
Definition: facemark_train.hpp:40
cv::bgsegm::BackgroundSubtractorMOG::getNoiseSigma
virtual double getNoiseSigma() const =0
cv::stereo::StereoBinaryBM
Class for computing stereo correspondence using the block matching algorithm, introduced and contribu...
Definition: stereo.hpp:124
cv::datasets::tag
Definition: tr_svt.hpp:61
cv::MSER::setMaxArea
virtual void setMaxArea(int maxArea)=0
cv::detail::VectorRefT::reset
void reset()
Definition: garray.hpp:167
outlier_rejection.hpp
cv::detail::tracking::TrackerFeatureHOG
TrackerContribFeature based on HOG.
Definition: tracking_internals.hpp:832
cv::gapi::addWeighted
GMat addWeighted(const GMat &src1, double alpha, const GMat &src2, double beta, double gamma, int ddepth=-1)
Calculates the weighted sum of two matrices.
cv::cudev::transformPtr
__host__ UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, Op > transformPtr(const SrcPtr &src, const Op &op)
Definition: transform.hpp:88
kdtree_index.h
cv::cuda::HoughCirclesDetector::setMaxCircles
virtual void setMaxCircles(int maxCircles)=0
cv::cuda::lshift
void lshift(InputArray src, Scalar_< int > val, OutputArray dst, Stream &stream=Stream::Null())
Performs pixel by pixel right left of an image by a constant value.
cv::CAP_PROP_IOS_DEVICE_EXPOSURE
@ CAP_PROP_IOS_DEVICE_EXPOSURE
Definition: videoio.hpp:514
cv::gapi::streaming::seq_id
cv::GOpaque< int64_t > seq_id(G g)
Definition: meta.hpp:65
cv::gapi::s11n::operator<<
IOStream & operator<<(IOStream &os, const cv::Point &pt)
cv::GMatDesc::GMatDesc
GMatDesc(int d, int c, cv::Size s, bool p=false)
Definition: gmat.hpp:85
cv::Matx66d
Matx< double, 6, 6 > Matx66d
Definition: matx.hpp:257
cv::ml::TrainData::getNames
virtual void getNames(std::vector< String > &names) const =0
Returns vector of symbolic names captured in loadFromCSV()
cv::DrawMatchesFlags
DrawMatchesFlags
Definition: features2d.hpp:1297
cv::GComputation::GComputation
GComputation(const std::vector< GMat > &ins, const std::vector< GMat > &outs)
Defines a computation with arbitrary input/output number.
cv::phase_unwrapping::HistogramPhaseUnwrapping::Params::height
int height
Definition: histogramphaseunwrapping.hpp:82
cv::large_kinfu::LargeKinfu::~LargeKinfu
virtual ~LargeKinfu()=default
cv::datasets::HPE_humanevaObj::person
char person
Definition: hpe_humaneva.hpp:62
cv::gapi::filter2D
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.
cv::GeneralizedHough::detect
virtual void detect(InputArray edges, InputArray dx, InputArray dy, OutputArray positions, OutputArray votes=noArray())=0
cv::gapi::GKernelPackage::remove
void remove()
Remove all kernels implementing the given API from the package.
Definition: gkernel.hpp:557
cv::rectify3Collinear
float rectify3Collinear(InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, InputArray cameraMatrix3, InputArray distCoeffs3, InputArrayOfArrays imgpt1, InputArrayOfArrays imgpt3, Size imageSize, InputArray R12, InputArray T12, InputArray R13, InputArray T13, OutputArray R1, OutputArray R2, OutputArray R3, OutputArray P1, OutputArray P2, OutputArray P3, OutputArray Q, double alpha, Size newImgSize, Rect *roi1, Rect *roi2, int flags)
computes the rectification transformations for 3-head camera, where all the heads are on the same lin...
cv::Mat::forEach_impl
void forEach_impl(const Functor &operation)
Definition: utility.hpp:607
cv::cuda::HoughLinesDetector::getTheta
virtual float getTheta() const =0
cv::CAP_PROP_XI_AG_MAX_LIMIT
@ CAP_PROP_XI_AG_MAX_LIMIT
Maximum limit of gain in AEAG procedure.
Definition: videoio.hpp:361
cv::cuda::DescriptorMatcher::radiusMatch
virtual void radiusMatch(InputArray queryDescriptors, std::vector< std::vector< DMatch > > &matches, float maxDistance, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), bool compactResult=false)=0
cv::detail::ocl_get_out< cv::GMat >::get
static tracked_cv_umat get(GOCLContext &ctx, int idx)
Definition: goclkernel.hpp:166
cv::dnn::CropAndResizeLayer
Definition: all_layers.hpp:678
cv::videostab::TwoPassStabilizer::mustEstimateTrimaRatio
bool mustEstimateTrimaRatio() const
Definition: stabilizer.hpp:175
cv::dnn_objdetect::InferBbox::filter
void filter(double thresh=0.8)
Filters the bounding boxes.
cv::videostab::MotionFilterBase::~MotionFilterBase
virtual ~MotionFilterBase()
Definition: motion_stabilizing.hpp:87
cv::EVENT_FLAG_ALTKEY
@ EVENT_FLAG_ALTKEY
indicates that ALT Key is pressed.
Definition: highgui.hpp:231
cv::cudev::threshBinaryInv_
__host__ Expr< UnaryTransformPtrSz< typename PtrTraits< SrcPtr >::ptr_type, ThreshBinaryInvFunc< typename PtrTraits< SrcPtr >::value_type > > > threshBinaryInv_(const SrcPtr &src, typename PtrTraits< SrcPtr >::value_type thresh, typename PtrTraits< SrcPtr >::value_type maxVal)
Definition: per_element_func.hpp:89
cv::dnn::Net::getFLOPS
int64 getFLOPS(const MatShape &netInputShape) const
cv::cudev::VecTraits< char3 >::elem_type
schar elem_type
Definition: vec_traits.hpp:168
cv::cudev::saturate_cast< uint >
__device__ __forceinline__ uint saturate_cast< uint >(double v)
Definition: saturate_cast.hpp:267
cv::viz::WCoordinateSystem
Compound widgets.
Definition: widgets.hpp:514
CV_CUDEV_RGB5x52RGB_INST
#define CV_CUDEV_RGB5x52RGB_INST(name, dcn, bidx, green_bits)
Definition: color_cvt.hpp:441
cv::cudev::CubicInterPtr
Definition: interpolation.hpp:156
cv::datasets::OR_sunObj
Definition: or_sun.hpp:61
cv::detail::TimelapserCrop
Definition: timelapsers.hpp:81
cv::DMatch::DMatch
DMatch(int _queryIdx, int _trainIdx, float _distance)
cv::LineTypes
LineTypes
Definition: imgproc.hpp:807
cv::cudev::lut_
__host__ Expr< LutPtrSz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< TablePtr >::ptr_type > > lut_(const SrcPtr &src, const TablePtr &tbl)
Definition: per_element_func.hpp:128
cv::bioinspired::RetinaParameters::IplMagnoParameters::amacrinCellsTemporalCutFrequency
float amacrinCellsTemporalCutFrequency
Definition: retina.hpp:176
cv::RMat::Access
Access
Definition: rmat.hpp:100
cv::detail::GObtainCtor::get
static HostCtor get()
Definition: gtype_traits.hpp:209
motempl.hpp
cv::AVIWriteContainer::putStreamBytes
void putStreamBytes(const uchar *buf, int count)
cv::FloodFillFlags
FloodFillFlags
floodfill algorithm flags
Definition: imgproc.hpp:376
cv::IMREAD_ANYDEPTH
@ IMREAD_ANYDEPTH
If set, return 16-bit/32-bit image when the input has the corresponding depth, otherwise convert it t...
Definition: imgcodecs.hpp:73
cv::gapi::detail::getRunArgsWithRMats
cv::GRunArgs getRunArgsWithRMats(const std::vector< char > &p)
Definition: s11n.hpp:346
cv::hfs::HfsSegment::setSpatialWeight
virtual void setSpatialWeight(float w)=0
: set and get the parameter spatialWeight. This parameter is used in the first stage mentioned above(...
cv::cudev::vmax2
__device__ __forceinline__ uint vmax2(uint a, uint b)
Definition: simd_functions.hpp:478
hal_ni_split8u
int hal_ni_split8u(const uchar *src_data, uchar **dst_data, int len, int cn)
Definition: hal_replacement.hpp:345
cv::cudev::remapPtr
__host__ RemapPtr1Sz< typename PtrTraits< SrcPtr >::ptr_type, typename PtrTraits< MapPtr >::ptr_type > remapPtr(const SrcPtr &src, const MapPtr &map)
Definition: remap.hpp:116
NcvSize32s
Definition: NCV.hpp:173
cv::Quat::operator==
bool operator==(const Quat< _Tp > &) const
return true if two quaternions p and q are nearly equal, i.e. when the absolute value of each and i...
cv::videostab::StabilizerBase::borderMode
int borderMode() const
Definition: stabilizer.hpp:96
cv::cuda::findMinMaxLoc
void findMinMaxLoc(InputArray src, OutputArray minMaxVals, OutputArray loc, InputArray mask=noArray(), Stream &stream=Stream::Null())
infer.hpp
cv::ParamType< Algorithm >::const_param_type
const Ptr< Algorithm > & const_param_type
Definition: core.hpp:3243
cv::optflow::DenseRLOFOpticalFlow::setInterpolation
virtual void setInterpolation(InterpolationType val)=0
Interpolation used to compute the dense optical flow.
hal_ni_minMaxIdx
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
shuffle.hpp
cv::detail::MetaHelper< K, std::tuple< Ins... >, std::tuple< Outs... > >::getOutMeta_impl
static GMetaArgs getOutMeta_impl(const GMetaArgs &in_meta, const GArgs &in_args, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gkernel.hpp:144
cv::videostab::LogToStdout
Definition: log.hpp:70
cv::datasets::TRACK_vot::activeDatasetID
int activeDatasetID
Definition: track_vot.hpp:87
cv::cudacodec::NumFormats
@ NumFormats
Definition: cudacodec.hpp:276
cv::gapi::fluid::View::Cache
Definition: gfluidbuffer.hpp:44
cv::gapi::own::Mat::clone
Mat clone() const
Creates a full copy of the matrix and the underlying data.
Definition: mat.hpp:262
cv::cuda::DeviceInfo::supports
bool supports(FeatureSet feature_set) const
Provides information on CUDA feature support.
cv::ximgproc::rl::erode
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.
cv::ximgproc::BINARIZATION_NICK
@ BINARIZATION_NICK
NICK technique. See .
Definition: ximgproc.hpp:122
cv::DetectionBasedTracker::ExtObject::id
int id
Definition: detection_based_tracker.hpp:147
cv::HOGDescriptor::L2Hys
@ L2Hys
Default histogramNormType.
Definition: objdetect.hpp:375
cv::ocl::getOpenCLErrorString
const char * getOpenCLErrorString(int errorCode)
cv::ParamType< _Tp, typename std::enable_if< std::is_enum< _Tp >::value >::type >::const_param_type
std::underlying_type< _Tp >::type const_param_type
Definition: core.hpp:3292
cv::detail::VectorRef::getKind
cv::detail::OpaqueKind getKind() const
Definition: garray.hpp:256
cv::GRunArgBase
util::variant< cv::UMat, cv::RMat, cv::gapi::wip::IStreamSource::Ptr, cv::Mat, cv::Scalar, cv::detail::VectorRef, cv::detail::OpaqueRef, cv::MediaFrame > GRunArgBase
Definition: garg.hpp:109
cv::cudev::NormL1< float >::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:99
cv::cudev::greater_equal::operator()
__device__ __forceinline__ MakeVec< uchar, VecTraits< T >::cn >::type operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:175
cvhalDFT
Dummy structure storing DFT/DCT context.
Definition: hal_replacement.hpp:500
cv::ocl::OpenCLExecutionContext::cloneWithNewQueue
OpenCLExecutionContext cloneWithNewQueue() const
cv::_InputArray::empty
bool empty() const
cv::GCPUContext::state
GArg state()
Definition: gcpukernel.hpp:114
cv::v_scan_forward
int v_scan_forward(const v_reg< _Tp, n > &a)
Get first negative lane index.
Definition: intrin_cpp.hpp:1294
cv::cudev::TypeTraits::is_integral
@ is_integral
Definition: type_traits.hpp:144
cv::VideoWriter::iwriter
Ptr< IVideoWriter > iwriter
Definition: videoio.hpp:1017
cv::flann::CvType< char >::type
static int type()
Definition: flann.hpp:77
cv::datasets::flat
@ flat
Definition: gr_skig.hpp:78
cv::detail::tracking::TrackerSamplerAlgorithm::~TrackerSamplerAlgorithm
virtual ~TrackerSamplerAlgorithm()
cv::TLSData::getRef
T & getRef() const
Get data associated with key.
Definition: tls.hpp:68
cv::stereo::CV_SPARSE_CENSUS
@ CV_SPARSE_CENSUS
Definition: descriptor.hpp:13
cv::cudev::warpTransform
__device__ __forceinline__ OutIt warpTransform(InIt beg, InIt end, OutIt out, const UnOp &op)
Definition: warp.hpp:94
NcvRect32u::height
Ncv32u height
Rectangle height.
Definition: NCV.hpp:165
cv::COLOR_BayerBG2BGRA
@ COLOR_BayerBG2BGRA
Demosaicing with alpha channel.
Definition: imgproc.hpp:781
cv::detail::GCompoundContext::GCompoundContext
GCompoundContext(const GArgs &in_args)
cv::dnn::DNN_BACKEND_VKCOM
@ DNN_BACKEND_VKCOM
Definition: dnn.hpp:75
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const Vec< _Tp, cn > &v)
Definition: persistence.hpp:1030
cv::_InputArray::obj
void * obj
Definition: mat.hpp:256
cv::dynafu::DynaFu::render
virtual void render(OutputArray image, const Matx44f &cameraPose=Matx44f::eye()) const =0
Renders a volume into an image.
cv::Range::size
int size() const
cv::ximgproc::RICInterpolator::setSuperpixelRuler
virtual void setSuperpixelRuler(float ruler=15.f)=0
Parameter to tune enforcement of superpixel smoothness factor used for oversegmentation.
cv::viz::Viz3d::getWindowName
String getWindowName() const
Returns the name of the window which has been set in the constructor. Viz - is prepended to the name ...
cv::viz::Viz3d::Color
cv::viz::Color Color
Definition: viz3d.hpp:70
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(Size asize, Allocator *allocator=defaultAllocator())
cvhalKeyPoint::size
float size
Definition: interface.h:23
cv::GPlaidMLContext::m_results
std::unordered_map< std::size_t, GArg > m_results
Definition: gplaidmlkernel.hpp:53
cv::AlignMTB::getExcludeRange
virtual int getExcludeRange() const =0
cv::gapi::wip::draw::Poly::lt
int lt
The Type of the line. See LineTypes.
Definition: render_types.hpp:323
cv::cudev::LaplacianPtrSz
Definition: deriv.hpp:370
cv::cudev::RemapPtr2Sz::rows
int rows
Definition: remap.hpp:105
cv::detail::tracking::feature::CvFeatureParams::featSize
int featSize
Definition: tracking_feature.private.hpp:47
cv::ORB::getMaxFeatures
virtual int getMaxFeatures() const =0
cv::cuda::DeviceInfo::ComputeMode
ComputeMode
Definition: cuda.hpp:906
cv::line_descriptor::LSDDetector::LSDDetector
LSDDetector(LSDParam _params)
Definition: descriptor.hpp:730
cv::viz::WCameraPosition::WCameraPosition
WCameraPosition(const Vec2d &fov, InputArray image, double scale=1.0, const Color &color=Color::white())
Display image on the far plane of the viewing frustum.
cv::ovis::WindowScene::setCameraPose
virtual void setCameraPose(InputArray tvec=noArray(), InputArray rot=noArray(), bool invert=false)=0
cv::GPlaidMLKernelImpl
Definition: gplaidmlkernel.hpp:126
cv::GComputationT< R(Args...)>::GCompiledT::operator()
void operator()(detail::ProtoToParamT< Args >... inArgs, detail::ProtoToParamT< R > &outArg)
Definition: gtyped.hpp:105
cv::GKernelImpl::outMeta
GKernel::M outMeta
Definition: gkernel.hpp:61
cv::ocl::Context::ndevices
size_t ndevices() const
cv::GCompileArg::GCompileArg
GCompileArg()=default
cv::FileNode::end
FileNodeIterator end() const
returns iterator pointing to the element following the last node element
cv::Matx16d
Matx< double, 1, 6 > Matx16d
Definition: matx.hpp:228
cv::cudev::min
__device__ __forceinline__ uchar1 min(const uchar1 &a, const uchar1 &b)
Definition: vec_math.hpp:794
cv::optflow::GPCPatchSample::neg
GPCPatchDescriptor neg
Definition: sparse_matching_gpc.hpp:81
cv::COLOR_YUV2BGRA_YVYU
@ COLOR_YUV2BGRA_YVYU
Definition: imgproc.hpp:708
cv::hal::recip16s
void recip16s(const short *, size_t, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *scale)
cv::cudev::minMaxVal_
__host__ Expr< FindMinMaxValExprBody< SrcPtr > > minMaxVal_(const SrcPtr &src)
Definition: reduction.hpp:143
cv::BFMatcher::create
static Ptr< BFMatcher > create(int normType=NORM_L2, bool crossCheck=false)
Brute-force matcher create method.
cv::cudev::Binder2nd::operator()
__device__ __forceinline__ Op::result_type operator()(typename TypeTraits< typename Op::first_argument_type >::parameter_type a) const
Definition: functional.hpp:856
cv::multiply
void multiply(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Calculates the per-element scaled product of two arrays.
cv::PCA::backProject
void backProject(InputArray vec, OutputArray result) const
cv::cudev::vsetne4
__device__ __forceinline__ uint vsetne4(uint a, uint b)
Definition: simd_functions.hpp:802
cv::detail::tracking::TrackerStateEstimatorSVM::estimateImpl
Ptr< TrackerTargetState > estimateImpl(const std::vector< ConfidenceMap > &confidenceMaps) CV_OVERRIDE
cv::datasets::SR_bsds
Definition: sr_bsds.hpp:29
cv::detail::tracking::feature::CvHaarEvaluator::setImage
virtual void setImage(const Mat &img, uchar clsLabel=0, int idx=1) CV_OVERRIDE
cv::detail::MatchesInfo::dst_img_idx
int dst_img_idx
Images indices (optional)
Definition: matchers.hpp:106
cv::INPAINT_TELEA
@ INPAINT_TELEA
Use the algorithm proposed by Alexandru Telea .
Definition: photo.hpp:97
cv::PCA::write
void write(FileStorage &fs) const
write PCA objects
cv::ccm::COLOR_SPACE_XYZ_D65_10
@ COLOR_SPACE_XYZ_D65_10
non-RGB color space
Definition: ccm.hpp:111
cv::dnn_superres::DnnSuperResImpl::upsample
void upsample(InputArray img, OutputArray result)
Upsample via neural network.
cv::Mat::datastart
const uchar * datastart
helper fields used in locateROI and adjustROI
Definition: mat.hpp:2097
hal_ni_cvtRGBAtoMultipliedRGBA
int hal_ni_cvtRGBAtoMultipliedRGBA(const uchar *src_data, size_t src_step, uchar *dst_data, size_t dst_step, int width, int height)
hal_cvtRGBAtoMultipliedRGBA
Definition: hal_replacement.hpp:550
cv::ml::SVM::getUncompressedSupportVectors
virtual Mat getUncompressedSupportVectors() const =0
Retrieves all the uncompressed support vectors of a linear SVM.
cv::cudev::DefaultSplitMergePolicy::block_size_x
@ block_size_x
Definition: split_merge.hpp:496
cv::ml::SVMSGD::SGD
@ SGD
Stochastic Gradient Descent.
Definition: ml.hpp:1804
cv::detail::plaidml_get_out
Definition: gplaidmlkernel.hpp:92
cv::aruco::DetectorParameters::minMarkerDistanceRate
double minMarkerDistanceRate
Definition: aruco.hpp:165
cv::COLOR_RGB2BGR565
@ COLOR_RGB2BGR565
Definition: imgproc.hpp:556
cv::cuda::HoughCirclesDetector::setMinRadius
virtual void setMinRadius(int minRadius)=0
cv::ogl::Texture2D::create
void create(Size asize, Format aformat, bool autoRelease=false)
cv::ogl::Arrays::release
void release()
Releases all inner buffers.
cv::Matx::ones
static Matx ones()
cv::face::StandardCollector::StandardCollector
StandardCollector(double threshold_=DBL_MAX)
Constructor.
cv::detail::AffineBestOf2NearestMatcher
Features matcher similar to cv::detail::BestOf2NearestMatcher which finds two best matches for each f...
Definition: matchers.hpp:223
cv::RMat::RMat
RMat(AdapterP &&a)
Definition: rmat.hpp:120
cv::bioinspired::SegmentationParameters::thresholdON
float thresholdON
Definition: transientareassegmentationmodule.hpp:92
cv::GCall::pass
GCall & pass(Ts &&... args)
Definition: gcall.hpp:35
cv::winrt_setFrameContainer
void winrt_setFrameContainer(::Windows::UI::Xaml::Controls::Image^ image)
cv::ocl::Device::addressBits
int addressBits() const
cv::Mat::DEPTH_MASK
@ DEPTH_MASK
Definition: mat.hpp:2080
cv::detail::GainCompensator::gains
std::vector< double > gains() const
cv::ocl::PlatformInfo::deviceNumber
int deviceNumber() const
cv::videostab::ConsistentMosaicInpainter::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
cv::instr::FLAGS_NONE
@ FLAGS_NONE
Definition: instrumentation.hpp:110
cv::v_float64x2
v_reg< double, 2 > v_float64x2
Two 64-bit floating point values (double precision)
Definition: intrin_cpp.hpp:407
cv::Mat_< float >
cv::TrackerKCF::Params::resize
bool resize
activate the resize feature to improve the processing speed
Definition: tracking.hpp:127
hal_ni_sepFilterFree
int hal_ni_sepFilterFree(cvhalFilter2D *context)
hal_sepFilterFree
Definition: hal_replacement.hpp:174
cv::kinfu::Volume::raycast
virtual void raycast(const Matx44f &cameraPose, const kinfu::Intr &intrinsics, const Size &frameSize, OutputArray points, OutputArray normals) const =0
cv::cudev::interArea
__host__ IntegerAreaInterPtrSz< typename PtrTraits< SrcPtr >::ptr_type > interArea(const SrcPtr &src, Size areaSize)
Definition: interpolation.hpp:277
cv::CHAIN_APPROX_SIMPLE
@ CHAIN_APPROX_SIMPLE
Definition: imgproc.hpp:437
cv::QT_FONT_DEMIBOLD
@ QT_FONT_DEMIBOLD
Weight of 63.
Definition: highgui.hpp:243
cv::Error::BadTileSize
@ BadTileSize
Definition: base.hpp:92
cv::sfm::meanAndVarianceAlongRows
void meanAndVarianceAlongRows(InputArray A, OutputArray mean, OutputArray variance)
Computes the mean and variance of a given matrix along its rows.
cv::MatExpr::abs
MatExpr abs(const MatExpr &e)
cv::datasets::SLAM_kittiObj::velodyne
std::vector< std::string > velodyne
Definition: slam_kitti.hpp:69
cv::cudev::DerivXPtrSz
Definition: deriv.hpp:75
cv::ximgproc::ARO_CTR_VER
@ ARO_CTR_VER
Definition: fast_hough_transform.hpp:75
cv::Vec4w
Vec< ushort, 4 > Vec4w
Definition: matx.hpp:419
cv::videostab::MotionEstimatorRansacL2
Describes a robust RANSAC-based global 2D motion estimation method which minimizes L2 error.
Definition: global_motion.hpp:132
cv::ccm::DISTANCE_RGBL
@ DISTANCE_RGBL
Euclidean distance of rgbl color space.
Definition: ccm.hpp:353
cv::gapi::erode3x3
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.
cv::GKernelType< K, std::function< R(Args...)> >::OutArgs
std::tuple< R > OutArgs
Definition: gkernel.hpp:244
cv::detail::tracking::TrackerStateEstimatorAdaBoosting::TrackerAdaBoostingTargetState::getTargetResponses
Mat getTargetResponses() const
Get the features extracted.
cv::img_hash::AverageHash
Computes average hash value of the input image.
Definition: average_hash.hpp:22
cv::cudev::atomicMin
static __device__ double atomicMin(double *address, double val)
Definition: atomic.hpp:132
cv::detail::tracking::TrackerContribFeatureHAAR::Params::Params
Params()
cv::detail::RotationWarper::warpRoi
virtual Rect warpRoi(Size src_size, InputArray K, InputArray R)=0
cv::ParamType< Scalar >::member_type
Scalar member_type
Definition: core.hpp:3284
cv::ximgproc::createDisparityWLSFilter
Ptr< DisparityWLSFilter > createDisparityWLSFilter(Ptr< StereoMatcher > matcher_left)
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevan...
cv::aruco::CharucoBoard::draw
void draw(Size outSize, OutputArray img, int marginSize=0, int borderBits=1)
Draw a ChArUco board.
cv::CAP_PROP_XI_DEBOUNCE_POL
@ CAP_PROP_XI_DEBOUNCE_POL
Debounce polarity (pol = 1 t0 - falling edge, t1 - rising edge).
Definition: videoio.hpp:436
cv::pointPolygonTest
double pointPolygonTest(InputArray contour, Point2f pt, bool measureDist)
Performs a point-in-contour test.
cv::ximgproc::SuperpixelSEEDS::getLabels
virtual void getLabels(OutputArray labels_out)=0
Returns the segmentation labeling of the image.
cv::detail::tracking::tbm::MatchTemplateDistance::compute
float compute(const cv::Mat &descr1, const cv::Mat &descr2) override
Computes distance between image descriptors.
ncvSetDebugOutputHandler
void ncvSetDebugOutputHandler(NCVDebugOutputHandler *func)
mapprojec.hpp
cv::cuda::graphcut
void graphcut(GpuMat &terminals, GpuMat &leftTransp, GpuMat &rightTransp, GpuMat &top, GpuMat &bottom, GpuMat &labels, GpuMat &buf, Stream &stream=Stream::Null())
performs labeling via graph cuts of a 2D regular 4-connected graph.
cv::bgsegm::createSyntheticSequenceGenerator
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.
cv::DescriptorMatcher::DescriptorCollection::DescriptorCollection
DescriptorCollection(const DescriptorCollection &collection)
cv::viz::Viz3d
The Viz3d class represents a 3D visualizer window. This class is implicitly shared.
Definition: viz3d.hpp:68
cv::cudev::integral_
__host__ Expr< IntegralBody< SrcPtr > > integral_(const SrcPtr &src)
Definition: reduction.hpp:253
cv::v_fma
v_reg< _Tp, n > v_fma(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c)
Multiply and add.
Definition: intrin_cpp.hpp:934
cv::videostab::DeblurerBase::~DeblurerBase
virtual ~DeblurerBase()
Definition: deblurring.hpp:64
types.hpp
NcvSize32s::width
Ncv32s width
Rectangle width.
Definition: NCV.hpp:174
cv::fastNlMeansDenoisingColored
void fastNlMeansDenoisingColored(InputArray src, OutputArray dst, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21)
Modification of fastNlMeansDenoising function for colored images.
cv::videostab::InpainterBase::setMotionModel
virtual void setMotionModel(MotionModel val)
Definition: inpainting.hpp:73
cv::viz::WImage3D::setImage
void setImage(InputArray image)
Sets the image content of the widget.
cv::face::FacemarkAAM::Params::save_model
bool save_model
Definition: facemarkAAM.hpp:72
cv::MatOp::multiply
virtual void multiply(const MatExpr &expr1, double s, MatExpr &res) const
_mm512_cvtpd_pslo
#define _mm512_cvtpd_pslo(a)
Definition: intrin_avx512.hpp:60
cv::detail::tracking::contrib_feature::CvHaarEvaluator::setWinSize
Size setWinSize() const
cv::detail::PaniniWarper::PaniniWarper
PaniniWarper(float scale, float A=1, float B=1)
Definition: warpers.hpp:442
cv::superres::createOptFlow_PyrLK_CUDA
Ptr< PyrLKOpticalFlow > createOptFlow_PyrLK_CUDA()
any.hpp
cv::MergeMertens::process
virtual void process(InputArrayOfArrays src, OutputArray dst)=0
Short version of process, that doesn't take extra arguments.
cv::HoughLinesPointSet
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.
cv::rgbd::RgbdOdometry::RgbdOdometry
RgbdOdometry(const Mat &cameraMatrix, float minDepth=Odometry::DEFAULT_MIN_DEPTH(), float maxDepth=Odometry::DEFAULT_MAX_DEPTH(), float maxDepthDiff=Odometry::DEFAULT_MAX_DEPTH_DIFF(), const std::vector< int > &iterCounts=std::vector< int >(), const std::vector< float > &minGradientMagnitudes=std::vector< float >(), float maxPointsPart=Odometry::DEFAULT_MAX_POINTS_PART(), int transformType=Odometry::RIGID_BODY_MOTION)
cv::detail::OCVStCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_and_postprocess::call
static void call(typename Impl::State &st, Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:431
cv::COLOR_BayerGB2RGBA
@ COLOR_BayerGB2RGBA
Definition: imgproc.hpp:787
cv::empty_gframe_desc
static GFrameDesc empty_gframe_desc()
Definition: gframe.hpp:62
cv::gapi::ie::Params::Params
Params(const std::string &model, const std::string &weights, const std::string &device)
Definition: ie.hpp:86
cv::setIdentity
void setIdentity(InputOutputArray mtx, const Scalar &s=Scalar(1))
Initializes a scaled identity matrix.
cv::detail::BasicOpaqueRef::~BasicOpaqueRef
virtual ~BasicOpaqueRef()
Definition: gopaque.hpp:119
cv::cudev::LinearInterPtr::src
SrcPtr src
Definition: interpolation.hpp:102
cv::cuda::DescriptorMatcher::knnMatchAsync
virtual void knnMatchAsync(InputArray queryDescriptors, InputArray trainDescriptors, OutputArray matches, int k, InputArray mask=noArray(), Stream &stream=Stream::Null())=0
Finds the k best matches for each descriptor from a query set (asynchronous version).
cv::QT_FONT_BOLD
@ QT_FONT_BOLD
Weight of 75.
Definition: highgui.hpp:244
hal_ni_recip16u
int hal_ni_recip16u(const ushort *src_data, size_t src_step, ushort *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:277
cv::ml::TrainData::getSampleWeights
virtual Mat getSampleWeights() const =0
cv::stereo::Match::corr
float corr
Definition: quasi_dense_stereo.hpp:31
cv::rgbd::Odometry::DEFAULT_MAX_ROTATION
static float DEFAULT_MAX_ROTATION()
Definition: depth.hpp:560
cv::img_hash::colorMomentHash
void colorMomentHash(cv::InputArray inputArr, cv::OutputArray outputArr)
Computes color moment hash of the input, the algorithm is come from the paper "Perceptual Hashing f...
cv::reduce
void reduce(InputArray src, OutputArray dst, int dim, int rtype, int dtype=-1)
Reduces a matrix to a vector.
unary_func.hpp
cv::datasets::split
void split(const std::string &s, std::vector< std::string > &elems, char delim)
cv::detail::BundleAdjusterAffine::BundleAdjusterAffine
BundleAdjusterAffine()
Definition: motion_estimators.hpp:292
cv::GCPUContext::outMatR
cv::Mat & outMatR(int output)
cv::randpattern::RandomPatternCornerFinder::RandomPatternCornerFinder
RandomPatternCornerFinder(float patternWidth, float patternHeight, int nminiMatch=20, int depth=CV_32F, int verbose=0, int showExtraction=0, Ptr< FeatureDetector > detector=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.005f), Ptr< DescriptorExtractor > descriptor=AKAZE::create(AKAZE::DESCRIPTOR_MLDB, 0, 3, 0.005f), Ptr< DescriptorMatcher > matcher=DescriptorMatcher::create("BruteForce-L1"))
cv::cudev::DefaultTransposePolicy
Definition: transpose.hpp:85
cv::DetectionBasedTracker::IDetector::getScaleFactor
float getScaleFactor()
Definition: detection_based_tracker.hpp:96
cv::TLSData::get
T * get() const
Get data associated with key.
Definition: tls.hpp:67
cv::TLSDataAccumulator::createDataInstance
virtual void * createDataInstance() const CV_OVERRIDE
Wrapper to allocate data by template.
Definition: tls.hpp:209
cv::utils::BufferArea::zeroFill
void zeroFill()
Fill all buffers with zeroes.
cv::LineIterator::plusShift
int plusShift
Definition: imgproc.hpp:4818
cv::cudev::IntegerAreaInterPtr::area_height
int area_height
Definition: interpolation.hpp:240
async_promise.hpp
cv::UMat::convertTo
void convertTo(OutputArray m, int rtype, double alpha=1, double beta=0) const
converts matrix to another datatype with optional scaling. See cvConvertScale.
cv::mcc::CChecker::getCenter
virtual Point2f getCenter()=0
cv::cudev::IntegralBody::src
SrcPtr src
Definition: reduction.hpp:242
cv::ppf_match_3d::hashtable_int_clone
hashtable_int * hashtable_int_clone(hashtable_int *hashtbl)
cv::detail::GArrayU::GArrayU
GArrayU(const GNode &n, std::size_t out)
cv::large_kinfu::Params::icpIterations
std::vector< int > icpIterations
number of ICP iterations for each pyramid level
Definition: large_kinfu.hpp:75
cv::rgbd::Odometry::DEFAULT_MAX_TRANSLATION
static float DEFAULT_MAX_TRANSLATION()
Definition: depth.hpp:555
cv::ccm::CCM_3x3
@ CCM_3x3
The CCM with the shape performs linear transformation on color values.
Definition: ccm.hpp:61
nppiStFilterColumnBorder_32f_C1R
NCVStatus nppiStFilterColumnBorder_32f_C1R(const Ncv32f *pSrc, NcvSize32u srcSize, Ncv32u nSrcStep, Ncv32f *pDst, NcvSize32u dstSize, Ncv32u nDstStep, NcvRect32u oROI, NppStBorderType borderType, const Ncv32f *pKernel, Ncv32s nKernelSize, Ncv32s nAnchor, Ncv32f multiplier)
cv::FileNode::read
static void read(const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value)
Definition: persistence.hpp:785
cv::cudev::reshape_
__host__ GpuMat_< typename MakeVec< typename VecTraits< T >::elem_type, cn >::type > reshape_(const GpuMat_< T > &mat, int rows=0)
Definition: gpumat.hpp:150
cv::CAP_INTEL_MFX
@ CAP_INTEL_MFX
Intel MediaSDK.
Definition: videoio.hpp:122
cv::GCPUKernelImpl::kernel
static cv::GCPUKernel kernel()
Definition: gcpukernel.hpp:465
cv::xobjdetect::WBDetector
WaldBoost detector.
Definition: xobjdetect.hpp:61
cv::text::loadOCRBeamSearchClassifierCNN
Ptr< OCRBeamSearchDecoder::ClassifierCallback > loadOCRBeamSearchClassifierCNN(const String &filename)
Allow to implicitly load the default character classifier when creating an OCRBeamSearchDecoder objec...
cv::rgbd::Odometry::checkParams
virtual void checkParams() const =0
cv::face::FacemarkLBF::Params::save_model
bool save_model
flag to save the trained model or not
Definition: facemarkLBF.hpp:81
cv::rgbd::RgbdNormals::rgbd_normals_impl_
void * rgbd_normals_impl_
Definition: depth.hpp:181
cv::detail::tracking::TrackerSamplerCS::Params::overlap
float overlap
overlapping for the search windows
Definition: tracking_internals.hpp:713
cv::createTonemapReinhard
Ptr< TonemapReinhard > createTonemapReinhard(float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f)
Creates TonemapReinhard object.
cv::COLOR_BayerGB2BGR_EA
@ COLOR_BayerGB2BGR_EA
Definition: imgproc.hpp:771
cv::cudev::bit_rshift::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:271
cv::detail::tracking::TrackerFeatureFeature2d
TrackerContribFeature based on Feature2D.
Definition: tracking_internals.hpp:805
hal_ni_mul8u
int hal_ni_mul8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:238
cv::structured_light::SinusoidalPattern::findProCamMatches
virtual void findProCamMatches(InputArray projUnwrappedPhaseMap, InputArray camUnwrappedPhaseMap, OutputArrayOfArrays matches)=0
Find correspondences between the two devices thanks to unwrapped phase maps.
cv::cuda::FEATURE_SET_COMPUTE_13
@ FEATURE_SET_COMPUTE_13
Definition: cuda.hpp:778
cv::detail::tracking::contrib_feature::CvLBPEvaluator::writeFeatures
virtual void writeFeatures(FileStorage &fs, const Mat &featureMap) const CV_OVERRIDE
cv::LDR_SIZE
@ LDR_SIZE
Definition: photo.hpp:332
cv::Node::m_pParent
Node< OBJECT > * m_pParent
Definition: utility.hpp:1115
cv::CommandLineParser::getPathToApplication
String getPathToApplication() const
Returns application path.
cv::AVIWriteContainer::isEmptyFrameSize
bool isEmptyFrameSize() const
Definition: container_avi.private.hpp:173
cv::COLOR_BayerBG2RGB_EA
@ COLOR_BayerBG2RGB_EA
Definition: imgproc.hpp:775
cv::reg::MapAffine::inverseWarp
void inverseWarp(InputArray img1, OutputArray img2) const CV_OVERRIDE
cv::cudev::LinearInterPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(float y, float x) const
Definition: interpolation.hpp:104
cv::bgsegm::LSBP_CAMERA_MOTION_COMPENSATION_LK
@ LSBP_CAMERA_MOTION_COMPENSATION_LK
Definition: bgsegm.hpp:247
cv::cuda::sum
Scalar sum(InputArray src, InputArray mask=noArray())
Returns the sum of matrix elements.
cv::imwrite
CV_EXPORTS_W bool imwrite(const String &filename, InputArray img, const std::vector< int > &params=std::vector< int >())
Saves an image to a specified file.
cv::cudev::vsetgt4
__device__ __forceinline__ uint vsetgt4(uint a, uint b)
Definition: simd_functions.hpp:765
cv::superres::FarnebackOpticalFlow::setFlags
virtual void setFlags(int val)=0
cv::TrackerCSRT::Params::scale_model_max_area
float scale_model_max_area
Definition: tracking.hpp:70
cv::detail::MatchesInfo::matches
std::vector< DMatch > matches
Definition: matchers.hpp:107
cv::dnn::DictValue::DictValue
DictValue(const char *s)
This is an overloaded member function, provided for convenience. It differs from the above function o...
Definition: dict.hpp:69
cv::dnn::Layer::forward
virtual void forward(InputArrayOfArrays inputs, OutputArrayOfArrays outputs, OutputArrayOfArrays internals)
Given the input blobs, computes the output blobs.
cv::gapi::NV12toRGB
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...
cv::GeneralizedHoughBallard::getLevels
virtual int getLevels() const =0
cv::dnn::DictValue::arrayInt
static DictValue arrayInt(TypeIter begin, int size)
Constructs integer array.
cv::viz::WText3D::setText
void setText(const String &text)
Sets the text content of the widget.
cv::datasets::TR_svt::create
static Ptr< TR_svt > create()
cv::AKAZE::DESCRIPTOR_MLDB
@ DESCRIPTOR_MLDB
Definition: features2d.hpp:831
cv::dnn::BNLLLayer::create
static Ptr< BNLLLayer > create(const LayerParams &params)
hal_ni_dftFree2D
int hal_ni_dftFree2D(cvhalDFT *context)
Definition: hal_replacement.hpp:547
cv::gapi::wip::draw::render3ch
GMat render3ch(const GMat &src, const GArray< Prim > &prims)
Renders on 3 channels input.
cv::hal::LU32f
int LU32f(float *A, size_t astep, int m, float *b, size_t bstep, int n)
cv::videostab::KeypointBasedMotionEstimator
Describes a global 2D motion estimation method which uses keypoints detection and optical flow for ma...
Definition: global_motion.hpp:230
cv::face::FacemarkKazemi::create
static Ptr< FacemarkKazemi > create(const FacemarkKazemi::Params &parameters=FacemarkKazemi::Params())
cv::cuda::StereoBeliefPropagation::getMaxDataTerm
virtual double getMaxDataTerm() const =0
truncation of data cost
cv::gapi::sepFilter
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).
cv::dnn::releaseHDDLPlugin
void releaseHDDLPlugin()
Release a HDDL plugin.
cv::cudev::ZipPtrSz::ZipPtrSz
__host__ __device__ __forceinline__ ZipPtrSz()
Definition: zip.hpp:112
cv::detail::GCompoundKernel::apply
void apply(GCompoundContext &ctx)
cv::face::FacemarkAAM::Params::scales
std::vector< float > scales
Definition: facemarkAAM.hpp:74
cv::CalibrateCRF
The base class for camera response calibration algorithms.
Definition: photo.hpp:532
cv::gapi::mask
GMat mask(const GMat &src, const GMat &mask)
Applies a mask to a matrix.
cv::optflow::RLOFOpticalFlowParameter::setSmallWinSize
void setSmallWinSize(int val)
cv::dnn::DetectionModel::DetectionModel
DetectionModel(const String &model, const String &config="")
Create detection model from network represented in one of the supported formats. An order of model an...
cv::gapi::own::Point::y
int y
Definition: types.hpp:28
cv::USAGE_ALLOCATE_HOST_MEMORY
@ USAGE_ALLOCATE_HOST_MEMORY
Definition: mat.hpp:454
cv::ximgproc::segmentation::SelectiveSearchSegmentation::addImage
virtual void addImage(InputArray img)=0
Add a new image in the list of images to process.
cv::stereo::StereoMatcher::setSpeckleRange
virtual void setSpeckleRange(int speckleRange)=0
NCV_ALLOCATOR_BAD_REUSE
@ NCV_ALLOCATOR_BAD_REUSE
Definition: NCV.hpp:337
cv::ml::KNearest::setIsClassifier
virtual void setIsClassifier(bool val)=0
cv::cudev::log10
__device__ __forceinline__ double4 log10(const double4 &a)
Definition: vec_math.hpp:283
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::getErrorCov
virtual Mat getErrorCov() const =0
cv::CAP_PROP_XI_HDR_T2
@ CAP_PROP_XI_HDR_T2
Position of second kneepoint (in % of XI_PRM_EXPOSURE).
Definition: videoio.hpp:479
cv::vuint8mf4_t::vuint8mf4_t
vuint8mf4_t(const uchar *ptr)
Definition: intrin_rvv.hpp:132
cv::Algorithm::getDefaultName
virtual String getDefaultName() const
cv::datasets::HPE_humaneva::create
static Ptr< HPE_humaneva > create(int num=humaneva_1)
cv::detail::tracking::feature::CvFeatureEvaluator::winSize
Size winSize
Definition: tracking_feature.private.hpp:87
cv::divide
void divide(InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1)
Performs per-element division of two arrays or a scalar by an array.
cv::HoughModes
HoughModes
Variants of a Hough transform.
Definition: imgproc.hpp:464
cv::QT_STYLE_ITALIC
@ QT_STYLE_ITALIC
Italic font.
Definition: highgui.hpp:251
cv::gapi::own::operator==
bool operator==(const Scalar &lhs, const Scalar &rhs)
Definition: scalar.hpp:38
cv::cuda::OpticalFlowDual_TVL1::setGamma
virtual void setGamma(double gamma)=0
cv::ParamType< float >::member_type
float member_type
Definition: core.hpp:3252
cv::gapi::wip::draw::FText::FText
FText(const std::wstring &text_, const cv::Point &org_, int fh_, const cv::Scalar &color_)
FText constructor.
Definition: render_types.hpp:102
cv::Matx31d
Matx< double, 3, 1 > Matx31d
Definition: matx.hpp:233
cv::hal::exp32f
void exp32f(const float *src, float *dst, int n)
cv::ximgproc::SuperpixelSLIC::getNumberOfSuperpixels
virtual int getNumberOfSuperpixels() const =0
Calculates the actual amount of superpixels on a given segmentation computed and stored in Superpixel...
cv::cuda::FGDParams::N1c
int N1c
Number of color vectors used to model normal background color variation at a given pixel.
Definition: cudalegacy.hpp:157
cv::rgbd::RgbdFrame::~RgbdFrame
virtual ~RgbdFrame()
cv::optflow::RLOFOpticalFlowParameter::supportRegionType
SupportRegionType supportRegionType
Definition: rlofflow.hpp:88
cv::softdouble::softdouble
softdouble(const int32_t)
cv::cuda::HOG::setL2HysThreshold
virtual void setL2HysThreshold(double threshold_L2hys)=0
L2-Hys normalization method shrinkage.
cv::utils::shared_lock_guard
A shared scoped lock (RAII-style locking for shared/reader access).
Definition: lock.private.hpp:45
cv::videostab::StabilizerBase::maskSource_
Ptr< IFrameSource > maskSource_
Definition: stabilizer.hpp:116
cv::datasets::paperWithCharacters
@ paperWithCharacters
Definition: gr_skig.hpp:91
cv::linemod::Detector::Detector
Detector()
Empty constructor, initialize with read().
cv::optflow::createOptFlow_SparseToDense
Ptr< DenseOpticalFlow > createOptFlow_SparseToDense()
Additional interface to the SparseToDenseFlow algorithm - calcOpticalFlowSparseToDense()
NppStInterpolationState
Definition: NPP_staging.hpp:115
cv::cudev::ScharrXPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: deriv.hpp:236
cv::GeneralizedHough
finds arbitrary template in the grayscale image using Generalized Hough Transform
Definition: imgproc.hpp:846
cv::videostab::PyrLkOptFlowEstimatorBase::setMaxLevel
virtual void setMaxLevel(int val)
Definition: optical_flow.hpp:87
cv::ccm::COLORCHECKER_Vinyl
@ COLORCHECKER_Vinyl
DKK ColorChecker.
Definition: ccm.hpp:90
NppStBorderType
NppStBorderType
Definition: NPP_staging.hpp:89
cv::dnn::TextRecognitionModel
This class represents high-level API for text recognition networks.
Definition: dnn.hpp:1338
cv::detail::tracking::TrackerSamplerPF
This sampler is based on particle filtering.
Definition: tracking_internals.hpp:768
cv::gapi::onnx::Params::cfgPostProc
Params< Net > & cfgPostProc(const std::vector< cv::GMatDesc > &outs, const PostProc &pp)
Definition: onnx.hpp:118
cv::FileStorage::INSIDE_MAP
@ INSIDE_MAP
Definition: persistence.hpp:328
cv::datasets::HPE_humaneva::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::_InputArray::kind
_InputArray::KindFlag kind() const
cv::getWindowProperty
double getWindowProperty(const String &winname, int prop_id)
Provides parameters of a window.
cv::ocl::Device::globalMemCacheLineSize
int globalMemCacheLineSize() const
cv::CirclesGridFinderParameters2
CirclesGridFinderParameters CirclesGridFinderParameters2
Definition: calib3d.hpp:1658
cv::detail::wrap_gapi_helper
WrapValue< typename std::decay< T >::type > wrap_gapi_helper
Definition: gtype_traits.hpp:192
cv::CAP_PROP_XI_GAIN
@ CAP_PROP_XI_GAIN
Gain in dB.
Definition: videoio.hpp:367
cv::rgbd::DepthCleaner::method_
int method_
Definition: depth.hpp:262
cv::cudev::acosh
__device__ __forceinline__ float1 acosh(const uchar1 &a)
Definition: vec_math.hpp:375
cv::Mat::TYPE_MASK
@ TYPE_MASK
Definition: mat.hpp:2080
cv::cuda::DescriptorMatcher::match
virtual void match(InputArray queryDescriptors, InputArray trainDescriptors, std::vector< DMatch > &matches, InputArray mask=noArray())=0
Finds the best match for each descriptor from a query set (blocking version).
cv::CalibrateDebevec
Inverse camera response function is extracted for each brightness value by minimizing an objective fu...
Definition: photo.hpp:550
cv::utils::logging::LogTag::name
const char * name
Definition: logtag.hpp:17
cv::hal::gemm32fc
void gemm32fc(const float *src1, size_t src1_step, const float *src2, size_t src2_step, float alpha, const float *src3, size_t src3_step, float beta, float *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::BORDER_REFLECT101
@ BORDER_REFLECT101
same as BORDER_REFLECT_101
Definition: base.hpp:276
cv::util::any::any
any(value_t &&arg)
Definition: any.hpp:76
cv::text::PSM_SINGLE_BLOCK
@ PSM_SINGLE_BLOCK
Definition: ocr.hpp:75
cv::text::ERStat::rect
Rect rect
Definition: erfilter.hpp:82
cv::TrackerMIL::~TrackerMIL
virtual ~TrackerMIL() CV_OVERRIDE
cv::viz::Camera
This class wraps intrinsic parameters of a camera.
Definition: types.hpp:159
cv::GComputation::compileStreaming
GAPI_WRAP GStreamingCompiled compileStreaming(GMetaArgs &&in_metas, GCompileArgs &&args={})
Compile the computation for streaming mode.
cv::reg::MapperGradShift
Definition: mappergradshift.hpp:53
cv::text::OCRHolisticWordRecognizer::run
virtual void run(Mat &image, Mat &mask, std::string &output_text, std::vector< Rect > *component_rects=NULL, std::vector< std::string > *component_texts=NULL, std::vector< float > *component_confidences=NULL, int component_level=OCR_LEVEL_WORD) CV_OVERRIDE=0
Recognize text using a segmentation based word-spotting/classifier cnn.
cv::undistortPoints
void undistortPoints(InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R=noArray(), InputArray P=noArray())
Computes the ideal point coordinates from the observed point coordinates.
cv::ximgproc::EdgeAwareInterpolator::getFGSLambda
virtual float getFGSLambda()=0
cv::createMergeDebevec
Ptr< MergeDebevec > createMergeDebevec()
Creates MergeDebevec object.
cv::vwcvt_x_x_v_i64m1
vint64m1_t vwcvt_x_x_v_i64m1(vint32mf2_t v)
Definition: intrin_rvv.hpp:195
cv::MergeRobertson::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times, InputArray response) CV_OVERRIDE=0
Merges images.
cv::detail::resultTl
Point resultTl(const std::vector< Point > &corners)
cv::cuda::OpticalFlowDual_TVL1::getUseInitialFlow
virtual bool getUseInitialFlow() const =0
cv::detail::NoExposureCompensator::setMatGains
void setMatGains(std::vector< Mat > &umv) CV_OVERRIDE
Definition: exposure_compensate.hpp:105
cv::NAryMatIterator::NAryMatIterator
NAryMatIterator(const Mat **arrays, uchar **ptrs, int narrays=-1)
the full constructor taking arbitrary number of n-dim matrices
cv::value_of
GRunArg value_of(const GOrigin &origin)
cv::Subdiv2D::getLeadingEdgeList
void getLeadingEdgeList(std::vector< int > &leadingEdgeList) const
Returns a list of the leading edge ID connected to each triangle.
cv::Matx34d
Matx< double, 3, 4 > Matx34d
Definition: matx.hpp:250
cv::kinfu::Volume::integrate
virtual void integrate(InputArray _depth, float depthFactor, const Matx44f &cameraPose, const kinfu::Intr &intrinsics, const int frameId=0)=0
cv::GPlaidMLKernel::apply
void apply(GPlaidMLContext &ctx) const
Definition: gplaidmlkernel.hpp:64
cv::LineIterator::LineIterator
LineIterator(Size boundingAreaSize, Point pt1, Point pt2, int connectivity=8, bool leftToRight=false)
Definition: imgproc.hpp:4784
cv::videostab::LogToStdout::print
virtual void print(const char *format,...) CV_OVERRIDE
NCVMemStackAllocator::maxSize
virtual size_t maxSize() const
cv::validateDisparity
void validateDisparity(InputOutputArray disparity, InputArray cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1)
validates disparity using the left-right check. The matrix "cost" should be computed by the stereo co...
cv::ccm::ColorCorrectionModel::setWeightsList
void setWeightsList(const Mat &weights_list)
set WeightsList
cv::Stitcher::ORIG_RESOL
static const double ORIG_RESOL
Definition: stitching.hpp:149
facemark_train.hpp
cv::MatSize::MatSize
MatSize(int *_p)
cv::SortFlags
SortFlags
Definition: core.hpp:154
cv::cudev::minus::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:88
cv::createCalibrateRobertson
Ptr< CalibrateRobertson > createCalibrateRobertson(int max_iter=30, float threshold=0.01f)
Creates CalibrateRobertson object.
cv::Feature2D::compute
virtual void compute(InputArrayOfArrays images, std::vector< std::vector< KeyPoint > > &keypoints, OutputArrayOfArrays descriptors)
cv::linemod::Detector
Object detector using the LINE template matching algorithm with any set of modalities.
Definition: linemod.hpp:299
cv::gout
GRunArgsP gout(Ts &... args)
Definition: garg.hpp:247
cv::ximgproc::segmentation::SelectiveSearchSegmentation
Selective search segmentation algorithm The class implements the algorithm described in .
Definition: segmentation.hpp:181
cv::UMat::~UMat
~UMat()
destructor - calls release()
cv::CAP_PROP_XI_EXPOSURE
@ CAP_PROP_XI_EXPOSURE
Exposure time in microseconds.
Definition: videoio.hpp:364
cv::ORB::setScaleFactor
virtual void setScaleFactor(double scaleFactor)=0
cv::MorphTypes
MorphTypes
type of morphological operation
Definition: imgproc.hpp:212
cv::COLOR_RGB2Lab
@ COLOR_RGB2Lab
Definition: imgproc.hpp:593
cv::MinProblemSolver
Basic interface for all solvers.
Definition: optim.hpp:59
cv::cudev::identity::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type x) const
Definition: functional.hpp:282
cv::videostab::InpaintingPipeline::inpaint
virtual void inpaint(int idx, Mat &frame, Mat &mask) CV_OVERRIDE
cv::reg::MapShift
Definition: mapshift.hpp:54
cv::cudev::warpReduceKeyVal
__device__ __forceinline__ void warpReduceKeyVal(volatile K *skeys, K &key, volatile V *svals, V &val, uint tid, const Cmp &cmp)
Definition: reduce.hpp:84
cv::gapi::streaming::detail::GDesync::id
static const char * id()
Definition: desync.hpp:25
cv::cudev::ThreshToZeroFunc::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type src) const
Definition: functional.hpp:757
cv::cuda::CascadeClassifier::getMaxObjectSize
virtual Size getMaxObjectSize() const =0
cv::UsacParams::loIterations
int loIterations
Definition: calib3d.hpp:557
cv::cuda::meanShiftFiltering
void meanShiftFiltering(InputArray src, OutputArray dst, int sp, int sr, TermCriteria criteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1), Stream &stream=Stream::Null())
Performs mean-shift filtering for each point of the source image.
cv::detail::wref_spec
Definition: gstreaming.hpp:25
cv::Stitcher::estimateTransform
Status estimateTransform(InputArrayOfArrays images, InputArrayOfArrays masks=noArray())
These functions try to match the given images and to estimate rotations of each camera.
cv::xphoto::GrayworldWB
Gray-world white balance algorithm.
Definition: white_balance.hpp:140
cv::videostab::PyrLkOptFlowEstimatorBase
Definition: optical_flow.hpp:80
cv::ParamType< double >::member_type
double member_type
Definition: core.hpp:3212
cv::hal::warpPerspective
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])
cv::DetectionBasedTracker::DETECTED
@ DETECTED
Definition: detection_based_tracker.hpp:141
cv::v_rshr_pack_u_store
void v_rshr_pack_u_store(uchar *ptr, const v_int16x8 &a)
Definition: intrin_cpp.hpp:2589
cv::videostab::InpainterBase::~InpainterBase
virtual ~InpainterBase()
Definition: inpainting.hpp:68
large_kinfu.hpp
cv::AVIWriteContainer::finishWriteAVI
void finishWriteAVI()
cv::saliency::Objectness
Definition: saliencyBaseClasses.hpp:121
warping.hpp
NCVMatrix::height
Ncv32u height() const
Definition: NCV.hpp:825
cv::RotatedRect::boundingRect
Rect boundingRect() const
returns the minimal up-right integer rectangle containing the rotated rectangle
cv::gapi::own::Size
Definition: types.hpp:99
cv::RETR_TREE
@ RETR_TREE
Definition: imgproc.hpp:425
cv::LDA::save
void save(FileStorage &fs) const
cv::hal::min32f
void min32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::detail::NoExposureCompensator
Stub exposure compensator which does nothing.
Definition: exposure_compensate.hpp:99
cv::softdouble::nan
static softdouble nan()
Default NaN constant.
Definition: softfloat.hpp:350
cv::cuda::HOG::getWinStride
virtual Size getWinStride() const =0
cv::detail::OptRef::OptHolder
Definition: gstreaming.hpp:34
hal_ni_dftFree1D
int hal_ni_dftFree1D(cvhalDFT *context)
Definition: hal_replacement.hpp:520
cv::face::Facemark
Abstract base class for all facemark models.
Definition: facemark.hpp:48
cv::FileStorage::write
static void write(FileStorage &fs, const Rect_< _Tp > &r)
Definition: persistence.hpp:950
cv::line_descriptor::BinaryDescriptorMatcher::match
void match(const Mat &queryDescriptors, std::vector< DMatch > &matches, const std::vector< Mat > &masks=std::vector< Mat >())
cv::UsacParams
Definition: calib3d.hpp:553
cv::videostab::GaussianMotionFilter::stabilize
virtual Mat stabilize(int idx, const std::vector< Mat > &motions, const Range &range) CV_OVERRIDE
cv::cudev::ReduceToRowBody::src
SrcPtr src
Definition: reduction.hpp:176
cv::FileNodeIterator::fs
FileStorage::Impl * fs
Definition: persistence.hpp:687
cv::cudev::TypeTraits::is_const
@ is_const
Definition: type_traits.hpp:136
NCV_ALLOCATOR_NOT_INITIALIZED
@ NCV_ALLOCATOR_NOT_INITIALIZED
Definition: NCV.hpp:332
cv::LDA::lda
void lda(InputArrayOfArrays src, InputArray labels)
cv::cuda::BackgroundSubtractorGMG::getMinVal
virtual double getMinVal() const =0
cv::cudacodec::EncoderParams::save
void save(const String &configFile) const
Saves parameters to config file.
cv::face::CParams::cascade
String cascade
the face detector
Definition: facemark_train.hpp:36
cv::detail::tracking::tbm::Track::predicted_rect
cv::Rect predicted_rect
Definition: tracking_by_matching.hpp:387
cv::detail::CompileArgTag< cv::gapi::use_only >::tag
static const char * tag()
Definition: gkernel.hpp:721
cv::GCall::yieldOpaque
detail::GOpaqueU yieldOpaque(int output=0)
cv::ml::DTrees::getRegressionAccuracy
virtual float getRegressionAccuracy() const =0
NCVMatrix::_pitch
Ncv32u _pitch
Definition: NCV.hpp:835
cv::ml::KNearest::getIsClassifier
virtual bool getIsClassifier() const =0
cv::dnn::Dict::set
const T & set(const String &key, const T &value)
Sets new value for the key, or adds new key-value pair into the dictionary.
cv::decomposeProjectionMatrix
void decomposeProjectionMatrix(InputArray projMatrix, OutputArray cameraMatrix, OutputArray rotMatrix, OutputArray transVect, OutputArray rotMatrixX=noArray(), OutputArray rotMatrixY=noArray(), OutputArray rotMatrixZ=noArray(), OutputArray eulerAngles=noArray())
Decomposes a projection matrix into a rotation matrix and a camera intrinsic matrix.
cv::cuda::NvidiaHWOpticalFlow::getGridSize
virtual int getGridSize() const =0
Returns grid size of output buffer as per the hardware's capability.
objdetect.hpp
Ncv8u
unsigned char Ncv8u
Definition: NCV.hpp:132
cv::rgbd::registerDepth
void registerDepth(InputArray unregisteredCameraMatrix, InputArray registeredCameraMatrix, InputArray registeredDistCoeffs, InputArray Rt, InputArray unregisteredDepth, const Size &outputImagePlaneSize, OutputArray registeredDepth, bool depthDilation=false)
cv::dnn::DictValue::DictValue
DictValue(int i)
Constructs integer scalar.
Definition: dict.hpp:65
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6)
1x7 or 7x1 matrix
cv::cudev::numeric_limits< uchar >::min
__device__ static __forceinline__ uchar min()
Definition: limits.hpp:76
cv::AgastFeatureDetector_Impl::get
double get(int prop) const
Definition: agast.txt:7513
cv::normalize
static Vec< _Tp, cn > normalize(const Vec< _Tp, cn > &v)
cv::text::OCR_LEVEL_WORD
@ OCR_LEVEL_WORD
Definition: ocr.hpp:62
cv::util::any::any
any(any &&)=default
cv::gapi::ie::PyParams::tag
std::string tag() const
cv::Rect_::empty
bool empty() const
true if empty
cv::COLORMAP_JET
@ COLORMAP_JET
Definition: imgproc.hpp:4269
cv::GNetworkType< K, std::function< R(Args...)> >::OutArgs
std::tuple< R > OutArgs
Definition: infer.hpp:102
cv::rgbd::FastICPOdometry::getIterationCounts
cv::Mat getIterationCounts() const
Definition: depth.hpp:1120
cv::mcc::DetectorParameters::adaptiveThreshWinSizeMin
int adaptiveThreshWinSizeMin
Definition: checker_detector.hpp:106
cv::cudev::TexturePtr::operator()
__device__ __forceinline__ T operator()(float y, float x) const
Definition: texture.hpp:192
cv::viz::Color::Color
Color(double blue, double green, double red)
cv::xphoto::LearningBasedWB::getHistBinNum
virtual int getHistBinNum() const =0
Defines the size of one dimension of a three-dimensional RGB histogram that is used internally by the...
cv::cuda::FarnebackOpticalFlow::setFlags
virtual void setFlags(int flags)=0
cv::INTER_TAB_SIZE
@ INTER_TAB_SIZE
Definition: imgproc.hpp:288
cv::dnn::SliceLayer::num_split
int num_split
Definition: all_layers.hpp:368
cv::AVIReadContainer::readFrame
std::vector< char > readFrame(frame_iterator it)
ccm.hpp
cv::util::any::operator=
any & operator=(any &&)=default
cv::aruco::DICT_6X6_100
@ DICT_6X6_100
Definition: dictionary.hpp:151
cv::ogl::Arrays::resetColorArray
void resetColorArray()
Resets vertex colors.
cv::legacy::TrackerTLD::Params::Params
Params()
cv::ocl::Platform::~Platform
~Platform()
cv::UsacParams::isParallel
bool isParallel
Definition: calib3d.hpp:556
cv::FileNode::ptr
uchar * ptr()
cv::gapi::RGB2YUV422
GMat RGB2YUV422(const GMat &src)
Converts an image from RGB color space to YUV422. The function converts an input image from RGB color...
throw.hpp
cv::face::createFacemarkAAM
Ptr< Facemark > createFacemarkAAM()
construct an AAM facemark detector
cv::cudev::gridTranspose_
__host__ void gridTranspose_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: transpose.hpp:61
cvhalKeyPoint::y
float y
Definition: interface.h:22
cudaoptflow.hpp
cv::detail::BundleAdjusterAffinePartial::BundleAdjusterAffinePartial
BundleAdjusterAffinePartial()
Definition: motion_estimators.hpp:316
HaarClassifierNodeDescriptor32::create
__host__ NCVStatus create(Ncv32f leafValue)
Definition: NCVHaarObjectDetection.hpp:182
cv::ccalib::CustomPattern::isInitialized
bool isInitialized()
cv::gapi::streaming::timestamp
cv::GOpaque< int64_t > timestamp(G g)
Definition: meta.hpp:60
cv::face::MACE
Minimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical fe...
Definition: mace.hpp:72
cv::DISOpticalFlow::setVariationalRefinementDelta
virtual void setVariationalRefinementDelta(float val)=0
Weight of the color constancy term.
cv::v_abs
v_reg< typename V_TypeTraits< _Tp >::abs_type, n > v_abs(const v_reg< _Tp, n > &a)
Absolute value of elements.
Definition: intrin_cpp.hpp:599
cv::aruco::CORNER_REFINE_CONTOUR
@ CORNER_REFINE_CONTOUR
ArUco approach and refine the corners locations using the contour-points line fitting.
Definition: aruco.hpp:84
cv::optflow::DualTVL1OpticalFlow::getScalesNumber
virtual int getScalesNumber() const =0
Number of scales used to create the pyramid of images.
cv::seamlessClone
void seamlessClone(InputArray src, InputArray dst, InputArray mask, Point p, OutputArray blend, int flags)
Image editing tasks concern either global changes (color/intensity corrections, filters,...
cv::detail::Timelapser::getDst
virtual const UMat & getDst()
Definition: timelapsers.hpp:69
cv::RNG::uniform
double uniform(double a, double b)
cv::ocl::Kernel::runProfiling
int64 runProfiling(int dims, size_t globalsize[], size_t localsize[], const Queue &q=Queue())
Similar to synchronized run() call with returning of kernel execution time Separate OpenCL command qu...
cv::Node::addChild
void addChild(Node< OBJECT > *pNode)
Definition: utility.hpp:1085
cv::viz::Viz3d::removeAllLights
void removeAllLights()
Remove all lights from the current scene.
cv::structured_light::GrayCodePattern::create
static Ptr< GrayCodePattern > create(int width, int height)
cv::cudev::ResizePtr::src
SrcPtr src
Definition: resize.hpp:65
cv::hal::sepFilter2D
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)
cv::GRunArg::GRunArg
GRunArg()
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::getMeasurementNoiseCov
virtual Mat getMeasurementNoiseCov() const =0
cv::cudacodec::EncoderParams::load
void load(const String &configFile)
Reads parameters from config file.
cv::LSD_REFINE_STD
@ LSD_REFINE_STD
Standard refinement is applied. E.g. breaking arches into smaller straighter line approximations.
Definition: imgproc.hpp:486
cv::detail::GTypeTraits::kind
static constexpr const ArgKind kind
Definition: gtype_traits.hpp:53
cv::Mat::depth
int depth() const
Returns the depth of a matrix element.
cv::operator-
v_reg< _Tp, n > operator-(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Subtract values.
reduce_to_vec.hpp
cv::randpattern::RandomPatternGenerator::generatePattern
void generatePattern()
cv::DownhillSolver::setInitStep
virtual void setInitStep(InputArray step)=0
Sets the initial step that will be used in downhill simplex algorithm.
cv::cudev::LaplacianPtr< 1, SrcPtr >::src
SrcPtr src
Definition: deriv.hpp:334
cv::datasets::IR_affineObj::imageName
std::string imageName
Definition: ir_affine.hpp:63
cv::dnn::KeypointsModel::estimate
std::vector< Point2f > estimate(InputArray frame, float thresh=0.5)
Given the input frame, create input blob, run net.
cv::v_setzero_u64
v_uint64x2 v_setzero_u64()
Definition: intrin_cpp.hpp:2361
cv::Error::StsBadMemBlock
@ StsBadMemBlock
an allocated block has been corrupted
Definition: base.hpp:114
cv::FarnebackOpticalFlow::getPolyN
virtual int getPolyN() const =0
cv::detail::RotationWarperBase
Base class for rotation-based warper using a detail::ProjectorBase_ derived class.
Definition: warpers.hpp:159
cv::viz::WSphere::WSphere
WSphere(const cv::Point3d &center, double radius, int sphere_resolution=10, const Color &color=Color::white())
Constructs a WSphere.
cv::cudev::resize_
__host__ Expr< ResizePtrSz< typename PtrTraits< SrcPtr >::ptr_type > > resize_(const SrcPtr &src, float fx, float fy)
Definition: warping.hpp:67
cv::Stitcher::bundleAdjuster
const Ptr< detail::BundleAdjusterBase > bundleAdjuster() const
Definition: stitching.hpp:225
cv::detail::tracking::tbm::IImageDescriptor::size
virtual cv::Size size() const =0
Descriptor size getter.
cv::CirclesGridFinderParameters::edgePenalty
float edgePenalty
Definition: calib3d.hpp:1643
cv::rgbd::DepthCleaner
Definition: depth.hpp:187
cv::detailEnhance
void detailEnhance(InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f)
This filter enhances the details of a particular image.
NcvSize32u::NcvSize32u
__host__ __device__ NcvSize32u()
Definition: NCV.hpp:185
cv::detail::CylindricalPortraitProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::ml::KNearest::setEmax
virtual void setEmax(int val)=0
cv::cudev::RemapPtr1::src
SrcPtr src
Definition: remap.hpp:65
cv::AVIWriteContainer::writeIndex
void writeIndex(int stream_number, StreamType strm_type)
cv::AlignMTB::setExcludeRange
virtual void setExcludeRange(int exclude_range)=0
hal_ni_max32f
int hal_ni_max32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:108
cv::datasets::PascalObj::pose
std::string pose
Definition: or_pascal.hpp:70
cv::cudev::SobelYPtrSz
Definition: deriv.hpp:208
cv::Quat::w
_Tp w
Definition: quaternion.hpp:1437
cv::AgastFeatureDetector::getType
virtual AgastFeatureDetector::DetectorType getType() const =0
cv::datasets::SR_bsdsObj
Definition: sr_bsds.hpp:24
cv::GeneralizedHoughGuil::setXi
virtual void setXi(double xi)=0
Angle difference in degrees between two points in feature.
cv::GCall::params
cv::util::any & params()
private.hpp
cv::MatExpr::inv
MatExpr inv(int method=DECOMP_LU) const
cv::omnidir::internal::encodeParameters
void encodeParameters(InputArray K, InputArrayOfArrays omAll, InputArrayOfArrays tAll, InputArray distoaration, double xi, OutputArray parameters)
cv::videostab::LpMotionStabilizer::weight4
float weight4() const
Definition: motion_stabilizing.hpp:141
cv::ShapeContextDistanceExtractor::setImages
virtual void setImages(InputArray image1, InputArray image2)=0
Set the images that correspond to each shape. This images are used in the calculation of the Image Ap...
cv::WINDOW_NORMAL
@ WINDOW_NORMAL
the user can resize the window (no constraint) / also use to switch a fullscreen window to a normal s...
Definition: highgui.hpp:187
pcaflow.hpp
Implementation of the PCAFlow algorithm from the following paper: http://files.is....
NCV_UNKNOWN_ERROR
@ NCV_UNKNOWN_ERROR
Definition: NCV.hpp:317
cv::HOGDescriptor::L2HysThreshold
double L2HysThreshold
L2-Hys normalization method shrinkage.
Definition: objdetect.hpp:611
cv::detail::get_in::get
static T get(GCPUContext &ctx, int idx)
Definition: gcpukernel.hpp:205
CV_CUDEV_MINMAX_INST
#define CV_CUDEV_MINMAX_INST(type, maxop, minop)
Definition: functional.hpp:328
cv::Quat::spline
static Quat< _Tp > spline(const Quat< _Tp > &q0, const Quat< _Tp > &q1, const Quat< _Tp > &q2, const Quat< _Tp > &q3, const _Tp t, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT)
to calculate a quaternion which is the result of a continuous spline curve constructed by squad at t...
cv::float16_t::bits
ushort bits() const
Definition: cvdef.h:908
cv::detail::Blender::blend
virtual void blend(InputOutputArray dst, InputOutputArray dst_mask)
Blends and returns the final pano.
cv::DetectionBasedTracker::cascadeForTracking
cv::Ptr< IDetector > cascadeForTracking
Definition: detection_based_tracker.hpp:210
cv::CAP_PROP_XI_USED_FFS_SIZE
@ CAP_PROP_XI_USED_FFS_SIZE
Size of used camera FFS.
Definition: videoio.hpp:489
cv::detail::TransHelper< K, std::tuple< Ins... >, Out >::get_pattern
static GComputation get_pattern()
Definition: gtransform.hpp:55
cv::detail::is_compile_arg
std::is_same< GCompileArg, typename std::decay< T >::type > is_compile_arg
Definition: gcommon.hpp:113
cv::Mat_::create
void create(int _rows, int _cols)
equivalent to Mat::create(_rows, _cols, DataType<_Tp>::type)
cv::hfs::HfsSegment::setMinRegionSizeII
virtual void setMinRegionSizeII(int n)=0
: set and get the parameter minRegionSizeII. This parameter is used in the third stage mentioned abov...
cv::ximgproc::ARO_315_135
@ ARO_315_135
Definition: fast_hough_transform.hpp:72
cv::ocl::KernelArg::ReadWriteNoSize
static KernelArg ReadWriteNoSize(const UMat &m, int wscale=1, int iwscale=1)
Definition: ocl.hpp:399
cv::rgbd::ICPOdometry::getMaxPointsPart
double getMaxPointsPart() const
Definition: depth.hpp:823
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::isIntegral
bool isIntegral
Definition: feature.hpp:216
cv::GOCLContext::outMatR
cv::UMat & outMatR(int output)
cv::detail::tracking::tbm::TrackerParams::aff_thr_strong
float aff_thr_strong
Definition: tracking_by_matching.hpp:277
cv::rgbd::DepthCleaner::create
static Ptr< DepthCleaner > create(int depth, int window_size=5, int method=DepthCleaner::DEPTH_CLEANER_NIL)
cv::cudev::NormL1< float >::value_type
float value_type
Definition: vec_distance.hpp:92
NcvRect32s::NcvRect32s
__host__ __device__ NcvRect32s()
Definition: NCV.hpp:154
cv::GPlaidMLKernel::GPlaidMLKernel
GPlaidMLKernel()=default
cv::fisheye::CALIB_CHECK_COND
@ CALIB_CHECK_COND
Definition: calib3d.hpp:3768
cv::aruco::Board::dictionary
Ptr< Dictionary > dictionary
the dictionary of markers employed for this board
Definition: aruco.hpp:289
cv::viz::Widget3D::setColor
void setColor(const Color &color)
Sets the color of the widget.
cv::quality::QualityGMSD::compute
cv::Scalar compute(InputArray cmp) CV_OVERRIDE
Compute GMSD.
cv::kinfu::Params::bilateral_sigma_depth
float bilateral_sigma_depth
Depth sigma in meters for bilateral smooth.
Definition: kinfu.hpp:95
cv::dnn::Net::Net
Net()
Default constructor.
hal_ni_addWeighted32f
int hal_ni_addWeighted32f(const float *src1_data, size_t src1_step, const float *src2_data, size_t src2_step, float *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:323
cv::CAP_PROP_XI_COUNTER_SELECTOR
@ CAP_PROP_XI_COUNTER_SELECTOR
Select counter.
Definition: videoio.hpp:454
cv::frame_iterator
frame_list::iterator frame_iterator
Definition: container_avi.private.hpp:69
cv::detail::strip
gapi::GNetParam strip(T &&t)
Definition: infer.hpp:471
cv::Point2l
Point_< int64 > Point2l
Definition: types.hpp:191
cv::InputArrayOfArrays
InputArray InputArrayOfArrays
Definition: mat.hpp:438
cv::detail::GCompoundCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::expand
static void expand(GCompoundContext &ctx)
Definition: gcompoundkernel.hpp:102
cv::dnn::Layer
This interface class allows to build new Layers - are building blocks of networks.
Definition: dnn.hpp:184
cv::SolveLPResult
SolveLPResult
return codes for cv::solveLP() function
Definition: optim.hpp:258
cv::detail::ImageFeatures::keypoints
std::vector< KeyPoint > keypoints
Definition: matchers.hpp:62
cv::rgbd::ICPOdometry
Definition: depth.hpp:760
cv::aruco::drawDetectedDiamonds
void drawDetectedDiamonds(InputOutputArray image, InputArrayOfArrays diamondCorners, InputArray diamondIds=noArray(), Scalar borderColor=Scalar(0, 0, 255))
Draw a set of detected ChArUco Diamond markers.
cv::ccm::COLOR_SPACE_REC_2020_RGBL
@ COLOR_SPACE_REC_2020_RGBL
https://en.wikipedia.org/wiki/Rec._2020 , linear RGB color space
Definition: ccm.hpp:109
cv::cudev::PtrTraits< Expr< Body > >::value_type
ptr_type::value_type value_type
Definition: expr.hpp:75
cv::cuda::createStereoConstantSpaceBP
Ptr< cuda::StereoConstantSpaceBP > createStereoConstantSpaceBP(int ndisp=128, int iters=8, int levels=4, int nr_plane=4, int msg_type=CV_32F)
Creates StereoConstantSpaceBP object.
cv::bioinspired::TransientAreasSegmentationModule::clearAllBuffers
virtual void clearAllBuffers()=0
cleans all the buffers of the instance
cv::detail::restoreImageFromLaplacePyr
void restoreImageFromLaplacePyr(std::vector< UMat > &pyr)
cv::cuda::DensePyrLKOpticalFlow::setMaxLevel
virtual void setMaxLevel(int maxLevel)=0
cv::saliency::MotionSaliencyBinWangApr2014::setImageWidth
void setImageWidth(int val)
Definition: saliencySpecializedClasses.hpp:203
cv::MORPH_DILATE
@ MORPH_DILATE
see dilate
Definition: imgproc.hpp:214
cv::rgbd::RgbdICPOdometry::prepareFrameCache
virtual Size prepareFrameCache(Ptr< OdometryFrame > &frame, int cacheType) const CV_OVERRIDE
cv::ConjGradSolver::create
static Ptr< ConjGradSolver > create(const Ptr< MinProblemSolver::Function > &f=Ptr< ConjGradSolver::Function >(), TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5000, 0.000001))
This function returns the reference to the ready-to-use ConjGradSolver object.
cv::videostab::SparsePyrLkOptFlowEstimator
Definition: optical_flow.hpp:98
cv::FileStorage::elname
std::string elname
Definition: persistence.hpp:463
cv::detail::tracking::TrackerContribSamplerCSC::Params::trackInPosRad
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking_internals.hpp:657
numeric.hpp
cv::GCompileArgs
std::vector< GCompileArg > GCompileArgs
Definition: gcommon.hpp:196
cv::aruco::interpolateCornersCharuco
int interpolateCornersCharuco(InputArrayOfArrays markerCorners, InputArray markerIds, InputArray image, const Ptr< CharucoBoard > &board, OutputArray charucoCorners, OutputArray charucoIds, InputArray cameraMatrix=noArray(), InputArray distCoeffs=noArray(), int minMarkers=2)
Interpolate position of ChArUco board corners.
cv::ml::DTrees::getMaxDepth
virtual int getMaxDepth() const =0
cv::cuda::sqr
void sqr(InputArray src, OutputArray dst, Stream &stream=Stream::Null())
Computes a square value of each matrix element.
cv::detail::CylindricalWarper::buildMaps
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.
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_impl
static void call_impl(cv::GCPUContext &ctx, Impl &impl, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:394
cv::ocl::Image2D::ptr
void * ptr() const
cv::hal::DCT2D
Definition: hal.hpp:221
cv::QRCodeDetector::p
Ptr< Impl > p
Definition: objdetect.hpp:763
cv::createFaceDetectionMaskGenerator
Ptr< BaseCascadeClassifier::MaskGenerator > createFaceDetectionMaskGenerator()
HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
#define HaarFeatureDescriptor32_CreateCheck_MaxFeatureOffset
Definition: NCVHaarObjectDetection.hpp:126
cv::hal::gemm64f
void gemm64f(const double *src1, size_t src1_step, const double *src2, size_t src2_step, double alpha, const double *src3, size_t src3_step, double beta, double *dst, size_t dst_step, int m_a, int n_a, int n_d, int flags)
cv::viz::Color::not_set
static Color not_set()
cv::detail::GTypeTraits< cv::GOpaque< T > >::wrap_value
static cv::detail::GOpaqueU wrap_value(const cv::GOpaque< T > &t)
Definition: gtype_traits.hpp:98
cv::GStreamingCompiled::setSource
GAPI_WRAP void setSource(const gapi::wip::IStreamSource::Ptr &s)
Specify an input video stream for a single-input computation pipeline.
cv::cudev::ZipPtrSz
Definition: zip.hpp:109
cv::ximgproc::fastBilateralSolverFilter
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...
cv::bioinspired::Retina::getOutputSize
virtual Size getOutputSize()=0
Retreive retina output buffer size that can be different from the input if a spatial log transformati...
cv::dnn::AbsLayer
Definition: all_layers.hpp:489
utility.hpp
cv::GStreamingCompiled::pull
bool pull(cv::GRunArgsP &&outs)
Get the next processed frame from the pipeline.
cv::GMatDesc::withSizeDelta
GMatDesc withSizeDelta(int dx, int dy) const
Definition: gmat.hpp:133
cv::gapi::own::Rect::height
int height
height of the rectangle
Definition: types.hpp:61
cv::detail::tracking::TrackerContribFeatureSet::~TrackerContribFeatureSet
~TrackerContribFeatureSet()
cv::L2
Definition: features2d.hpp:912
NCVVectorReuse::NCVVectorReuse
NCVVectorReuse(const NCVMemSegment &memSegment, Ncv32u length_)
Definition: NCV.hpp:708
cv::operator<<
v_reg< _Tp, n > operator<<(const v_reg< _Tp, n > &a, int imm)
Bitwise shift left.
Definition: intrin_cpp.hpp:1156
cv::detail::tracking::online_boosting::EstimatedGaussDistribution::update
void update(float value)
cv::Stitcher::compositingResol
double compositingResol() const
Definition: stitching.hpp:192
deriche_filter.hpp
cv::cudev::cosh
__device__ __forceinline__ float1 cosh(const uchar1 &a)
Definition: vec_math.hpp:348
cv::cudacodec::Uncompressed_YUYV
@ Uncompressed_YUYV
YUYV/YUY2 (4:2:2)
Definition: cudacodec.hpp:264
cv::detail::VectorRef::ptr
const void * ptr() const
Definition: garray.hpp:311
cv::v_reg::v_reg
v_reg(const _Tp *ptr)
Constructor.
Definition: intrin_cpp.hpp:284
cv::Vec2f
Vec< float, 2 > Vec2f
Definition: matx.hpp:427
cv::rgbd::RgbdICPOdometry::RgbdICPOdometry
RgbdICPOdometry()
cv::gapi::own::Point::x
int x
Definition: types.hpp:27
cv::ogl::TRIANGLE_FAN
@ TRIANGLE_FAN
Definition: opengl.hpp:485
cv::rgbd::FastICPOdometry::getSigmaDepth
float getSigmaDepth() const
Definition: depth.hpp:1096
cv::CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
@ CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT
Number of output channels from sensor used for data transfer.
Definition: videoio.hpp:452
cv::GeneralizedHoughGuil::setMaxScale
virtual void setMaxScale(double maxScale)=0
Maximal scale to detect.
cv::cudev::DisableIf
Definition: type_traits.hpp:112
cv::reg::Mapper::sqr
cv::Mat sqr(const cv::Mat &mat1) const
Definition: mapper.hpp:99
cv::dnn::ELULayer::create
static Ptr< ELULayer > create(const LayerParams &params)
cv::videostab::MotionEstimatorRansacL2::ransacParams
RansacParams ransacParams() const
Definition: global_motion.hpp:137
cv::datasets::HPE_humanevaObj::type1
int type1
Definition: hpe_humaneva.hpp:64
cv::ximgproc::createSuperpixelSLIC
Ptr< SuperpixelSLIC > createSuperpixelSLIC(InputArray image, int algorithm=SLICO, int region_size=10, float ruler=10.0f)
Initialize a SuperpixelSLIC object.
cv::mcc::DetectorParameters::minContourSolidity
double minContourSolidity
Definition: checker_detector.hpp:113
cv::ellipse
void ellipse(InputOutputArray img, Point center, Size axes, double angle, double startAngle, double endAngle, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a simple or thick elliptic arc or fills an ellipse sector.
cv::detail::tracking::feature::CvFeatureEvaluator::getMaxCatCount
int getMaxCatCount() const
Definition: tracking_feature.private.hpp:65
cv::text::erGrouping_Modes
erGrouping_Modes
text::erGrouping operation modes
Definition: erfilter.hpp:267
cv::MatxCommaInitializer::operator*
Matx< _Tp, m, n > operator*() const
cv::AVIReadContainer::parseInfo
bool parseInfo()
Definition: container_avi.private.hpp:114
cv::softfloat::min
static softfloat min()
Smallest normalized value.
Definition: softfloat.hpp:212
cv::detail::RotationWarperBase::detectResultRoiByBorder
void detectResultRoiByBorder(Size src_size, Point &dst_tl, Point &dst_br)
cv::cuda::StreamAccessor::wrapStream
static Stream wrapStream(cudaStream_t stream)
cv::superres::FarnebackOpticalFlow::getPolyN
virtual int getPolyN() const =0
cv::Quat::getAngle
_Tp getAngle(QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) const
get the angle of quaternion, it returns the rotation angle.
cv::Matx::diag
diag_type diag() const
extract the matrix diagonal
cv::Mat::Mat
Mat(int ndims, const int *sizes, int type, const Scalar &s)
cv::dnn::NormalizeBBoxLayer::pnorm
float pnorm
Definition: all_layers.hpp:643
cv::hal::add16s
void add16s(const short *src1, size_t step1, const short *src2, size_t step2, short *dst, size_t step, int width, int height, void *)
cv::text::ERStat::max_probability_ancestor
ERStat * max_probability_ancestor
Definition: erfilter.hpp:110
cv::CAP_PROP_XI_BPC
@ CAP_PROP_XI_BPC
Correction of bad pixels.
Definition: videoio.hpp:386
cv::HOGDescriptor::derivAperture
int derivAperture
not documented
Definition: objdetect.hpp:602
cv::Matx::reshape
Matx< _Tp, m1, n1 > reshape() const
change the matrix shape
cv::datasets::FR_adienceObj::user_id
std::string user_id
Definition: fr_adience.hpp:69
cv::CAP_PROP_RECTIFICATION
@ CAP_PROP_RECTIFICATION
Rectification flag for stereo cameras (note: only supported by DC1394 v 2.x backend currently).
Definition: videoio.hpp:154
cv::ocl::Context::create
bool create(int dtype)
cv::dpm::DPMDetector::ObjectDetection::ObjectDetection
ObjectDetection()
cv::cudev::BinaryTransformPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: transform.hpp:124
cv::videostab::LpMotionStabilizer::setMotionModel
void setMotionModel(MotionModel val)
Definition: motion_stabilizing.hpp:122
cv::detail::tracking::TrackerStateEstimatorSVM
TrackerStateEstimator based on SVM.
Definition: tracking_internals.hpp:625
cv::COLOR_YUV2BGR_YV12
@ COLOR_YUV2BGR_YV12
Definition: imgproc.hpp:651
cv::hdf::HDF5::grcreate
virtual void grcreate(const String &grlabel)=0
Create a group.
cv::cudev::gridSplit_
__host__ void gridSplit_(const SrcPtr &src, const tuple< GpuMat_< DstType > &, GpuMat_< DstType > & > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: split_merge.hpp:135
cv::detail::tracking::TrackerModel::modelUpdate
void modelUpdate()
Update the model.
cv::gapi::wip::IStreamSource::~IStreamSource
virtual ~IStreamSource()=default
cv::CAP_PROP_OPENNI_FRAME_MAX_DEPTH
@ CAP_PROP_OPENNI_FRAME_MAX_DEPTH
In mm.
Definition: videoio.hpp:237
cv::ogl::Arrays::setColorArray
void setColorArray(InputArray color)
Sets an array of vertex colors.
cv::datasets::TR_chars::create
static Ptr< TR_chars > create()
cv::viz::Widget3D
Base class of all 3D widgets.
Definition: widgets.hpp:182
cv::Stitcher::featuresFinder
const Ptr< Feature2D > featuresFinder() const
Definition: stitching.hpp:208
cv::Stitcher
High level image stitcher.
Definition: stitching.hpp:139
hal_ni_fastAtan64f
int hal_ni_fastAtan64f(const double *y, const double *x, double *dst, int len, bool angleInDegrees)
Definition: hal_replacement.hpp:389
cv::_OutputArray::_OutputArray
_OutputArray(const Mat_< _Tp > &m)
NCVMatrixAlloc::getSegment
NCVMemSegment getSegment() const
Definition: NCV.hpp:903
cv::DescriptorMatcher::create
static Ptr< DescriptorMatcher > create(const String &descriptorMatcherType)
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
cv::DISOpticalFlow::setVariationalRefinementGamma
virtual void setVariationalRefinementGamma(float val)=0
Weight of the gradient constancy term.
cv::Affine3f
Affine3< float > Affine3f
Definition: affine.hpp:290
bm3d_image_denoising.hpp
NPPST_MEM_INSUFFICIENT_BUFFER
@ NPPST_MEM_INSUFFICIENT_BUFFER
Insufficient user-allocated buffer.
Definition: NCV.hpp:368
cv::gapi::wip::draw::Poly::points
std::vector< cv::Point > points
Points to connect.
Definition: render_types.hpp:320
cv::cudev::DerivXPtrSz::rows
int rows
Definition: deriv.hpp:76
cv::AVIWriteContainer::getWidth
int getWidth() const
Definition: container_avi.private.hpp:165
cv::ximgproc::PeiLinNormalization
Matx23d PeiLinNormalization(InputArray I)
Calculates an affine transformation that normalize given image using Pei&Lin Normalization.
cv::dnn::ReshapeLayer::create
static Ptr< ReshapeLayer > create(const LayerParams &params)
cv::COLOR_BGR2BGR555
@ COLOR_BGR2BGR555
convert between RGB/BGR and BGR555 (16-bit images)
Definition: imgproc.hpp:567
cv::reg::MapperGradProj::~MapperGradProj
~MapperGradProj()
cv::IMWRITE_PAM_FORMAT_GRAYSCALE
@ IMWRITE_PAM_FORMAT_GRAYSCALE
Definition: imgcodecs.hpp:133
cv::detail::tracking::online_boosting::Detector::~Detector
virtual ~Detector(void)
cv::cudev::ConstantPtr::value_type
T value_type
Definition: constant.hpp:59
cv::detail::AffineWarper::warpPoint
Point2f warpPoint(const Point2f &pt, InputArray K, InputArray H) CV_OVERRIDE
Projects the image point.
cv::_InputArray::sameSize
bool sameSize(const _InputArray &arr) const
cv::videostab::IOutlierRejector
Definition: outlier_rejection.hpp:59
cv::detail::tracking::TrackerFeatureHOG::~TrackerFeatureHOG
~TrackerFeatureHOG() CV_OVERRIDE
cv::detail::tracking::contrib_feature::CvHOGEvaluator::generateFeatures
virtual void generateFeatures() CV_OVERRIDE
cv::ccalib::CustomPattern
Definition: ccalib.hpp:61
cv::cudev::NormL1::reduceThread
__device__ __forceinline__ void reduceThread(value_type val1, value_type val2)
Definition: vec_distance.hpp:70
cv::Point_::Point_
Point_(Point_ &&pt) CV_NOEXCEPT
cv::quality::QualityBase
Definition: qualitybase.hpp:25
cv::detail::tracking::TrackerContribSamplerCSC::setMode
void setMode(int samplingMode)
Set the sampling mode of TrackerContribSamplerCSC.
cv::aruco::estimatePoseSingleMarkers
void estimatePoseSingleMarkers(InputArrayOfArrays corners, float markerLength, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvecs, OutputArray tvecs, OutputArray _objPoints=noArray())
Pose estimation for single markers.
cv::Scalar_::operator=
Scalar_ & operator=(const Scalar_ &s)
cv::RNG::RNG
RNG(uint64 state)
cv::gapi::ie::TraitAs
TraitAs
Definition: ie.hpp:41
CPU_AVX
@ CPU_AVX
Definition: cvdef.h:301
cv::ml::SVM::getC
virtual double getC() const =0
cv::superres::BroxOpticalFlow
Definition: optical_flow.hpp:144
cv::ximgproc::RICInterpolator::setCostMap
virtual void setCostMap(const Mat &costMap)=0
Interface to provide a more elaborated cost map, i.e. edge map, for the edge-aware term....
cv::cudev::ZipPtr< tuple< Ptr0, Ptr1, Ptr2, Ptr3 > >::index_type
PtrTraits< Ptr0 >::index_type index_type
Definition: zip.hpp:97
cv::FileNode::read
static void read(const FileNode &node, bool &value, bool default_value)
Definition: persistence.hpp:1127
cv::Quat::sinh
Quat< _Tp > sinh() const
return sinh value of this quaternion, sinh could be calculated as: where
cv::cuda::StereoSGM::compute
virtual void compute(InputArray left, InputArray right, OutputArray disparity, Stream &stream)=0
Computes disparity map with specified CUDA Stream.
cv::bioinspired::TransientAreasSegmentationModule
class which provides a transient/moving areas segmentation module
Definition: transientareassegmentationmodule.hpp:123
cv::gapi::GBackend::priv
const Priv & priv() const
cv::GFrameDesc
Definition: gframe.hpp:56
cv::detail::FeaturesMatcher::is_thread_safe_
bool is_thread_safe_
Definition: matchers.hpp:164
cv::dnn::MaxUnpoolLayer::poolStride
Size poolStride
Definition: all_layers.hpp:537
histogramphaseunwrapping.hpp
cv::videostab::WobbleSuppressorBase::motions_
const std::vector< Mat > * motions_
Definition: wobble_suppression.hpp:90
cv::detail::GraphEdge::weight
float weight
Definition: util.hpp:79
cv::COLOR_YUV2RGB_NV12
@ COLOR_YUV2RGB_NV12
YUV 4:2:0 family to RGB.
Definition: imgproc.hpp:636
cv::empty_scalar_desc
static GScalarDesc empty_scalar_desc()
Definition: gscalar.hpp:67
cv::text::ERStat
The ERStat structure represents a class-specific Extremal Region (ER).
Definition: erfilter.hpp:67
NcvPoint2D32s::x
Ncv32s x
Point X.
Definition: NCV.hpp:193
cv::bioinspired::Retina::setup
virtual void setup(RetinaParameters newParameters)=0
cv::ACCESS_READ
@ ACCESS_READ
Definition: mat.hpp:64
cv::ppf_match_3d::PoseCluster3D
When multiple poses (see Pose3D) are grouped together (contribute to the same transformation) pose cl...
Definition: pose_3d.hpp:139
cv::Quat::operator*=
Quat< _Tp > & operator*=(const _Tp s)
Multiplication assignment operator of a quaternions and a scalar. It multiplies right operand with th...
cv::detail::tracking::contrib_feature::CvHaarFeatureParams::printDefaults
virtual void printDefaults() const CV_OVERRIDE
cv::ml::DTrees::Node
The class represents a decision tree node.
Definition: ml.hpp:1158
cv::computeCorrespondEpilines
void computeCorrespondEpilines(InputArray points, int whichImage, InputArray F, OutputArray lines)
For points in an image of a stereo pair, computes the corresponding epilines in the other image.
cv::mcc::DetectorParameters::minGroupSize
unsigned minGroupSize
Definition: checker_detector.hpp:123
cv::detail::tracking::tbm::TrackerParams::predict
int predict
Definition: tracking_by_matching.hpp:293
nppiStDecimate_64f_C1R
NCVStatus nppiStDecimate_64f_C1R(Ncv64f *d_src, Ncv32u srcStep, Ncv64f *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
cv::face::LBPHFaceRecognizer::getGridY
virtual int getGridY() const =0
cv::detail::tracking::contrib_feature::CvHaarEvaluator::FeatureHaar::getNumAreas
int getNumAreas()
cv::bioinspired::Retina::getMagnoRAW
virtual const Mat getMagnoRAW() const =0
cv::TrackerCSRT::Params::weights_lr
float weights_lr
Definition: tracking.hpp:62
cv::Quat::conjugate
Quat< _Tp > conjugate() const
return the conjugate of this quaternion.
cv::useOptimized
bool useOptimized()
Returns the status of optimized code usage.
cv::stereo::PropagationParameters
Definition: quasi_dense_stereo.hpp:39
cv::Stitcher::featuresMatcher
Ptr< detail::FeaturesMatcher > featuresMatcher()
Definition: stitching.hpp:212
composite_index.h
cv::videostab::WobbleSuppressorBase::setFrameCount
virtual void setFrameCount(int val)
Definition: wobble_suppression.hpp:75
NcvRect32s::NcvRect32s
__host__ __device__ NcvRect32s(Ncv32s x_, Ncv32s y_, Ncv32s width_, Ncv32s height_)
Definition: NCV.hpp:155
cv::cudev::vabsdiff2
__device__ __forceinline__ uint vabsdiff2(uint a, uint b)
Definition: simd_functions.hpp:178
cv::cudev::BrdConstant::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: extrapolation.hpp:62
cv::aruco::DICT_4X4_250
@ DICT_4X4_250
Definition: dictionary.hpp:144
cv::AgastFeatureDetector::THRESHOLD
@ THRESHOLD
Definition: features2d.hpp:610
cv::Vec3s
Vec< short, 3 > Vec3s
Definition: matx.hpp:414
cv::gapi::ie::detail::ParamDesc::input_names
std::vector< std::string > input_names
Definition: ie.hpp:55
cv::Vec::Vec
Vec(_Tp v0, _Tp v1)
2-element vector constructor
cv::createTonemap
Ptr< Tonemap > createTonemap(float gamma=1.0f)
Creates simple linear mapper with gamma correction.
cv::face::FacemarkAAM::Params::read
void read(const FileNode &)
Read parameters from file, currently unused.
cv::CAP_PROP_OPENNI_MAX_BUFFER_SIZE
@ CAP_PROP_OPENNI_MAX_BUFFER_SIZE
Definition: videoio.hpp:245
cv::TrackerCSRT::Params::filter_lr
float filter_lr
Definition: tracking.hpp:61
cv::StereoBM::getPreFilterCap
virtual int getPreFilterCap() const =0
cv::cudev::Expr::body
Body body
Definition: expr.hpp:59
cv::detail::WAVE_CORRECT_VERT
@ WAVE_CORRECT_VERT
Definition: motion_estimators.hpp:331
cv::QRCodeDetector
Definition: objdetect.hpp:671
cv::AGAST_7_12s
static void AGAST_7_12s(InputArray _img, std::vector< KeyPoint > &keypoints, int threshold)
Definition: agast.txt:3264
cv::ocl::ProgramSource::fromSPIR
static ProgramSource fromSPIR(const String &module, const String &name, const unsigned char *binary, const size_t size, const cv::String &buildOptions=cv::String())
Describe OpenCL program in SPIR format. Do not call clCreateProgramWithBinary() and/or clBuildProgram...
cv::cudev::SobelYPtr::index_type
int index_type
Definition: deriv.hpp:191
cv::detail::SeamFinder::~SeamFinder
virtual ~SeamFinder()
Definition: seam_finders.hpp:61
cv::ocl::setUseOpenCL
void setUseOpenCL(bool flag)
cv::ml::TrainData::getMissing
virtual Mat getMissing() const =0
cv::cuda::HostMem::clone
HostMem clone() const
returns deep copy of the matrix, i.e. the data is copied
cv::COLOR_RGB2YUV_I420
@ COLOR_RGB2YUV_I420
RGB to YUV 4:2:0 family.
Definition: imgproc.hpp:728
cv::detail::tracking::TrackerSamplerPF::Params::iterationNum
int iterationNum
number of selection rounds
Definition: tracking_internals.hpp:777
cv::cuda::COLOR_BayerGB2GRAY_MHT
@ COLOR_BayerGB2GRAY_MHT
Definition: cudaimgproc.hpp:106
cv::Mat_::Mat_
Mat_(const Point3_< typename DataType< _Tp >::channel_type > &pt, bool copyData=true)
cv::CAP_VFW
@ CAP_VFW
Video For Windows (obsolete, removed)
Definition: videoio.hpp:91
cv::HOGDescriptor::nlevels
int nlevels
Maximum number of detection window increases. Default value is 64.
Definition: objdetect.hpp:626
cv::util::get_if
T * get_if(util::variant< Types... > *v) noexcept
Definition: variant.hpp:364
cv::Mat_::Mat_
Mat_(int _ndims, const int *_sizes, _Tp *_data, const size_t *_steps=0)
constructs n-dim matrix on top of user-allocated data. steps are in bytes(!!!), regardless of the typ...
cv::detail::BlocksGainCompensator::BlocksGainCompensator
BlocksGainCompensator(int bl_width=32, int bl_height=32)
Definition: exposure_compensate.hpp:211
cv::cuda::GpuMat::copyTo
void copyTo(OutputArray dst, InputArray mask) const
copies those GpuMat elements to "m" that are marked with non-zero mask elements (Blocking call)
saliencyBaseClasses.hpp
cv::TrackerCSRT::Params::gsl_sigma
float gsl_sigma
Definition: tracking.hpp:57
cv::detail::VectorRef::wref
std::vector< T > & wref()
Definition: garray.hpp:275
cv::detail::OCVStCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_impl
static void call_impl(GCPUContext &ctx, detail::Seq< IIs... >, detail::Seq< OIs... >)
Definition: gcpukernel.hpp:439
cv::cudev::GpuMat_::operator[]
__host__ T * operator[](int y)
more convenient forms of row and element access operators
cv::dnn::BaseConvolutionLayer::numOutput
int numOutput
Definition: all_layers.hpp:218
cv::NAryMatIterator
n-ary multi-dimensional array iterator.
Definition: mat.hpp:3389
cv::UMat::UMat
UMat(const UMat &m, const Rect &roi)
cv::hal::min8u
void min8u(const uchar *src1, size_t step1, const uchar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *)
cv::CALIB_FIX_PRINCIPAL_POINT
@ CALIB_FIX_PRINCIPAL_POINT
Definition: calib3d.hpp:498
cv::UMat::colRange
UMat colRange(const Range &r) const
cv::MatSize::dims
int dims() const
cv::phase_unwrapping::PhaseUnwrapping::unwrapPhaseMap
virtual void unwrapPhaseMap(InputArray wrappedPhaseMap, OutputArray unwrappedPhaseMap, InputArray shadowMask=noArray())=0
Unwraps a 2D phase map.
cv::bgsegm::BackgroundSubtractorLSBP
Background Subtraction using Local SVD Binary Pattern. More details about the algorithm can be found ...
Definition: bgsegm.hpp:266
cv::CAP_PROP_CONTRAST
@ CAP_PROP_CONTRAST
Contrast of the image (only for cameras).
Definition: videoio.hpp:146
cv::detail::tracking::online_boosting::BaseClassifier::computeReplaceWeakestClassifier
int computeReplaceWeakestClassifier(const std::vector< float > &errors)
cv::cudev::gridHistogram_
__host__ void gridHistogram_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: histogram.hpp:61
cv::SimpleBlobDetector::Params::filterByConvexity
bool filterByConvexity
Definition: features2d.hpp:737
cv::Feature2D::write
void write(const String &fileName) const
cv::detail::tracking::tbm::ITrackerByMatching::tracks
virtual const std::unordered_map< size_t, Track > & tracks() const =0
tracks Returns all tracks including forgotten (lost too many frames ago).
cv::AVIReadContainer::getFps
double getFps()
Definition: container_avi.private.hpp:95
cv::hal::cmp8s
void cmp8s(const schar *src1, size_t step1, const schar *src2, size_t step2, uchar *dst, size_t step, int width, int height, void *_cmpop)
cv::datasets::circle
@ circle
Definition: gr_skig.hpp:62
cv::INPAINT_NS
@ INPAINT_NS
Use Navier-Stokes based method.
Definition: photo.hpp:96
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2)
1x3 or 3x1 matrix
cv::cudev::vcmple2
__device__ __forceinline__ uint vcmple2(uint a, uint b)
Definition: simd_functions.hpp:376
cv::dnn::DetectionOutputLayer::create
static Ptr< DetectionOutputLayer > create(const LayerParams &params)
cv::read
void read(const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node)
cv::cudev::SobelXPtr::index_type
int index_type
Definition: deriv.hpp:144
cv::gapi::resizeP
GMatP resizeP(const GMatP &src, const Size &dsize, int interpolation=cv::INTER_LINEAR)
Resizes a planar image.
cv::cuda::FarnebackOpticalFlow::getPolySigma
virtual double getPolySigma() const =0
cv::Error::StsInplaceNotSupported
@ StsInplaceNotSupported
in-place operation is not supported
Definition: base.hpp:103
cv::dnn::SplitLayer::outputsCount
int outputsCount
Number of copies that will be produced (is ignored when negative).
Definition: all_layers.hpp:328
cv::ximgproc::ContourFitting::getFDSize
int getFDSize()
Definition: fourier_descriptors.hpp:74
cv::videostab::PyrLkOptFlowEstimatorBase::~PyrLkOptFlowEstimatorBase
virtual ~PyrLkOptFlowEstimatorBase()
Definition: optical_flow.hpp:89
cv::superres::PyrLKOpticalFlow::getMaxLevel
virtual int getMaxLevel() const =0
cv::CAP_PVAPI_PIXELFORMAT_BAYER8
@ CAP_PVAPI_PIXELFORMAT_BAYER8
Bayer8.
Definition: videoio.hpp:328
cv::cudev::plus::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:79
cv::gapi::add
GMat add(const GMat &src1, const GMat &src2, int ddepth=-1)
Calculates the per-element sum of two matrices.
cv::ppf_match_3d::Pose3D::updatePose
void updatePose(Matx44d &NewPose)
Updates the pose with the new one.
cv::GArrayDesc::operator==
bool operator==(const GArrayDesc &) const
Definition: garray.hpp:42
cv::_OutputArray::getGpuMatVecRef
std::vector< cuda::GpuMat > & getGpuMatVecRef() const
cv::ml::TrainData::getTrainSamples
virtual Mat getTrainSamples(int layout=ROW_SAMPLE, bool compressSamples=true, bool compressVars=true) const =0
Returns matrix of train samples.
cv::TrackerKCF::Params::wrap_kernel
bool wrap_kernel
wrap around the kernel values
Definition: tracking.hpp:129
cv::EVENT_LBUTTONUP
@ EVENT_LBUTTONUP
indicates that left mouse button is released.
Definition: highgui.hpp:214
cv::detail::GTypeTraits< cv::GArray< T > >::wrap_out
static cv::detail::VectorRef wrap_out(std::vector< T > &t)
Definition: gtype_traits.hpp:89
cv::ximgproc::AdaptiveManifoldFilter::setSigmaS
virtual void setSigmaS(double val)=0
cv::rgbd::Odometry::create
static Ptr< Odometry > create(const String &odometryType)
cv::face::BasicFaceRecognizer::getNumComponents
int getNumComponents() const
cv::Quat::exp
Quat< _Tp > exp() const
return the value of exponential value.
cv::MediaFrame::View::View
View(View &&)=default
cv::gapi::wip::GCaptureSource::pull
virtual bool pull(cv::gapi::wip::Data &data) override
Definition: cap.hpp:79
cv::legacy::Tracker::Tracker
Tracker()
cv::superres::BroxOpticalFlow::getScaleFactor
virtual double getScaleFactor() const =0
Pyramid scale factor.
cv::ShapeContextDistanceExtractor::setTransformAlgorithm
virtual void setTransformAlgorithm(Ptr< ShapeTransformer > transformer)=0
Set the algorithm used for aligning the shapes.
cv::DMatch::DMatch
DMatch(int _queryIdx, int _trainIdx, int _imgIdx, float _distance)
cv::GCompileArg::serialize
void serialize(cv::gapi::s11n::IOStream &os) const
Definition: gcommon.hpp:183
cv::xphoto::LearningBasedWB::getSaturationThreshold
virtual float getSaturationThreshold() const =0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
cv::large_kinfu::Params::bilateral_sigma_spatial
float bilateral_sigma_spatial
Spatial sigma in pixels for bilateral smooth.
Definition: large_kinfu.hpp:55
cv::Point3_::y
_Tp y
y coordinate of the 3D point
Definition: types.hpp:266
cv::ximgproc::DisparityFilter
Main interface for all disparity map filters.
Definition: disparity_filter.hpp:53
cv::cuda::BackgroundSubtractorGMG::setBackgroundPrior
virtual void setBackgroundPrior(double bgprior)=0
cv::PyRotationWarper::warpPointBackward
Point2f warpPointBackward(const Point2f &pt, InputArray K, InputArray R)
Projects the image point backward.
cv::_OutputArray::_OutputArray
_OutputArray(std::vector< std::vector< bool > > &)=delete
cv::detail::OpaqueRefT::~OpaqueRefT
virtual ~OpaqueRefT()
Definition: gopaque.hpp:146
cv::FileNode::read
static void read(const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value)
Definition: persistence.hpp:755
cv::videostab::MoreAccurateMotionWobbleSuppressorBase::period_
int period_
Definition: wobble_suppression.hpp:110
cv::gapi::kernels
GKernelPackage kernels()
Create a kernel package object containing kernels and transformations specified in variadic template ...
Definition: gkernel.hpp:646
cv::gapi::own::Mat::empty
bool empty() const
Returns true if the array has no elements.
Definition: mat.hpp:301
cv::linemod::Detector::numTemplates
int numTemplates(const String &class_id) const
cv::cudev::PerspectiveMapPtr::index_type
float index_type
Definition: warping.hpp:110
cv::ximgproc::FastGlobalSmootherFilter::filter
virtual void filter(InputArray src, OutputArray dst)=0
Apply smoothing operation to the source image.
cv::ml::ANN_MLP::getBackpropMomentumScale
virtual double getBackpropMomentumScale() const =0
cv::ximgproc::FastGlobalSmootherFilter
Interface for implementations of Fast Global Smoother filter.
Definition: edge_filter.hpp:458
cv::datasets::TR_charsObj::imgName
std::string imgName
Definition: tr_chars.hpp:62
cv::ml::SVMSGD::create
static Ptr< SVMSGD > create()
Creates empty model. Use StatModel::train to train the model. Since SVMSGD has several parameters,...
_mm_deinterleave_ps
void _mm_deinterleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:494
cv::datasets::MSM_middleburyObj::t
double t[3]
Definition: msm_middlebury.hpp:65
cv::omnidir::RECTIFY_PERSPECTIVE
@ RECTIFY_PERSPECTIVE
Definition: omnidir.hpp:69
cv::ocl::OpenCLExecutionContext::getContext
Context & getContext() const
cv::Mutex
std::recursive_mutex Mutex
Definition: utility.hpp:706
cv::detail::CompileArgTag< GFluidParallelOutputRois >::tag
static const char * tag()
Definition: gfluidkernel.hpp:162
cv::videostab::StabilizerBase::inpaintingMask_
Mat inpaintingMask_
Definition: stabilizer.hpp:132
cv::cudev::IntegerAreaInterPtr
Definition: interpolation.hpp:235
cv::CAP_PROP_XI_DEVICE_MODEL_ID
@ CAP_PROP_XI_DEVICE_MODEL_ID
Returns device model id.
Definition: videoio.hpp:445
cv::DescriptorMatcher::add
virtual void add(InputArrayOfArrays descriptors)
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor coll...
cv::Allocator
Definition: cvstd.hpp:111
cv::dnn::Layer::blobs
std::vector< Mat > blobs
List of learned parameters must be stored here to allow read them by using Net::getParam().
Definition: dnn.hpp:188
cv::Vec::Vec
Vec(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8)
9-element vector constructor
cv::Mat::Mat
Mat(const Mat &m, const Rect &roi)
cv::detail::ExposureCompensator::getMatGains
virtual void getMatGains(std::vector< Mat > &)
Definition: exposure_compensate.hpp:88
cv::optflow::DenseRLOFOpticalFlow::setEPICLambda
virtual void setEPICLambda(float val)=0
see ximgproc::EdgeAwareInterpolator() lambda value.
cv::optflow::OpticalFlowPCAFlow::useOpenCL
bool useOpenCL
Definition: pcaflow.hpp:104
cv::face::LBPHFaceRecognizer
Definition: facerec.hpp:127
cv::TLSDataAccumulator::_cleanupTerminatedData
void _cleanupTerminatedData()
Definition: tls.hpp:199
cv::TickMeter::getFPS
double getFPS() const
returns average FPS (frames per second) value.
Definition: utility.hpp:351
cv::cuda::HOG::detectWithoutConf
void detectWithoutConf(InputArray img, std::vector< Point > &found_locations)
Performs object detection without a multi-scale window.
Definition: cudaobjdetect.hpp:176
cv::dnn::clamp
int clamp(int ax, int dims)
Definition: shape_utils.hpp:208
cvIsInf
int cvIsInf(double value)
Determines if the argument is Infinity.
Definition: fast_math.hpp:288
cv::sfm::SFM_DISTORTION_MODEL_POLYNOMIAL
@ SFM_DISTORTION_MODEL_POLYNOMIAL
Definition: simple_pipeline.hpp:52
cv::_OutputArray::_OutputArray
_OutputArray(Mat_< _Tp > &m)
cv::MSER::getDelta
virtual int getDelta() const =0
cv::ximgproc::SuperpixelSEEDS::~SuperpixelSEEDS
virtual ~SuperpixelSEEDS()
Definition: seeds.hpp:141
cv::Affine3::linear
void linear(const Mat3 &L)
cv::Mat::locateROI
void locateROI(Size &wholeSize, Point &ofs) const
Locates the matrix header within a parent matrix.
cv::detail::SphericalWarperGpu::warp
Point warp(InputArray src, InputArray K, InputArray R, int interp_mode, int border_mode, OutputArray dst) CV_OVERRIDE
Projects the image.
Definition: warpers.hpp:568
cv::ocl::Device::preferredVectorWidthInt
int preferredVectorWidthInt() const
cv::v_int32x4::v_int32x4
v_int32x4(vint32m1_t v)
Definition: intrin_rvv.hpp:395
cv::Affine3::Affine3
Affine3(const float_type *vals)
From 16-element array.
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9, _Tp v10, _Tp v11)
1x12, 2x6, 3x4, 4x3, 6x2 or 12x1 matrix
cv::optflow::InterpolationType
InterpolationType
Definition: rlofflow.hpp:31
cv::cudev::UnaryTupleAdapter::op
Op op
Definition: tuple_adapter.hpp:61
hal_ni_mul64f
int hal_ni_mul64f(const double *src1_data, size_t src1_step, const double *src2_data, size_t src2_step, double *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:244
cv::img_hash::MarrHildrethHash::getScale
float getScale() const
self explain
cv::cudev::IntegralBody
Definition: reduction.hpp:241
CV_API_CALL
#define CV_API_CALL
calling convention (including callbacks)
Definition: llapi.h:27
cv::CAP_XIAPI
@ CAP_XIAPI
XIMEA Camera API.
Definition: videoio.hpp:106
cv::gapi::wip::GAsyncCanceled::what
virtual const char * what() const noexcept CV_OVERRIDE
cv::sepFilter2D
void sepFilter2D(InputArray src, OutputArray dst, int ddepth, InputArray kernelX, InputArray kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT)
Applies a separable linear filter to an image.
cv::v_uint32x4::get0
unsigned get0() const
Definition: intrin_rvv.hpp:381
atomic.hpp
cv::aruco::DICT_APRILTAG_16h5
@ DICT_APRILTAG_16h5
4x4 bits, minimum hamming distance between any two codes = 5, 30 codes
Definition: dictionary.hpp:159
cv::COLORMAP_RAINBOW
@ COLORMAP_RAINBOW
Definition: imgproc.hpp:4271
cv::face::FacemarkAAM::Params::verbose
bool verbose
Definition: facemarkAAM.hpp:71
ncvEndQueryTimerUs
double ncvEndQueryTimerUs(NcvTimer t)
NcvTimer
struct _NcvTimer * NcvTimer
Definition: NCV.hpp:402
cv::add
void add(InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1)
Calculates the per-element sum of two arrays or an array and a scalar.
cv::hal::addRNGBias32f
void addRNGBias32f(float *arr, const float *scaleBiasPairs, int len)
cv::linemod::Match
Represents a successful template match.
Definition: linemod.hpp:260
cv::cudacodec::EncoderParams::P_Interval
int P_Interval
NVVE_P_INTERVAL,.
Definition: cudacodec.hpp:87
cv::sfm::SFMLibmvEuclideanReconstruction::run
virtual void run(const std::vector< String > &images, InputOutputArray K, OutputArray Rs, OutputArray Ts, OutputArray points3d) CV_OVERRIDE=0
Calls the pipeline in order to perform Eclidean reconstruction.
cv::detail::PaniniPortraitWarper
Definition: warpers.hpp:461
cv::cudev::CubicInterPtr::bicubicCoeff
static __device__ float bicubicCoeff(float x_)
Definition: interpolation.hpp:162
cv::cuda::sqrIntegral
void sqrIntegral(InputArray src, OutputArray sqsum, Stream &stream=Stream::Null())
Computes a squared integral image.
cv::FileNode::ptr
const uchar * ptr() const
cv::plot::Plot2d::setMaxX
virtual void setMaxX(double _plotMaxX)=0
cv::Mat_::Mat_
Mat_(const Mat &m)
copy/conversion constructor. If m is of different type, it's converted
cv::cuda::TargetArchs::hasEqualOrGreaterBin
static bool hasEqualOrGreaterBin(int major, int minor)
cv::text::loadClassifierNM1
Ptr< ERFilter::Callback > loadClassifierNM1(const String &filename)
Allow to implicitly load the default classifier when creating an ERFilter object.
cv::face::BIF::create
static Ptr< BIF > create(int num_bands=8, int num_rotations=12)
cv::ParallelLoopBodyLambdaWrapper::operator()
virtual void operator()(const cv::Range &range) const CV_OVERRIDE
Definition: utility.hpp:594
cv::gapi::ie::Params::desc
detail::ParamDesc desc
Definition: ie.hpp:147
cv::GFTTDetector::getMaxFeatures
virtual int getMaxFeatures() const =0
cv::ocl::OpenCLExecutionContext::release
void release()
cv::PyRotationWarper::PyRotationWarper
PyRotationWarper(String type, float scale)
cv::hal::add64f
void add64f(const double *src1, size_t step1, const double *src2, size_t step2, double *dst, size_t step, int width, int height, void *)
cv::CAP_PROP_XI_IS_DEVICE_EXIST
@ CAP_PROP_XI_IS_DEVICE_EXIST
Returns 1 if camera connected and works properly.
Definition: videoio.hpp:465
cv::operator==
v_reg< _Tp, n > operator==(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Equal comparison.
Definition: intrin_cpp.hpp:770
cv::datasets::PD_caltechObj
Definition: pd_caltech.hpp:61
cv::gapi::own::Size::Size
Size(const cv::Size &other)
Definition: types.hpp:104
cv::getElemSize
static size_t getElemSize(int type)
Definition: utility.hpp:568
cv::gapi::concatHor
GMat concatHor(const GMat &src1, const GMat &src2)
Applies horizontal concatenation to given matrices.
OPENCV_HAL_IMPL_C_SHIFTR
#define OPENCV_HAL_IMPL_C_SHIFTR(_Tpvec, _Tp)
Helper macro.
Definition: intrin_cpp.hpp:2426
cv::ximgproc::jointBilateralFilter
void jointBilateralFilter(InputArray joint, InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT)
Applies the joint bilateral filter to an image.
nppiStDecimate_32f_C1R_host
NCVStatus nppiStDecimate_32f_C1R_host(Ncv32f *h_src, Ncv32u srcStep, Ncv32f *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
cv::HISTCMP_CORREL
@ HISTCMP_CORREL
Definition: imgproc.hpp:502
cv::hdf::HDF5::dsgettype
virtual int dsgettype(const String &dslabel) const =0
Fetch dataset type.
cv::dnn::PowerLayer::create
static Ptr< PowerLayer > create(const LayerParams &params)
cv::text::OCR_KNN_CLASSIFIER
@ OCR_KNN_CLASSIFIER
Definition: ocr.hpp:180
cv::stereo::StereoBinaryBM::PREFILTER_XSOBEL
@ PREFILTER_XSOBEL
Definition: stereo.hpp:127
cv::cuda::norm
double norm(InputArray src1, int normType, InputArray mask=noArray())
Returns the norm of a matrix (or difference of two matrices).
cv::ml::SVM::setDegree
virtual void setDegree(double val)=0
cv::IMREAD_REDUCED_GRAYSCALE_2
@ IMREAD_REDUCED_GRAYSCALE_2
If set, always convert image to the single channel grayscale image and the image size reduced 1/2.
Definition: imgcodecs.hpp:76
cv::dnn::Layer::initInfEngine
virtual Ptr< BackendNode > initInfEngine(const std::vector< Ptr< BackendWrapper > > &inputs)
cv::MatAllocator::~MatAllocator
virtual ~MatAllocator()
Definition: mat.hpp:469
sinusoidalpattern.hpp
hal_ni_xor8u
int hal_ni_xor8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:153
cv::AVIReadContainer::m_movi_end
unsigned long long int m_movi_end
Definition: container_avi.private.hpp:127
cv::cudev::modulus::operator()
__device__ __forceinline__ T operator()(typename TypeTraits< T >::parameter_type a, typename TypeTraits< T >::parameter_type b) const
Definition: functional.hpp:115
cv::DetectionBasedTracker::weightsPositionsSmoothing
std::vector< float > weightsPositionsSmoothing
Definition: detection_based_tracker.hpp:207
cv::CAP_PROP_XI_CC_MATRIX_03
@ CAP_PROP_XI_CC_MATRIX_03
Color Correction Matrix element [0][3].
Definition: videoio.hpp:417
cv::detail::tracking::TrackerSamplerCS::~TrackerSamplerCS
~TrackerSamplerCS()
cv::saliency::MotionSaliencyBinWangApr2014::create
static Ptr< MotionSaliencyBinWangApr2014 > create()
Definition: saliencySpecializedClasses.hpp:175
cv::detail::GArrayU::m_priv
std::shared_ptr< GOrigin > m_priv
Definition: garray.hpp:96
cv::ppf_match_3d::PoseCluster3D::PoseCluster3D
PoseCluster3D()
Definition: pose_3d.hpp:141
cv::COLOR_RGBA2RGB
@ COLOR_RGBA2RGB
Definition: imgproc.hpp:532
cv::NAryMatIterator::planes
Mat * planes
the current planes
Definition: mat.hpp:3408
cv::quality::QualityPSNR::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitypsnr.hpp:62
hal_ni_min8s
int hal_ni_min8s(const schar *src1_data, size_t src1_step, const schar *src2_data, size_t src2_step, schar *dst_data, size_t dst_step, int width, int height)
Definition: hal_replacement.hpp:112
cv::dnn::DictValue::operator<<
friend std::ostream & operator<<(std::ostream &stream, const DictValue &dictv)
cv::_OutputArray::_OutputArray
_OutputArray(const UMat &m)
cv::gapi::kmeans
std::tuple< GOpaque< double >, GMat, GMat > kmeans(const GMat &data, const int K, const GMat &bestLabels, const TermCriteria &criteria, const int attempts, const KmeansFlags flags)
Finds centers of clusters and groups input samples around the clusters.
cv::saliency::ObjectnessBING::getNSS
int getNSS() const
Definition: saliencySpecializedClasses.hpp:345
cv::dnn::CropLayer
Definition: all_layers.hpp:505
cv::COLOR_GRAY2BGR
@ COLOR_GRAY2BGR
Definition: imgproc.hpp:548
cv::AVIWriteContainer::getStreamPos
size_t getStreamPos() const
cv::AVIWriteContainer::getMoviPointer
size_t getMoviPointer() const
Definition: container_avi.private.hpp:168
cv::IMWRITE_JPEG_LUMA_QUALITY
@ IMWRITE_JPEG_LUMA_QUALITY
Separate luma quality level, 0 - 100, default is 0 - don't use.
Definition: imgcodecs.hpp:91
cv::videostab::PyrLkOptFlowEstimatorBase::winSize_
Size winSize_
Definition: optical_flow.hpp:92
hal_ni_mul32s
int hal_ni_mul32s(const int *src1_data, size_t src1_step, const int *src2_data, size_t src2_step, int *dst_data, size_t dst_step, int width, int height, double scale)
Definition: hal_replacement.hpp:242
cv::Error::GpuNotSupported
@ GpuNotSupported
no CUDA support
Definition: base.hpp:116
cv::cudev::GpuMat_::rowRange
__host__ GpuMat_ rowRange(Range r) const
cv::ximgproc::HDO_DESKEW
@ HDO_DESKEW
Definition: fast_hough_transform.hpp:108
cv::gapi::own::ceild
double ceild(double x)
Definition: saturate.hpp:82
NCVMemNativeAllocator::NCVMemNativeAllocator
NCVMemNativeAllocator(NCVMemoryType memT, Ncv32u alignment)
OPENCV_HAL_IMPL_CMP_OP
#define OPENCV_HAL_IMPL_CMP_OP(cmp_op)
Helper macro.
Definition: intrin_cpp.hpp:736
cv::kinfu::Intr::Projector::operator()
cv::Point_< T > operator()(cv::Point3_< T > p) const
Definition: intrinsics.hpp:43
cv::CAP_PROP_XI_GPI_LEVEL
@ CAP_PROP_XI_GPI_LEVEL
Get general purpose level.
Definition: videoio.hpp:351
cv::GRunArg::meta
Meta meta
Definition: garg.hpp:125
cv::linemod::Detector::T_at_level
std::vector< int > T_at_level
Definition: linemod.hpp:398
cv::gapi::wip::draw::Poly::Poly
Poly()=default
cv::cudev::NormL1::reduceWarp
__device__ __forceinline__ void reduceWarp(result_type *smem, uint tid)
Definition: vec_distance.hpp:75
cv::Stitcher::bundleAdjuster
Ptr< detail::BundleAdjusterBase > bundleAdjuster()
Definition: stitching.hpp:224
videoio.hpp
cv::FileNode::readRaw
void readRaw(const String &fmt, void *vec, size_t len) const
Reads node elements to the buffer with the specified format.
cv::ximgproc::segmentation::SelectiveSearchSegmentation::switchToSingleStrategy
virtual void switchToSingleStrategy(int k=200, float sigma=0.8f)=0
Initialize the class with the 'Single stragegy' parameters describled in .
cv::Tonemap::setGamma
virtual void setGamma(float gamma)=0
cv::viz::Color::amethyst
static Color amethyst()
cv::gapi::sum
GScalar sum(const GMat &src)
Calculates sum of all matrix elements.
cv::datasets::IS_weizmannObj::srcBw
std::string srcBw
Definition: is_weizmann.hpp:63
cv::Matx21f
Matx< float, 2, 1 > Matx21f
Definition: matx.hpp:230
cv::FastFeatureDetector::setType
virtual void setType(FastFeatureDetector::DetectorType type)=0
cv::BackgroundSubtractorMOG2::setNMixtures
virtual void setNMixtures(int nmixtures)=0
Sets the number of gaussian components in the background model.
cv::cudev::NormL1< float >::mySum
result_type mySum
Definition: vec_distance.hpp:95
UINT8
uint8_t UINT8
Definition: descriptor.hpp:66
cv::CAP_PVAPI
@ CAP_PVAPI
PvAPI, Prosilica GigE SDK.
Definition: videoio.hpp:102
cv::SparsePyrLKOpticalFlow::getFlags
virtual int getFlags() const =0
cv::ml::TrainData::getNormCatResponses
virtual Mat getNormCatResponses() const =0
cv::cuda::OpticalFlowDual_TVL1::create
static Ptr< OpticalFlowDual_TVL1 > create(double tau=0.25, double lambda=0.15, double theta=0.3, int nscales=5, int warps=5, double epsilon=0.01, int iterations=300, double scaleStep=0.8, double gamma=0.0, bool useInitialFlow=false)
cv::cuda::FarnebackOpticalFlow::getNumIters
virtual int getNumIters() const =0
cv::detail::DisjointSets::createOneElemSets
void createOneElemSets(int elem_count)
cv::gapi::detail::try_deserialize_comparg< std::tuple<> >::exec
static cv::util::optional< GCompileArg > exec(const std::string &, cv::gapi::s11n::IIStream &)
Definition: s11n.hpp:274
cv::Formatter::set64fPrecision
virtual void set64fPrecision(int p=16)=0
cv::text::ERFilter::Callback
Callback with the classifier is made a class.
Definition: erfilter.hpp:128
cv::ppf_match_3d::hashtableGetBucketHashed
hashnode_i * hashtableGetBucketHashed(hashtable_int *hashtbl, KeyType key)
cv::detail::RotationWarperBase::buildMaps
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.
cv::kinfu::Volume::Volume
Volume(float _voxelSize, Matx44f _pose, float _raycastStepFactor)
Definition: volume.hpp:21
cv::UMat::UMat
UMat(Size size, int type, UMatUsageFlags usageFlags=USAGE_DEFAULT)
cv::structured_light::SinusoidalPattern::Params::setMarkers
bool setMarkers
Definition: sinusoidalpattern.hpp:92
cv::cudev::AffineMapPtr::operator()
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:68
cv::getVersionString
String getVersionString()
Returns library version string.
cv::FileStorage::WRITE
@ WRITE
value, open the file for writing
Definition: persistence.hpp:310
cv::CirclesGridFinderParameters::minRNGEdgeSwitchDist
float minRNGEdgeSwitchDist
Definition: calib3d.hpp:1645
cv::omnidir::internal::flags2idx
void flags2idx(int flags, std::vector< int > &idx, int n)
cv::cudev::vcmplt4
__device__ __forceinline__ uint vcmplt4(uint a, uint b)
Definition: simd_functions.hpp:708
cv::viz::writeTrajectory
void writeTrajectory(InputArray traj, const String &files_format="pose%05d.xml", int start=0, const String &tag="pose")
cv::videostab::ensureInclusionConstraint
Mat ensureInclusionConstraint(const Mat &M, Size size, float trimRatio)
cv::sfm::fundamentalFromEssential
void fundamentalFromEssential(InputArray E, InputArray K1, InputArray K2, OutputArray F)
Get Essential matrix from Fundamental and Camera matrices.
OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC
#define OPENCV_HAL_IMPL_REDUCE_MINMAX_FUNC(func, cfunc)
Helper macro.
Definition: intrin_cpp.hpp:634
quasi_dense_stereo.hpp
cv::Feature2D::empty
virtual bool empty() const CV_OVERRIDE
Return true if detector object is empty.
cv::xphoto::TonemapDurand::setSigmaSpace
virtual void setSigmaSpace(float sigma_space)=0
cv::gapi::fluid::Border
Definition: gfluidbuffer.hpp:26
NCVMatrixReuse::isMemReused
NcvBool isMemReused() const
Definition: NCV.hpp:979
cv::ml::RTrees::setCalculateVarImportance
virtual void setCalculateVarImportance(bool val)=0
cv::MergeDebevec::process
virtual void process(InputArrayOfArrays src, OutputArray dst, InputArray times)=0
heap.h
cv::ximgproc::WMF_COS
@ WMF_COS
Definition: weighted_median_filter.hpp:69
cv::optflow::DenseRLOFOpticalFlow::getEPICSigma
virtual float getEPICSigma() const =0
see ximgproc::EdgeAwareInterpolator() sigma value.
cv::GStreamingCompiled::metas
const GMetaArgs & metas() const
Vector of metadata this graph was compiled for.
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_and_postprocess::call
static void call(Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:367
cv::hal::DFT2D
Definition: hal.hpp:212
cv::gapi::wip::draw::Circle::Circle
Circle()=default
cv::viz::unregisterAllWindows
void unregisterAllWindows()
Unregisters all Viz windows from internal database. After it 'getWindowByName()' will create new wind...
cv::stereo::QuasiDenseStereo::loadParameters
virtual int loadParameters(cv::String filepath)=0
Load a file containing the configuration parameters of the class.
cv::bioinspired::SegmentationParameters::contextEnergy_spatialConstant
float contextEnergy_spatialConstant
Definition: transientareassegmentationmodule.hpp:105
cv::detail::tracking::TrackerStateEstimator::update
void update(std::vector< ConfidenceMap > &confidenceMaps)
Update the ConfidenceMap with the scores.
cv::ParamType< String >::member_type
String member_type
Definition: core.hpp:3220
cv::VariationalRefinement::getOmega
virtual float getOmega() const =0
Relaxation factor in SOR.
cv::createCalibrateDebevec
Ptr< CalibrateDebevec > createCalibrateDebevec(int samples=70, float lambda=10.0f, bool random=false)
Creates CalibrateDebevec object.
cv::dnn::LayerParams::blobs
std::vector< Mat > blobs
List of learned parameters stored as blobs.
Definition: dnn.hpp:112
cv::Matx::Matx
Matx(_Tp v0, _Tp v1, _Tp v2, _Tp v3, _Tp v4, _Tp v5, _Tp v6, _Tp v7, _Tp v8, _Tp v9)
1x10, 2x5 or 5x2 or 10x1 matrix
cv::cuda::FEATURE_SET_COMPUTE_21
@ FEATURE_SET_COMPUTE_21
Definition: cuda.hpp:780
cv::RMat::View::step
size_t step(size_t i=0) const
Definition: rmat.hpp:90
cv::Error::StsNoMem
@ StsNoMem
insufficient memory
Definition: base.hpp:73
cv::ximgproc::rollingGuidanceFilter
void rollingGuidanceFilter(InputArray src, OutputArray dst, int d=-1, double sigmaColor=25, double sigmaSpace=3, int numOfIter=4, int borderType=BORDER_DEFAULT)
Applies the rolling guidance filter to an image.
cv::ShapeDistanceExtractor
Abstract base class for shape distance algorithms.
Definition: shape_distance.hpp:62
cv::cudev::CubicInterPtr::value_type
PtrTraits< SrcPtr >::value_type value_type
Definition: interpolation.hpp:157
cv::detail::tracking::kalman_filters::createUnscentedKalmanFilter
Ptr< UnscentedKalmanFilter > createUnscentedKalmanFilter(const UnscentedKalmanFilterParams &params)
Unscented Kalman Filter factory method.
NcvCTprep
Definition: NCV.hpp:70
cv::detail::RotationWarperBase::warpBackward
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.
cv::gapi::GKernelPackage::get_transformations
const std::vector< GTransform > & get_transformations() const
Returns vector of transformations included in the package.
cv::_OutputArray::_OutputArray
_OutputArray(std::array< Mat, _Nm > &arr)
cv::bioinspired::RetinaParameters::IplMagnoParameters::IplMagnoParameters
IplMagnoParameters()
Definition: retina.hpp:166
cv::CAP_PROP_XI_LIMIT_BANDWIDTH
@ CAP_PROP_XI_LIMIT_BANDWIDTH
Set/get bandwidth(datarate)(in Megabits).
Definition: videoio.hpp:394
cv::ocl::Queue::Queue
Queue()
cv::cuda::DeviceInfo::maxTexture1D
int maxTexture1D() const
maximum 1D texture size
cv::CAP_PROP_PVAPI_BINNINGX
@ CAP_PROP_PVAPI_BINNINGX
Horizontal binning factor.
Definition: videoio.hpp:305
NPPST_MEMCPY_ERROR
@ NPPST_MEMCPY_ERROR
CUDA memory copy error.
Definition: NCV.hpp:360
cv::detail::scratch_helper< true, Impl, Ins... >::help_init
static void help_init(const cv::GMetaArgs &metas, const cv::GArgs &in_args, gapi::fluid::Buffer &b)
Definition: gfluidkernel.hpp:227
cv::ximgproc::RICInterpolator::setK
virtual void setK(int k=32)=0
K is a number of nearest-neighbor matches considered, when fitting a locally affine model for a super...
cv::optflow::DualTVL1OpticalFlow::getTheta
virtual double getTheta() const =0
Weight parameter for (u - v)^2, tightness parameter.
depth.hpp
cv::dnn::NormalizeBBoxLayer
- normalization layer.
Definition: all_layers.hpp:641
cv::FileNode::read
static void read(const FileNode &node, uchar &value, uchar default_value)
Definition: persistence.hpp:1135
cv::CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
@ CAP_PROP_PVAPI_DECIMATIONHORIZONTAL
Horizontal sub-sampling of the image.
Definition: videoio.hpp:303
cv::DECOMP_QR
@ DECOMP_QR
Definition: base.hpp:145
cv::datasets::TR_svtObj::lex
std::vector< std::string > lex
Definition: tr_svt.hpp:69
cv::gapi::ie::IEConfig
std::map< std::string, std::string > IEConfig
Definition: ie.hpp:46
cv::viz::POINT_SIZE
@ POINT_SIZE
Definition: widgets.hpp:63
cv::GArray::GArray
GArray()
Definition: garray.hpp:348
cv::viz::imshow
Viz3d imshow(const String &window_name, InputArray image, const Size &window_size=Size(-1, -1))
Displays image in specified window.
cv::cudacodec::Uncompressed_NV12
@ Uncompressed_NV12
Y,UV (4:2:0)
Definition: cudacodec.hpp:263
cv::cudev::gridCalcSum_
__host__ void gridCalcSum_(const SrcPtr &src, GpuMat_< ResType > &dst, const MaskPtr &mask, Stream &stream=Stream::Null())
Definition: reduce.hpp:64
cv::dnn_objdetect::object::ymin
int ymin
Definition: core_detect.hpp:28
cv::cudev::gridPyrDown_
__host__ void gridPyrDown_(const SrcPtr &src, GpuMat_< DstType > &dst, Stream &stream=Stream::Null())
Definition: pyramids.hpp:62
cv::detail::OptRef::OptRef
OptRef(cv::optional< T > &t)
Definition: gstreaming.hpp:54
cv::ocl::KernelArg::PtrReadWrite
static KernelArg PtrReadWrite(const UMat &m)
Definition: ocl.hpp:395
cv::bgsegm::createBackgroundSubtractorGMG
Ptr< BackgroundSubtractorGMG > createBackgroundSubtractorGMG(int initializationFrames=120, double decisionThreshold=0.8)
Creates a GMG Background Subtractor.
cv::GCPUStKernelImpl
Definition: gcpukernel.hpp:470
cv::CALIB_CB_ACCURACY
@ CALIB_CB_ACCURACY
Definition: calib3d.hpp:485
cv::detail::tracking::tbm::ResizedImageDescriptor::ResizedImageDescriptor
ResizedImageDescriptor(const cv::Size &descr_size, const cv::InterpolationFlags interpolation)
Constructor.
Definition: tracking_by_matching.hpp:113
cv::detail::tracking::online_boosting::BaseClassifier::m_idxOfNewWeakClassifier
int m_idxOfNewWeakClassifier
Definition: onlineBoosting.hpp:147
cv::GCall::kernel
GKernel & kernel()
cv::v_interleave_quads
v_reg< _Tp, n > v_interleave_quads(const v_reg< _Tp, n > &vec)
Definition: intrin_cpp.hpp:2289
cv::legacy::MultiTracker_Alt::addTarget
bool addTarget(InputArray image, const Rect2d &boundingBox, Ptr< legacy::Tracker > tracker_algorithm)
Add a new target to a tracking-list and initialize the tracker with a known bounding box that surroun...
cv::FileStorage::write
static void write(FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec)
Definition: persistence.hpp:1093
cv::utils::AllocatorStatisticsInterface::getTotalUsage
virtual uint64_t getTotalUsage() const =0
cv::datasets::SR_bsds::create
static Ptr< SR_bsds > create()
cv::dnn::readNetFromDarknet
Net readNetFromDarknet(const String &cfgFile, const String &darknetModel=String())
Reads a network model stored in Darknet model files.
cv::bioinspired::Retina::setup
virtual void setup(cv::FileStorage &fs, const bool applyDefaultSetupOnFailure=true)=0
cv::GC_FGD
@ GC_FGD
an obvious foreground (object) pixel
Definition: imgproc.hpp:346
cv::superres::FarnebackOpticalFlow
Definition: optical_flow.hpp:65
cv::cuda::OpticalFlowDual_TVL1
Implementation of the Zach, Pock and Bischof Dual TV-L1 Optical Flow method.
Definition: cudaoptflow.hpp:306
CvPhotoCamera
Definition: cap_ios.h:141
cv::gapi::own::detail::MatHeader::operator=
MatHeader & operator=(const MatHeader &)=default
cv::COLORSPACE_BGR
@ COLORSPACE_BGR
Definition: container_avi.private.hpp:135
cv::instr::IMPL
IMPL
Definition: instrumentation.hpp:54
cv::ocl::Device::image3DMaxWidth
size_t image3DMaxWidth() const
cv::quality::QualitySSIM::QualitySSIM
QualitySSIM(_mat_data refImgData)
Constructor.
Definition: qualityssim.hpp:90
cv::cuda::FGDParams::FGDParams
FGDParams()
default Params
cv::cudev::Max
Definition: reduce_to_vec.hpp:126
cv::hal::absdiff16u
void absdiff16u(const ushort *src1, size_t step1, const ushort *src2, size_t step2, ushort *dst, size_t step, int width, int height, void *)
cv::ParamType< unsigned >::const_param_type
unsigned const_param_type
Definition: core.hpp:3259
cv::AlignMTB::getMaxBits
virtual int getMaxBits() const =0
cv::cudev::TypeTraits::unqualified_type
type_traits_detail::UnVolatile< typename type_traits_detail::UnConst< T >::type >::type unqualified_type
Definition: type_traits.hpp:132
cv::Error::StsBadPoint
@ StsBadPoint
bad CvPoint
Definition: base.hpp:107
cv::xphoto::GrayworldWB::setSaturationThreshold
virtual void setSaturationThreshold(float val)=0
Maximum saturation for a pixel to be included in the gray-world assumption.
cv::cuda::DisparityBilateralFilter::setSigmaRange
virtual void setSigmaRange(double sigma_range)=0
cv::cuda::GpuMat::defaultAllocator
static GpuMat::Allocator * defaultAllocator()
default allocator
cv::CAP_PROP_GAMMA
@ CAP_PROP_GAMMA
Definition: videoio.hpp:158
nppiStDecimate_32s_C1R_host
NCVStatus nppiStDecimate_32s_C1R_host(Ncv32s *h_src, Ncv32u srcStep, Ncv32s *h_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale)
nppiStIntegralGetSize_8u32u
NCVStatus nppiStIntegralGetSize_8u32u(NcvSize32u roiSize, Ncv32u *pBufsize, cudaDeviceProp &devProp)
cv::CCL_GRANA
@ CCL_GRANA
BBDT algorithm for 8-way connectivity, SAUF algorithm for 4-way connectivity.
Definition: imgproc.hpp:409
cv::TrackerCSRT::Params::hog_clip
float hog_clip
Definition: tracking.hpp:59
cv::KalmanFilter::controlMatrix
Mat controlMatrix
control matrix (B) (not used if there is no control)
Definition: tracking.hpp:396
cv::CylindricalWarper
Cylindrical warper factory class.
Definition: warpers.hpp:169
cv::viz::MouseEvent::modifiers
int modifiers
Definition: types.hpp:325
cv::cudacodec::EncoderParams::QP_Level_InterB
int QP_Level_InterB
NVVE_QP_LEVEL_INTER_B,.
Definition: cudacodec.hpp:95
cv::_OutputArray::move
void move(UMat &u) const
cv::dnn::Net
This class allows to create and manipulate comprehensive artificial neural networks.
Definition: dnn.hpp:395
cv::kinfu::Params::setInitialVolumePose
void setInitialVolumePose(Matx33f R, Vec3f t)
Set Initial Volume Pose Sets the initial pose of the TSDF volume.
cv::ml::ANN_MLP::getLayerSizes
virtual cv::Mat getLayerSizes() const =0
cv::Complexd
Complex< double > Complexd
Definition: types.hpp:91
cv::detail::tracking::TrackerContribFeatureHAAR::Params::rectSize
Size rectSize
rect size
Definition: tracking_internals.hpp:857
nppStGetActiveCUDAstream
cudaStream_t nppStGetActiveCUDAstream()
cv::fastMalloc
void * fastMalloc(size_t bufSize)
Allocates an aligned memory buffer.
cv::ocl::Device::globalMemCacheType
int globalMemCacheType() const
cv::drawMarker
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.
cv::detail::GArrayU::setConstructFcn
void setConstructFcn(ConstructVec &&cv)
cv::optflow::calcOpticalFlowSparseRLOF
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...
cv::gapi::morphologyEx
GMat morphologyEx(const GMat &src, const MorphTypes op, const Mat &kernel, const Point &anchor=Point(-1,-1), const int iterations=1, const BorderTypes borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue())
Performs advanced morphological transformations.
cv::detail::tracking::TrackerContribSamplerCSC::Params::trackMaxPosNum
int trackMaxPosNum
Definition: tracking_internals.hpp:660
cv::cuda::DisparityBilateralFilter::getNumDisparities
virtual int getNumDisparities() const =0
cv::cudev::ZipPtrSz::cols
int cols
Definition: zip.hpp:110
cv::linemod::Modality::read
virtual void read(const FileNode &fn)=0
cv::videostab::LpMotionStabilizer::setWeight1
void setWeight1(float val)
Definition: motion_stabilizing.hpp:131
cv::GIOProtoArgs::m_args
GProtoArgs m_args
Definition: gproto.hpp:65
cv::FileNodeIterator::equalTo
bool equalTo(const FileNodeIterator &it) const
cv::optflow::GPCTree::write
void write(FileStorage &fs) const CV_OVERRIDE
Stores algorithm parameters in a file storage.
cv::Mat_::const_iterator
MatConstIterator_< _Tp > const_iterator
Definition: mat.hpp:2189
cv::videostab::TranslationBasedLocalOutlierRejector::cellSize
Size cellSize() const
Definition: outlier_rejection.hpp:80
cvv::impl::CallMetaData::CallMetaData
CallMetaData()
Creates an unknown location.
Definition: call_meta_data.hpp:26
cv::detail::CompileArgTag< cv::gapi::wip::draw::freetype_font >::tag
static const char * tag()
Definition: render.hpp:156
cv::int64_t
::int64_t int64_t
Definition: cvdef.h:800
cv::TrackerMIL::Params::Params
Params()
cv::gapi::s11n::detail::wrap_serialize
Definition: gcommon.hpp:229
cv::img_hash::MarrHildrethHash::getAlpha
float getAlpha() const
self explain
cv::BOWKMeansTrainer::cluster
virtual Mat cluster() const CV_OVERRIDE
HaarClassifierCascadeDescriptor::NumFeatures
Ncv32u NumFeatures
Definition: NCVHaarObjectDetection.hpp:338
cv::v_combine_high
v_reg< _Tp, n > v_combine_high(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
Combine vector from last elements of two vectors.
Definition: intrin_cpp.hpp:1853
cv::ovis::SCENE_AA
@ SCENE_AA
Apply anti-aliasing. The first window determines the setting for all windows.
Definition: ovis.hpp:53
cv::GComputationT< std::tuple< R... >(Args...)>::compile
GCompiledT compile(detail::ProtoToMetaT< Args >... inDescs)
Definition: gtyped.hpp:231
cv::ocl::Program::ptr
void * ptr() const
cv::ml::DTrees::Node::right
int right
Index of right child node.
Definition: ml.hpp:1167
cv::cuda::rectStdDev
void rectStdDev(InputArray src, InputArray sqr, OutputArray dst, Rect rect, Stream &stream=Stream::Null())
Computes a standard deviation of integral images.
cv::cuda::warpAffine
void warpAffine(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, Scalar borderValue=Scalar(), Stream &stream=Stream::Null())
Applies an affine transformation to an image.
cv::CascadeClassifier::getOldCascade
void * getOldCascade()
CV_32FC1
#define CV_32FC1
Definition: interface.h:118
cv::BackgroundSubtractorMOG2::getDetectShadows
virtual bool getDetectShadows() const =0
Returns the shadow detection flag.
cv::ml::SVMSGD::ASGD
@ ASGD
Average Stochastic Gradient Descent.
Definition: ml.hpp:1805
cv::NORM_L2SQR
@ NORM_L2SQR
Definition: base.hpp:194
cv::ocl::Program::getBinary
void getBinary(std::vector< char > &binary) const
Query device-specific program binary.
cv::detail::MatchesInfo::MatchesInfo
MatchesInfo(const MatchesInfo &other)
cv::QRCodeDetector::detectMulti
bool detectMulti(InputArray img, OutputArray points) const
Detects QR codes in image and returns the vector of the quadrangles containing the codes.
HaarFeatureDescriptor32::isLeftNodeLeaf
__device__ __host__ NcvBool isLeftNodeLeaf(void)
Definition: NCVHaarObjectDetection.hpp:157
cv::gapi::cpu::GOCVFunctor::GOCVFunctor
GOCVFunctor(const char *id, const Meta &meta, const Impl &impl)
Definition: gcpukernel.hpp:497
cv::cuda::getDevice
int getDevice()
Returns the current device index set by cuda::setDevice or initialized by default.
cv::cudev::GpuMat_::GpuMat_
__host__ GpuMat_(const GpuMat_ &m)
copy constructor
cv::cuda::max
void max(InputArray src1, InputArray src2, OutputArray dst, Stream &stream=Stream::Null())
Computes the per-element maximum of two matrices (or a matrix and a scalar).
cv::FileStorage::operator[]
FileNode operator[](const char *nodename) const
cv::Allocator::deallocate
void deallocate(pointer p, size_type)
Definition: cvstd.hpp:133
cv::large_kinfu::Params::depthFactor
float depthFactor
pre-scale per 1 meter for input values Typical values are: 5000 per 1 meter for the 16-bit PNG files ...
Definition: large_kinfu.hpp:50
cv::detail::SphericalWarperGpu::buildMaps
Rect buildMaps(Size src_size, InputArray K, InputArray R, cuda::GpuMat &xmap, cuda::GpuMat &ymap)
cv::detail::FeatherBlender::createWeightMaps
Rect createWeightMaps(const std::vector< UMat > &masks, const std::vector< Point > &corners, std::vector< UMat > &weight_maps)
cv::dnn::InnerProductLayer::create
static Ptr< InnerProductLayer > create(const LayerParams &params)
cv::DetectionBasedTracker::InnerParameters::numStepsToTrackWithoutDetectingIfObjectHasNotBeenShown
int numStepsToTrackWithoutDetectingIfObjectHasNotBeenShown
Definition: detection_based_tracker.hpp:169
cv::HOGDescriptor::setSVMDetector
virtual void setSVMDetector(InputArray svmdetector)
Sets coefficients for the linear SVM classifier.
cv::Rect_::x
_Tp x
x coordinate of the top-left corner
Definition: types.hpp:453
cv::ximgproc::RICInterpolator::getMaxFlow
virtual float getMaxFlow() const =0
MaxFlow is a threshold to validate the predictions using a certain piece-wise affine model....
cv::bioinspired::TransientAreasSegmentationModule::write
virtual void write(String fs) const =0
write xml/yml formated parameters information
cv::CAP_PROP_XI_CMS
@ CAP_PROP_XI_CMS
Mode of color management system.
Definition: videoio.hpp:407
cv::REDUCE_MAX
@ REDUCE_MAX
the output is the maximum (column/row-wise) of all rows/columns of the matrix.
Definition: core.hpp:229
cv::viz::ShadingValues
ShadingValues
Definition: widgets.hpp:82
cv::detail::tracking::tbm::Track::descriptor_strong
cv::Mat descriptor_strong
Strong descriptor (reid embedding).
Definition: tracking_by_matching.hpp:391
cv::cudev::FindMinMaxValExprBody::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: reduction.hpp:135
cv::gapi::own::Mat::Mat
Mat(std::vector< int > &&_dims, int _type, void *_data)
Definition: mat.hpp:115
_mm_interleave_ps
void _mm_interleave_ps(__m128 &v_r0, __m128 &v_r1, __m128 &v_g0, __m128 &v_g1)
Definition: sse_utils.hpp:568
cv::FileNode::read
static void read(const FileNode &node, Size_< _Tp > &value, const Size_< _Tp > &default_value)
Definition: persistence.hpp:749
cv::_InputArray::getGpuMat
cuda::GpuMat getGpuMat() const
cv::detail::CylindricalWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::CASCADE_SCALE_IMAGE
@ CASCADE_SCALE_IMAGE
Definition: objdetect.hpp:169
cv::cornerHarris
void cornerHarris(InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT)
Harris corner detector.
cv::cuda::HOG::getGammaCorrection
virtual bool getGammaCorrection() const =0
cv::cartToPolar
void cartToPolar(InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false)
Calculates the magnitude and angle of 2D vectors.
cv::cudev::SingleMaskChannelsSz::cols
int cols
Definition: mask.hpp:85
cv::ocl::predictOptimalVectorWidthMax
int predictOptimalVectorWidthMax(InputArray src1, InputArray src2=noArray(), InputArray src3=noArray(), InputArray src4=noArray(), InputArray src5=noArray(), InputArray src6=noArray(), InputArray src7=noArray(), InputArray src8=noArray(), InputArray src9=noArray())
cv::Error::StsAssert
@ StsAssert
assertion failed
Definition: base.hpp:115
cv::Feature2D::~Feature2D
virtual ~Feature2D()
cv::dnn::ProposalLayer::create
static Ptr< ProposalLayer > create(const LayerParams &params)
cv::ml::Boost::getBoostType
virtual int getBoostType() const =0
cv::CLAHE::getClipLimit
virtual double getClipLimit() const =0
Returns threshold value for contrast limiting.
cv::detail::tracking::contrib_feature::CvLBPEvaluator::Feature
Definition: feature.hpp:385
cv::detail::tracking::feature::CvFeatureEvaluator::featureParams
CvFeatureParams * featureParams
Definition: tracking_feature.private.hpp:88
cv::ocl::Kernel::Kernel
Kernel(const Kernel &k)
cv::detail::tracking::online_boosting::ClassifierThreshold::update
void update(float value, int target)
cv::AffineWarper::create
Ptr< detail::RotationWarper > create(float scale) const CV_OVERRIDE
Definition: warpers.hpp:162
cv::GPlaidMLKernel
Definition: gplaidmlkernel.hpp:57
cv::vint8mf2_t::vint8mf2_t
vint8mf2_t(const schar *ptr)
Definition: intrin_rvv.hpp:39
cvflann::flann_distance_type
flann_distance_t flann_distance_type()
cv::cudev::ResizePtrSz::cols
int cols
Definition: resize.hpp:79
cv::MediaFrame::AdapterPtr
std::unique_ptr< IAdapter > AdapterPtr
Definition: media.hpp:24
cv::legacy::TrackerCSRT::create
static Ptr< legacy::TrackerCSRT > create(const TrackerCSRT::Params &parameters)
Constructor.
cv::CAP_UEYE
@ CAP_UEYE
uEye Camera API
Definition: videoio.hpp:124
cv::detail::PlaneWarperGpu::warp
Point warp(const cuda::GpuMat &src, InputArray K, InputArray R, InputArray T, int interp_mode, int border_mode, cuda::GpuMat &dst)
cv::OpenGlDrawCallback
void(* OpenGlDrawCallback)(void *userdata)
Callback function defined to be called every frame. See cv::setOpenGlDrawCallback.
Definition: highgui.hpp:283
cv::viz::WPaintedCloud::WPaintedCloud
WPaintedCloud(InputArray cloud)
Paint cloud with default gradient between cloud bounds points.
cv::superres::FarnebackOpticalFlow::getFlags
virtual int getFlags() const =0
cv::videostab::MotionFilterBase
Definition: motion_stabilizing.hpp:85
cv::videoio_registry::getBackendName
cv::String getBackendName(VideoCaptureAPIs api)
Returns backend API name or "UnknownVideoAPI(xxx)".
cv::dnn::ConvolutionLayer::create
static Ptr< BaseConvolutionLayer > create(const LayerParams &params)
cv::ogl::Texture2D
Smart pointer for OpenGL 2D texture memory with reference counting.
Definition: opengl.hpp:284
cv::detail::GraphCutSeamFinderBase::CostType
CostType
Definition: seam_finders.hpp:235
cv::AKAZE::setDiffusivity
virtual void setDiffusivity(KAZE::DiffusivityType diff)=0
NCV_CT_ASSERT
NCV_CT_ASSERT(sizeof(HaarFeature64)==8)
cv::MOTION_TRANSLATION
@ MOTION_TRANSLATION
Definition: tracking.hpp:262
cv::Mat::data
uchar * data
pointer to the data
Definition: mat.hpp:2094
cv::GMatDesc::asPlanar
GMatDesc asPlanar() const
Definition: gmat.hpp:169
cv::FileStorage::state
int state
Definition: persistence.hpp:462
cv::ocl::Platform::Platform
Platform(const Platform &p)
cv::v_muladd
v_reg< _Tp, n > v_muladd(const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c)
A synonym for v_fma.
Definition: intrin_cpp.hpp:945
cv::cudev::direction_func::operator()
__device__ T operator()(T x, T y) const
Definition: functional.hpp:632
cv::TransverseMercatorWarper
Definition: warpers.hpp:244
cv::MatOp::divide
virtual void divide(double s, const MatExpr &expr, MatExpr &res) const
cv::CAP_PROP_XI_AEAG_ROI_OFFSET_Y
@ CAP_PROP_XI_AEAG_ROI_OFFSET_Y
Automatic exposure/gain ROI offset Y.
Definition: videoio.hpp:383
cv::winrt_initContainer
void winrt_initContainer(::Windows::UI::Xaml::Controls::Panel^ container)
Initializes container component that will be used to hold generated window content.
cv::gapi::s11n::getRunArgByIdx
void getRunArgByIdx(IIStream &is, cv::util::variant< Ts... > &v, uint32_t idx)
Definition: s11n.hpp:264
cv::GMetaArg
util::variant< util::monostate, GMatDesc, GScalarDesc, GArrayDesc, GOpaqueDesc, GFrameDesc > GMetaArg
Definition: gmetaarg.hpp:43
cv::rgbd::ICPOdometry::ICPOdometry
ICPOdometry()
cv::ORB::setFirstLevel
virtual void setFirstLevel(int firstLevel)=0
cvhalKeyPoint
Definition: interface.h:20
cv::cuda::createHoughCirclesDetector
Ptr< HoughCirclesDetector > createHoughCirclesDetector(float dp, float minDist, int cannyThreshold, int votesThreshold, int minRadius, int maxRadius, int maxCircles=4096)
Creates implementation for cuda::HoughCirclesDetector .
cv::gapi::cmpGE
GMat cmpGE(const GMat &src1, const GMat &src2)
Performs the per-element comparison of two matrices checking if elements from first matrix are greate...
cv::optflow::DenseRLOFOpticalFlow::setRICSPSize
virtual void setRICSPSize(int val)=0
Parameter to tune the approximate size of the superpixel used for oversegmentation.
cv::detail::Timelapser::createDefault
static Ptr< Timelapser > createDefault(int type)
OPENCV_HAL_IMPL_RVV_SELECT
#define OPENCV_HAL_IMPL_RVV_SELECT(_Tpvec, merge, ne, width)
Definition: intrin_rvv.hpp:1735
cv::CascadeClassifier::detectMultiScale
void detectMultiScale(InputArray image, std::vector< Rect > &objects, double scaleFactor=1.1, int minNeighbors=3, int flags=0, Size minSize=Size(), Size maxSize=Size())
Detects objects of different sizes in the input image. The detected objects are returned as a list of...
cv::detail::tracking::kalman_filters::UnscentedKalmanFilter::correct
virtual Mat correct(InputArray measurement)=0
cv::text::ERStat::area
int area
incrementally computable features
Definition: erfilter.hpp:79
cv::structured_light::DECODE_3D_UNDERWORLD
@ DECODE_3D_UNDERWORLD
Kyriakos Herakleous, Charalambos Poullis. "3DUNDERWORLD-SLS: An Open-Source Structured-Light Scanning...
Definition: structured_light.hpp:56
cv::ocl::OclVectorStrategy
OclVectorStrategy
Definition: ocl.hpp:654
cv::datasets::AR_sports::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::directx::ocl::initializeContextFromDirect3DDevice9Ex
Context & initializeContextFromDirect3DDevice9Ex(IDirect3DDevice9Ex *pDirect3DDevice9Ex)
Creates OpenCL context from Direct3DDevice9Ex device.
CV_CUDEV_GRAY2RGB5x5_INST
#define CV_CUDEV_GRAY2RGB5x5_INST(name, green_bits)
Definition: color_cvt.hpp:457
cv::ocl::Queue::~Queue
~Queue()
cv::cudev::ThreshBinaryFunc::maxVal
T maxVal
Definition: functional.hpp:697
cv::cuda::drawColorDisp
void drawColorDisp(InputArray src_disp, OutputArray dst_disp, int ndisp, Stream &stream=Stream::Null())
Colors a disparity image.
NCVMemPtr::ptr
void * ptr
Definition: NCV.hpp:441
cv::SparseMat::Hdr::Hdr
Hdr(int _dims, const int *_sizes, int _type)
peilin.hpp
cv::videostab::SparsePyrLkOptFlowEstimator::run
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors) CV_OVERRIDE
cv::GRunArg::operator=
GRunArg & operator=(const GRunArg &arg)
cv::ppf_match_3d::Pose3DPtr
Ptr< Pose3D > Pose3DPtr
Definition: pose_3d.hpp:58
cv::VideoCapture::VideoCapture
VideoCapture(const String &filename, int apiPreference=CAP_ANY)
Opens a video file or a capturing device or an IP video stream for video capturing with API Preferenc...
cv::CAP_PROP_WHITE_BALANCE_RED_V
@ CAP_PROP_WHITE_BALANCE_RED_V
Definition: videoio.hpp:162
cv::detail::CompressedRectilinearWarper
Definition: warpers.hpp:398
cv::WINDOW_OPENGL
@ WINDOW_OPENGL
window with opengl support.
Definition: highgui.hpp:189
fast_marching.hpp
cv::stereo::StereoBinarySGBM::setPreFilterCap
virtual void setPreFilterCap(int preFilterCap)=0
cv::directx::convertFromD3D10Texture2D
void convertFromD3D10Texture2D(ID3D10Texture2D *pD3D10Texture2D, OutputArray dst)
Converts ID3D10Texture2D to OutputArray.
cv::face::EigenFaceRecognizer
Definition: facerec.hpp:55
cv::cudev::ScharrYPtr::src
SrcPtr src
Definition: deriv.hpp:286
cv::viz::MouseEvent::pointer
Point pointer
Definition: types.hpp:324
cv::LDA::eigenvalues
Mat eigenvalues() const
Definition: core.hpp:2614
cv::rgbd::RgbdNormals::RgbdNormals
RgbdNormals()
Definition: depth.hpp:83
cv::optflow::DenseRLOFOpticalFlow::setEPICK
virtual void setEPICK(int val)=0
see ximgproc::EdgeAwareInterpolator() K value.
cv::TLSDataContainer::TLSDataContainer
TLSDataContainer()
cv::MergeMertens
Pixels are weighted using contrast, saturation and well-exposedness measures, than images are combine...
Definition: photo.hpp:642
cv::cudev::BrdBase::idx_row
__device__ __forceinline__ int idx_row(int y) const
Definition: extrapolation.hpp:102
cv::datasets::tag::value
std::string value
Definition: tr_svt.hpp:62
cv::videostab::MM_TRANSLATION
@ MM_TRANSLATION
Definition: motion_core.hpp:61
cv::detail::GraphCutSeamFinder::GraphCutSeamFinder
GraphCutSeamFinder(String cost_type, float terminal_cost=10000.f, float bad_region_penalty=1000.f)
cv::DescriptorMatcher::checkMasks
void checkMasks(InputArrayOfArrays masks, int queryDescriptorsCount) const
cv::detail::CylindricalPortraitProjector::mapForward
void mapForward(float x, float y, float &u, float &v)
cv::ximgproc::qconj
void qconj(InputArray qimg, OutputArray qcimg)
calculates conjugate of a quaternion image.
cv::kinfu::KinFu::create
static Ptr< KinFu > create(const Ptr< Params > &_params)
checker_model.hpp
cv::vint8mf4_t::vint8mf4_t
vint8mf4_t(const schar *ptr)
Definition: intrin_rvv.hpp:144
cv::stereo::QuasiDenseStereo::getDenseMatches
virtual void getDenseMatches(std::vector< stereo::Match > &denseMatches)=0
Get The dense corresponding points.
cv::cudev::sobelYPtr
__host__ SobelYPtrSz< typename PtrTraits< SrcPtr >::ptr_type > sobelYPtr(const SrcPtr &src)
Definition: deriv.hpp:219
cv::viz::Color::violet
static Color violet()
cv::optflow::RLOFOpticalFlowParameter::getSupportRegionType
SupportRegionType getSupportRegionType() const
cv::detail::tracking::TrackerFeatureSet
Class that manages the extraction and selection of features.
Definition: tracking.private.hpp:60
cv::gapi::cmpNE
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...
cv::face::FacemarkTrain::getFaces
virtual bool getFaces(InputArray image, OutputArray faces)=0
Detect faces from a given image using default or user defined face detector. Some Algorithm might not...
cv::detail::tracking::TrackerContribSamplerAlgorithm::create
static Ptr< TrackerContribSamplerAlgorithm > create(const String &trackerSamplerType)
Create TrackerContribSamplerAlgorithm by tracker sampler type.
cv::ovis::SCENE_INTERACTIVE
@ SCENE_INTERACTIVE
allow the user to control the camera.
Definition: ovis.hpp:49
cv::COLOR_YCrCb2BGR
@ COLOR_YCrCb2BGR
Definition: imgproc.hpp:586
cv::videostab::MotionEstimatorRansacL2::minInlierRatio
float minInlierRatio() const
Definition: global_motion.hpp:140
cv::cuda::OpticalFlowDual_TVL1::setEpsilon
virtual void setEpsilon(double epsilon)=0
cv::matchShapes
double matchShapes(InputArray contour1, InputArray contour2, int method, double parameter)
Compares two shapes.
OpenCV_API_Header::opencv_version_major
unsigned opencv_version_major
compiled OpenCV version
Definition: llapi.h:44
cv::Hamming::ValueType
unsigned char ValueType
Definition: base.hpp:385
cv::uint64_t
::uint64_t uint64_t
Definition: cvdef.h:801
hal_ni_addWeighted8u
int hal_ni_addWeighted8u(const uchar *src1_data, size_t src1_step, const uchar *src2_data, size_t src2_step, uchar *dst_data, size_t dst_step, int width, int height, const double scalars[3])
Definition: hal_replacement.hpp:318
cv::utils::optional_lock_guard::Mutex
_Mutex Mutex
Definition: lock.private.hpp:78
cv::hal::cvt16f32f
void cvt16f32f(const float16_t *src, float *dst, int len)
cv::superres::FrameSource::~FrameSource
virtual ~FrameSource()
cv::videostab::StabilizerBase::setRadius
void setRadius(int val)
Definition: stabilizer.hpp:74
cv::detail::tracking::tbm::CosDistance
The CosDistance class allows computing cosine distance between two reidentification descriptors.
Definition: tracking_by_matching.hpp:186
cv::ocl::KernelArg::KernelArg
KernelArg()
cv::dnn::Layer::Layer
Layer(const LayerParams &params)
Initializes only name, type and blobs fields.
cv::_InputArray::_InputArray
_InputArray(const _Tp *vec, int n)
simd_functions.hpp
cv::DISOpticalFlow::getVariationalRefinementAlpha
virtual float getVariationalRefinementAlpha() const =0
Weight of the smoothness term.
cv::detail::AffineWarper::getRTfromHomogeneous
void getRTfromHomogeneous(InputArray H, Mat &R, Mat &T)
Extracts rotation and translation matrices from matrix H representing affine transformation in homoge...
cv::dnn::Layer::forward
virtual void forward(std::vector< Mat * > &input, std::vector< Mat > &output, std::vector< Mat > &internals)
Given the input blobs, computes the output blobs.
cv::hdf::HDF5::dswrite
virtual void dswrite(InputArray Array, const String &dslabel, const int *dims_offset) const =0
cv::detail::tracking::tbm::CosDistance::compute
float compute(const cv::Mat &descr1, const cv::Mat &descr2) override
Computes distance between two descriptors.
cv::kinfu::Params::raycast_step_factor
float raycast_step_factor
A length of one raycast step.
Definition: kinfu.hpp:137
cv::L2::ValueType
T ValueType
Definition: features2d.hpp:914
cv::hal::cvtBGRtoTwoPlaneYUV
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.
cv::rgbd::RgbdNormals::create
static Ptr< RgbdNormals > create(int rows, int cols, int depth, InputArray K, int window_size=5, int method=RgbdNormals::RGBD_NORMALS_METHOD_FALS)
cv::line_descriptor::LSDDetector::LSDDetector
LSDDetector()
Definition: descriptor.hpp:725
cv::ORB::ScoreType
ScoreType
Definition: features2d.hpp:407
cv::line_descriptor::BinaryDescriptorMatcher::knnMatch
void knnMatch(const Mat &queryDescriptors, std::vector< std::vector< DMatch > > &matches, int k, const std::vector< Mat > &masks=std::vector< Mat >(), bool compactResult=false)
cv::detail::VectorRefT::VectorRefT
VectorRefT(std::vector< T > &vec)
Definition: garray.hpp:158
cv::dynafu::DynaFu::reset
virtual void reset()=0
Resets the algorithm.
cv::cuda::DescriptorMatcher::radiusMatchAsync
virtual void radiusMatchAsync(InputArray queryDescriptors, OutputArray matches, float maxDistance, const std::vector< GpuMat > &masks=std::vector< GpuMat >(), Stream &stream=Stream::Null())=0
cv::gapi::calcOpticalFlowPyrLK
std::tuple< GArray< Point2f >, GArray< uchar >, GArray< float > > calcOpticalFlowPyrLK(const GMat &prevImg, const GMat &nextImg, const GArray< Point2f > &prevPts, const GArray< Point2f > &predPts, const Size &winSize=Size(21, 21), const GScalar &maxLevel=3, const TermCriteria &criteria=TermCriteria(TermCriteria::COUNT|TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThresh=1e-4)
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyra...
cv::detail::PaniniPortraitProjector::a
float a
Definition: warpers.hpp:453
cv::MatStep
Definition: mat.hpp:588
cv::cudev::Avg::rebind
Definition: reduce_to_vec.hpp:90
cv::ocl::Context::device
Device & device(size_t idx) const
cv::ximgproc::fastGlobalSmootherFilter
void fastGlobalSmootherFilter(InputArray guide, InputArray src, OutputArray dst, double lambda, double sigma_color, double lambda_attenuation=0.25, int num_iter=3)
Simple one-line Fast Global Smoother filter call. If you have multiple images to filter with the same...
cv::detail::tracked_cv_umat::validate
void validate() const
Definition: goclkernel.hpp:137
hal_ni_split64s
int hal_ni_split64s(const int64 *src_data, int64 **dst_data, int len, int cn)
Definition: hal_replacement.hpp:348
hashnode_i::next
struct hashnode_i * next
Definition: t_hash_int.hpp:64
cv::MatAllocator::MatAllocator
MatAllocator()
Definition: mat.hpp:468
cv::GCall::yieldArray
GArray< T > yieldArray(int output=0)
Definition: gcall.hpp:47
cv::MediaFrame
Definition: media.hpp:19
cv::LINE_AA
@ LINE_AA
antialiased line
Definition: imgproc.hpp:811
cv::cudev::TypeTraits::is_unsigned_int
@ is_unsigned_int
Definition: type_traits.hpp:142
cv::Range::end
int end
Definition: types.hpp:598
cv::Mat::assignTo
void assignTo(Mat &m, int type=-1) const
Provides a functional form of convertTo.
cv::detail::tracking::TrackerFeatureHOG::TrackerFeatureHOG
TrackerFeatureHOG()
cv::line_descriptor::LSDDetector::createLSDDetector
static Ptr< LSDDetector > createLSDDetector()
Creates ad LSDDetector object, using smart pointers.
interpolation.hpp
cv::cuda::CannyEdgeDetector::getLowThreshold
virtual double getLowThreshold() const =0
cv::v_lut_quads
v_reg< _Tp, V_TypeTraits< _Tp >::nlanes128 > v_lut_quads(const _Tp *tab, const int *idx)
Definition: intrin_cpp.hpp:2192
cv::hal::mul32s
void mul32s(const int *src1, size_t step1, const int *src2, size_t step2, int *dst, size_t step, int width, int height, void *scale)
cv::bgsegm::BackgroundSubtractorGMG::setMinVal
virtual void setMinVal(double val)=0
Sets the minimum value taken on by pixels in image sequence.
cvhalKeyPoint::octave
int octave
Definition: interface.h:26
cv::detail::GOpaqueU::m_priv
std::shared_ptr< GOrigin > m_priv
Definition: gopaque.hpp:89
CPU_AVX_512BW
@ CPU_AVX_512BW
Definition: cvdef.h:306
cv::CommandLineParser::has
bool has(const String &name) const
Check if field was provided in the command line.
cv::cudev::Block::threadLineId
__device__ static __forceinline__ uint threadLineId()
Definition: block.hpp:68
cv::rgbd::FastICPOdometry::getKernelSize
int getKernelSize() const
Definition: depth.hpp:1112
cv::uint32_t
::uint32_t uint32_t
Definition: cvdef.h:799
cv::detail::MetaType
Definition: gkernel.hpp:112
cv::cudacodec::SurfaceFormat
SurfaceFormat
Definition: cudacodec.hpp:73
cv::gapi::wip::draw::render
void render(cv::Mat &y_plane, cv::Mat &uv_plane, const Prims &prims, cv::GCompileArgs &&args={})
The function renders on two NV12 planes passed drawing primitivies.
cv::linemod::Modality::write
virtual void write(FileStorage &fs) const =0
cv::_InputArray::getMat
Mat getMat(int idx=-1) const
cv::CAP_PROP_XI_TEST_PATTERN
@ CAP_PROP_XI_TEST_PATTERN
Selects which test pattern type is generated by the selected generator.
Definition: videoio.hpp:378
cv::CAP_PROP_TRIGGER_DELAY
@ CAP_PROP_TRIGGER_DELAY
Definition: videoio.hpp:161
cv::cudev::DerivXPtr::src
SrcPtr src
Definition: deriv.hpp:66
cv::datasets::HPE_humaneva
Definition: hpe_humaneva.hpp:78
cv::datasets::join::Ry
double Ry
Definition: gr_chalearn.hpp:67
cv::datasets::Dataset::getTrain
std::vector< Ptr< Object > > & getTrain(int splitNum=0)
cv::detail::DisjointSets::size
std::vector< int > size
Definition: util.hpp:65
cv::Mat_::Mat_
Mat_(const MatExpr &e)
from a matrix expression
cv::CAP_PROP_WHITE_BALANCE_BLUE_U
@ CAP_PROP_WHITE_BALANCE_BLUE_U
Currently unsupported.
Definition: videoio.hpp:153
cv::GInferListBase::id
static constexpr const char * id()
Definition: infer.hpp:226
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray(std::vector< bool > &vec)=delete
cv::cudev::functional_detail::FloatType::type
MakeVec< typename LargerType< float, typename VecTraits< T >::elem_type >::type, VecTraits< T >::cn >::type type
Definition: functional.hpp:452
cv::gapi::fluid::BorderOpt
util::optional< Border > BorderOpt
Definition: gfluidbuffer.hpp:34
cv::stereoCalibrate
double stereoCalibrate(InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, InputOutputArray R, InputOutputArray T, OutputArray E, OutputArray F, OutputArray perViewErrors, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6))
Calibrates a stereo camera set up. This function finds the intrinsic parameters for each of the two c...
ncvEndQueryTimerMs
double ncvEndQueryTimerMs(NcvTimer t)
cv::stereo::StereoBinarySGBM::setUniquenessRatio
virtual void setUniquenessRatio(int uniquenessRatio)=0
cv::dynafu::DynaFu::getNodesPos
virtual std::vector< Point3f > getNodesPos() const =0
cv::dnn::BackendWrapper::targetId
int targetId
Target identifier.
Definition: dnn.hpp:173
binary_func.hpp
cv::cuda::BroxOpticalFlow::getGradientConstancyImportance
virtual double getGradientConstancyImportance() const =0
cv::KeyPointsFilter::removeDuplicated
static void removeDuplicated(std::vector< KeyPoint > &keypoints)
cv::CAP_PROP_XI_SENSOR_BOARD_TEMP
@ CAP_PROP_XI_SENSOR_BOARD_TEMP
Camera sensor board temperature.
Definition: videoio.hpp:406
cv::gapi::wip::draw::Image::img
cv::Mat img
Image to draw.
Definition: render_types.hpp:289
cv::ximgproc::segmentation::GraphSegmentation::getMinSize
virtual int getMinSize()=0
cv::optflow::GPCTrainingParams::descriptorType
int descriptorType
Type of descriptors to use.
Definition: sparse_matching_gpc.hpp:127
cv::gapi::wip::IStreamSource
Abstract streaming pipeline source.
Definition: source.hpp:40
cv::softfloat::fromRaw
static const softfloat fromRaw(const uint32_t a)
Construct from raw.
Definition: softfloat.hpp:106
cv::CAP_PROP_XI_CC_MATRIX_13
@ CAP_PROP_XI_CC_MATRIX_13
Color Correction Matrix element [1][3].
Definition: videoio.hpp:421
cv::HOGDescriptor::getDescriptorSize
size_t getDescriptorSize() const
Returns the number of coefficients required for the classification.
cv::atanh
Quat< T > atanh(const Quat< T > &q)
cv::gapi::wip::draw::Circle
This structure represents a circle to draw.
Definition: render_types.hpp:162
cv::detail::fluid_get_in< cv::GOpaque< U > >::get
static const U & get(const cv::GArgs &in_args, int idx)
Definition: gfluidkernel.hpp:197
cv::BRISK::setOctaves
virtual void setOctaves(int octaves)
Set detection octaves.
Definition: features2d.hpp:393
cv::ximgproc::createRightMatcher
Ptr< StereoMatcher > createRightMatcher(Ptr< StereoMatcher > matcher_left)
Convenience method to set up the matcher for computing the right-view disparity map that is required ...
cvv::impl::debugDMatch
void debugDMatch(cv::InputArray img1, std::vector< cv::KeyPoint > keypoints1, cv::InputArray img2, std::vector< cv::KeyPoint > keypoints2, std::vector< cv::DMatch > matches, const CallMetaData &data, const char *description, const char *view, bool useTrainDescriptor)
cv::detail::VectorRefT::rref
const std::vector< T > & rref() const
Definition: garray.hpp:197
CvVideoCamera::lastSampleTime
CMTime lastSampleTime
Definition: cap_ios.h:107
cv::TrackerCSRT::create
static Ptr< TrackerCSRT > create(const TrackerCSRT::Params &parameters=TrackerCSRT::Params())
Create CSRT tracker instance.
cv::detail::GArrayU::setKind
void setKind(cv::detail::OpaqueKind)
cv::detail::OCVCallHelper< Impl, std::tuple< Ins... >, std::tuple< Outs... > >::call_and_postprocess::call
static void call(Impl &impl, Inputs &&... ins, Outputs &&... outs)
Definition: gcpukernel.hpp:376
cv::MatSize::operator[]
const int & operator[](int i) const
cv::superres::BroxOpticalFlow::setScaleFactor
virtual void setScaleFactor(double val)=0
Pyramid scale factor.
cv::hal::sub32f
void sub32f(const float *src1, size_t step1, const float *src2, size_t step2, float *dst, size_t step, int width, int height, void *)
cv::videostab::RansacParams
Describes RANSAC method parameters.
Definition: motion_core.hpp:74
cv::line_descriptor::BinaryDescriptor::compute
void compute(const std::vector< Mat > &images, std::vector< std::vector< KeyLine > > &keylines, std::vector< Mat > &descriptors, bool returnFloatDescr=false) const
cv::detail::CompressedRectilinearProjector::mapBackward
void mapBackward(float u, float v, float &x, float &y)
cv::gapi::GKernelPackage::size
std::size_t size() const
Returns total number of kernels in the package (across all backends included)
util_inl.hpp
cv::detail::GraphCutSeamFinder::find
void find(const std::vector< UMat > &src, const std::vector< Point > &corners, std::vector< UMat > &masks) CV_OVERRIDE
Estimates seams.
cv::xphoto::LearningBasedWB::setSaturationThreshold
virtual void setSaturationThreshold(float val)=0
Threshold that is used to determine saturated pixels, i.e. pixels where at least one of the channels ...
cv::viz::Color::orange_red
static Color orange_red()
cv::IMWRITE_PAM_FORMAT_NULL
@ IMWRITE_PAM_FORMAT_NULL
Definition: imgcodecs.hpp:131
cv::cudev::SobelYPtr::operator()
__device__ PtrTraits< SrcPtr >::value_type operator()(int y, int x) const
Definition: deriv.hpp:195
cv::gapi::ie::params
PyParams params(const std::string &tag, const std::string &model, const std::string &weights, const std::string &device)
cv::viz::WCloudCollection::WCloudCollection
WCloudCollection()
cv::viz::WWidgetMerger::addWidget
void addWidget(const Widget3D &widget, const Affine3d &pose=Affine3d::Identity())
Add widget to merge with optional position change.
cv::detail::CylindricalPortraitWarper
Definition: warpers.hpp:645
cv::_InputOutputArray::_InputOutputArray
_InputOutputArray()
cv::dnn_superres::DnnSuperResImpl::DnnSuperResImpl
DnnSuperResImpl(const String &algo, int scale)
Constructor which immediately sets the desired model.
cv::dnn::Layer::preferableTarget
int preferableTarget
prefer target for layer forwarding
Definition: dnn.hpp:376
cv::VideoCapture::grab
virtual bool grab()
Grabs the next frame from video file or capturing device.
cv::cudev::Binder1st::op
Op op
Definition: functional.hpp:832
cv::Node
Definition: utility.hpp:1044
cv::ml::SVM::KernelTypes
KernelTypes
SVM kernel type
Definition: ml.hpp:647
cv::detail::GTypeTraits< cv::GOpaque< T > >::wrap_in
static cv::detail::OpaqueRef wrap_in(const T &t)
Definition: gtype_traits.hpp:99
INCVMemAllocator::isCounting
virtual NcvBool isCounting(void) const =0
cv::cuda::HoughSegmentDetector::setTheta
virtual void setTheta(float theta)=0
cv::DMatch::distance
float distance
Definition: types.hpp:819
cv::face::FacemarkAAM
Definition: facemarkAAM.hpp:48
cv::dnn::TextDetectionModel_DB::setMaxCandidates
TextDetectionModel_DB & setMaxCandidates(int maxCandidates)
cv::dnn::Net::getLayer
Ptr< Layer > getLayer(LayerId layerId)
Returns pointer to layer with specified id or name which the network use.
cv::ximgproc::SuperpixelSLIC
Class implementing the SLIC (Simple Linear Iterative Clustering) superpixels algorithm described in .
Definition: slic.hpp:79
cv::GCPUContext::m_state
GArg m_state
Definition: gcpukernel.hpp:124
cv::cudev::ConstantPtr::index_type
int index_type
Definition: constant.hpp:60
cv::cudev::SobelYPtrSz::assignTo
__host__ void assignTo(GpuMat_< T > &dst, Stream &stream=Stream::Null()) const
Definition: deriv.hpp:212
cv::softdouble::inf
static softdouble inf()
Positive infinity constant.
Definition: softfloat.hpp:348
warping.hpp
cv::vfloat64mf2_t
Definition: intrin_rvv.hpp:120
cv::cuda::BufferPool::getAllocator
Ptr< GpuMat::Allocator > getAllocator() const
Returns the allocator associated with the stream.
Definition: cuda.hpp:498
color_moment_hash.hpp
cv::ml::TrainData::getNSamples
virtual int getNSamples() const =0
cv::ogl::Buffer::depth
int depth() const
cv::BufferPoolController::~BufferPoolController
~BufferPoolController()
Definition: bufferpool.hpp:24
cv::datasets::updown
@ updown
Definition: gr_skig.hpp:64
cv::CAP_OPENNI_DEPTH_GENERATOR
@ CAP_OPENNI_DEPTH_GENERATOR
Definition: videoio.hpp:229
cv::cudev::numeric_limits< bool >::min
__device__ static __forceinline__ bool min()
Definition: limits.hpp:62
cv::dnn_objdetect::InferBbox::transform_bboxes_inv
void transform_bboxes_inv(std::vector< std::vector< double > > *pre, std::vector< std::vector< double > > *post)
Transform bounding boxes from [x, y, h, w] to [xmin, ymin, xmax, ymax].
cv::KalmanFilter::transitionMatrix
Mat transitionMatrix
state transition matrix (A)
Definition: tracking.hpp:395
cv::videostab::StabilizerBase::frameSource_
Ptr< IFrameSource > frameSource_
Definition: stabilizer.hpp:115
cv::cuda::HoughSegmentDetector::detect
virtual void detect(InputArray src, OutputArray lines, Stream &stream=Stream::Null())=0
Finds line segments in a binary image using the probabilistic Hough transform.
cv::cuda::DeviceInfo::maxSurface2D
Vec2i maxSurface2D() const
maximum 2D surface dimensions
cv::circle
void circle(InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0)
Draws a circle.
cv::HOGDescriptor::oclSvmDetector
UMat oclSvmDetector
coefficients for the linear SVM classifier used when OpenCL is enabled
Definition: objdetect.hpp:620
cv::MatAllocator
Custom array allocator.
Definition: mat.hpp:466
cv::cudev::LaplacianPtrSz::cols
int cols
Definition: deriv.hpp:371
cv::cuda::HoughCirclesDetector::setDp
virtual void setDp(float dp)=0
cv::ml::DTrees::setUseSurrogates
virtual void setUseSurrogates(bool val)=0
cv::cudev::UnaryTransformPtr::op
Op op
Definition: transform.hpp:67
cv::videostab::NullLog
Definition: log.hpp:64
cv::datasets::GR_skig::load
virtual void load(const std::string &path) CV_OVERRIDE=0
cv::TrackerMIL::Params::samplerInitMaxNegNum
int samplerInitMaxNegNum
Definition: tracking.hpp:762
cv::dnn::TextRecognitionModel::recognize
void recognize(InputArray frame, InputArrayOfArrays roiRects, std::vector< std::string > &results) const
Given the input frame, create input blob, run net and return recognition result.
cv::dnn::LRNLayer::bias
float bias
Definition: all_layers.hpp:239
neon_utils.hpp
icp.hpp
Implementation of ICP (Iterative Closest Point) Algorithm.
cv::SparseMatConstIterator
Read-Only Sparse Matrix Iterator.
Definition: mat.hpp:3188
rlofflow.hpp
cv::rgbd::depthTo3dSparse
void depthTo3dSparse(InputArray depth, InputArray in_K, InputArray in_points, OutputArray points3d)
cv::gapi::onnx::PortCfg
Definition: onnx.hpp:65
cv::linemod::Feature::y
int y
y offset
Definition: linemod.hpp:29
cv::aruco::DICT_APRILTAG_36h11
@ DICT_APRILTAG_36h11
6x6 bits, minimum hamming distance between any two codes = 11, 587 codes
Definition: dictionary.hpp:162
cv::detail::GraphCutSeamFinder
Minimum graph cut-based seam estimator. See details in .
Definition: seam_finders.hpp:241
cv::detail::DpSeamFinder::DpSeamFinder
DpSeamFinder(CostFunction costFunc=COLOR)
cv::detail::BundleAdjusterRay
Implementation of the camera parameters refinement algorithm which minimizes sum of the distances bet...
Definition: motion_estimators.hpp:266
cv::Mat_::Mat_
Mat_(const Vec< typename DataType< _Tp >::channel_type, n > &vec, bool copyData=true)
CPU_AVX_512ER
@ CPU_AVX_512ER
Definition: cvdef.h:309
cv::face::FacemarkKazemi::Params::num_test_coordinates
unsigned long num_test_coordinates
num_test_coordinates stores number of test coordinates.
Definition: face_alignment.hpp:31
hal_ni_dftInit1D
int hal_ni_dftInit1D(cvhalDFT **context, int len, int count, int depth, int flags, bool *needBuffer)
Definition: hal_replacement.hpp:510
cv::legacy::TrackerMedianFlow::Params::Params
Params()
cv::RMat::View::View
View(const View &)=delete
cv::cudev::numeric_limits< float >::max
__device__ static __forceinline__ float max()
Definition: limits.hpp:112
cv::large_kinfu::LargeKinfu::reset
virtual void reset()=0
cv::hfs::HfsSegment::getSegEgbThresholdII
virtual float getSegEgbThresholdII()=0
cv::detail::tracked_cv_mat::original_data
uchar * original_data
Definition: gcpukernel.hpp:211
cv::cudev::VecTraits< char4 >::make
__host__ __device__ static __forceinline__ char4 make(schar x, schar y, schar z, schar w)
Definition: vec_traits.hpp:179
cv::cudev::PerspectiveMapPtr::operator()
__device__ __forceinline__ float2 operator()(float y, float x) const
Definition: warping.hpp:114
cv::ogl::Buffer::bufId
unsigned int bufId() const
get OpenGL opject id
cv::VideoCapture::open
virtual bool open(const String &filename, int apiPreference=CAP_ANY)
Opens a video file or a capturing device or an IP video stream for video capturing.
cv::VideoWriter::VideoWriter
VideoWriter(const String &filename, int apiPreference, int fourcc, double fps, const Size &frameSize, const std::vector< int > &params)
cv::operator&=
v_reg< _Tp, n > & operator&=(v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b)
cv::BOWTrainer::~BOWTrainer
virtual ~BOWTrainer()
cv::QtFont::thickness
int thickness
See cv::QtFontWeights.
Definition: highgui.hpp:709
cv::ParamType< uint64 >::member_type
uint64 member_type
Definition: core.hpp:3268
cv::gapi::streaming::BGR
cv::GMat BGR(const cv::GFrame &in)
Gets bgr plane from input frame.
cv::videostab::ISparseOptFlowEstimator::run
virtual void run(InputArray frame0, InputArray frame1, InputArray points0, InputOutputArray points1, OutputArray status, OutputArray errors)=0
cv::detail::tracking::TrackerSamplerCSC::Params::trackInPosRad
float trackInPosRad
radius for gathering positive instances during tracking
Definition: tracking.private.hpp:367
cv::detail::GOpaqueTraits::kind
static constexpr const OpaqueKind kind
Definition: gcommon.hpp:62
nppiStDecimate_32s_C1R
NCVStatus nppiStDecimate_32s_C1R(Ncv32s *d_src, Ncv32u srcStep, Ncv32s *d_dst, Ncv32u dstStep, NcvSize32u srcRoi, Ncv32u scale, NcvBool readThruTexture)
optional.hpp
cv::viz::Camera::Camera
Camera(const Vec2d &fov, const Size &window_size)
cv::quality::QualityBase::clear
void clear() CV_OVERRIDE
Implements Algorithm::clear()
Definition: qualitybase.hpp:46
FEATURES
#define FEATURES
Definition: feature.hpp:65
cv::randpattern::RandomPatternCornerFinder::getObjectPoints
const std::vector< cv::Mat > & getObjectPoints()
cv::ml::SVM::getSupportVectors
virtual Mat getSupportVectors() const =0
Retrieves all the support vectors.
cv::cudev::log2
__device__ __forceinline__ float1 log2(const uchar1 &a)
Definition: vec_math.hpp:267
cv::TLSDataAccumulator::deleteDataInstance
virtual void deleteDataInstance(void *pData) const CV_OVERRIDE
Wrapper to release data by template.
Definition: tls.hpp:214
cv::aruco::CharucoBoard::nearestMarkerIdx
std::vector< std::vector< int > > nearestMarkerIdx
Definition: charuco.hpp:69
cv::rgbd::RgbdICPOdometry::setMinGradientMagnitudes
void setMinGradientMagnitudes(const cv::Mat &val)
Definition: depth.hpp:969
stabilizer.hpp
cv::float16_t::w
ushort w
Definition: cvdef.h:910
cv::Affine3::linear
Mat3 linear() const
cv::util::variant::get
friend const T & get(const variant< Us... > &v)
NcvRect32u::NcvRect32u
__host__ __device__ NcvRect32u()
Definition: NCV.hpp:166
cv::ogl::Texture2D::format
Format format() const
cv::TrackerMIL::create
static Ptr< TrackerMIL > create(const TrackerMIL::Params &parameters=TrackerMIL::Params())
Create MIL tracker instance.
cv::isContourConvex
bool isContourConvex(InputArray contour)
Tests a contour convexity.
cv::detail::get_in_meta
std::enable_if<!is_nongapi_type< T >::value, typename MetaType< T >::type >::type get_in_meta(const GMetaArgs &in_meta, const GArgs &, int idx)
Definition: gkernel.hpp:121
cv::cuda::BufferPool::getBuffer
GpuMat getBuffer(int rows, int cols, int type)
Allocates a new GpuMat of given size and type.
cv::DetectionBasedTracker::weightsSizesSmoothing
std::vector< float > weightsSizesSmoothing
Definition: detection_based_tracker.hpp:208